HArD::Core2D
Hybrid Arbitrary Degree::Core 2D - Library to implement 2D schemes with edge and cell polynomials as unknowns
|
Various general functions and classes. More...
Namespaces | |
namespace | Eigen::internal |
Classes | |
class | HArDCore2D::DSL::GlobalDOFTable |
Base class for global DOF spaces. Provides functions to manipulate global DOFs (the local version being provided by LocalDOFTable). More... | |
class | HArDCore2D::GlobalDOFSpace |
Base class for global DOF spaces. Provides functions to manipulate global DOFs (the local version being provided by LocalDOFSpace). More... | |
struct | HArDCore2D::IntegralWeight |
Structure for weights (scalar, at the moment) in integral. More... | |
class | HArDCore2D::LinearSolver< MatrixType > |
This structure is a wrapper to allow a given code to select various linear solvers. More... | |
struct | HArDCore2D::LocalStaticCondensation |
Structure to store information for, and perform, local static condensation. More... | |
class | HArDCore2D::LocalDOFSpace |
Base class for local DOF spaces: functions to access local DOFs (organised from the smallest dimension to the largest) associated with each geometric entity. More... | |
class | Eigen::PastixLU< _MatrixType, IsStrSym > |
Class to invoke the Pastix LU solver. More... | |
class | Eigen::PastixLLT< _MatrixType, _UpLo > |
Class to invoke the Pastix LLT solver. More... | |
class | Eigen::PastixLDLT< _MatrixType, _UpLo > |
Class to invoke the Pastix LDLT solver. More... | |
struct | Eigen::internal::pastix_traits< Pastix > |
struct | Eigen::internal::pastix_traits< PastixLU< _MatrixType > > |
struct | Eigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > > |
struct | Eigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > > |
class | Eigen::PastixBase< Derived > |
struct | HArDCore2D::PolynomialSpaceDimension< GeometricSupport > |
Basis dimensions for various polynomial spaces on edges/faces/elements (when relevant): Pk, Gk, Rk and complements. More... | |
struct | HArDCore2D::PolynomialSpaceDimension< Cell > |
struct | HArDCore2D::PolynomialSpaceDimension< Edge > |
Macros | |
#define | PASTIX_COMPLEX std::complex<float> |
#define | PASTIX_DCOMPLEX std::complex<double> |
Enumerations | |
enum | HArDCore2D::SolverName { HArDCore2D::EigenLU , HArDCore2D::EigenBiCGStab , HArDCore2D::PardisoLU , HArDCore2D::UMFPACK , HArDCore2D::PaStiXLU , HArDCore2D::PaStiXLLT , HArDCore2D::SuperLU } |
Enumeration of all available solvers. More... | |
enum | { Eigen::PastixBase< Derived >::ColsAtCompileTime = MatrixType::ColsAtCompileTime , Eigen::PastixBase< Derived >::MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime } |
enum | { Eigen::PastixLLT< _MatrixType, _UpLo >::UpLo = _UpLo } |
enum | { Eigen::PastixLDLT< _MatrixType, _UpLo >::UpLo = _UpLo } |
Functions | |
HArDCore2D::DSL::GlobalDOFTable::GlobalDOFTable (const DiscreteSpaceDescriptor &descriptor) | |
Constructor. | |
size_t | HArDCore2D::DSL::GlobalDOFTable::globalOffset (const Vertex &V) const |
Return the global offset for the unknowns on the vertex V. | |
size_t | HArDCore2D::DSL::GlobalDOFTable::globalOffset (const Edge &E) const |
Return the global offset for the unknowns on the edge E. | |
size_t | HArDCore2D::DSL::GlobalDOFTable::globalOffset (const Cell &T) const |
Return the global offset for the unknowns on the cell T. | |
Eigen::VectorXd | HArDCore2D::DSL::GlobalDOFTable::restrictEdge (size_t iE, const Eigen::VectorXd &vh) const |
Restrict to the edge (including its vertices) of index iE. | |
Eigen::VectorXd | HArDCore2D::DSL::GlobalDOFTable::restrictCell (size_t iT, const Eigen::VectorXd &vh) const |
Restrict to the cell (including vertices and edges) of index iT. | |
Eigen::VectorXd | HArDCore2D::DSL::GlobalDOFTable::restrict (const Edge &E, const Eigen::VectorXd vh) const |
Restrict to an edge. | |
Eigen::VectorXd | HArDCore2D::DSL::GlobalDOFTable::restrict (const Cell &T, const Eigen::VectorXd vh) const |
Restrict to a cell. | |
Eigen::MatrixXd | HArDCore2D::DSL::GlobalDOFTable::extendOperator (const Cell &T, const Edge &E, const Eigen::MatrixXd &opE) const |
Extend an edge operator to a cell. | |
std::vector< size_t > | HArDCore2D::DSL::GlobalDOFTable::globalDOFIndices (const Cell &T) const |
void | HArDCore2D::DSL::GlobalDOFTable::setLabelDOF (const size_t i, const int label) |
Set a label to the DOF number i (default label is -1) | |
int | HArDCore2D::DSL::GlobalDOFTable::getLabelDOF (const size_t i) |
Get label of DOF number i. | |
std::pair< double, double > | HArDCore2D::store_times (boost::timer::cpu_timer &timer, std::string message="") |
Function to store and display wall/proc timers from boost::timer::cpu_timer. | |
HArDCore2D::GlobalDOFSpace::GlobalDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_cell_dofs) | |
Constructor. | |
size_t | HArDCore2D::GlobalDOFSpace::globalOffset (const Vertex &V) const |
Return the global offset for the unknowns on the vertex V. | |
size_t | HArDCore2D::GlobalDOFSpace::globalOffset (const Edge &E) const |
Return the global offset for the unknowns on the edge E. | |
size_t | HArDCore2D::GlobalDOFSpace::globalOffset (const Cell &T) const |
Return the global offset for the unknowns on the cell T. | |
Eigen::VectorXd | HArDCore2D::GlobalDOFSpace::restrictEdge (size_t iE, const Eigen::VectorXd &vh) const |
Restrict to the edge (including its vertices) of index iE. | |
Eigen::VectorXd | HArDCore2D::GlobalDOFSpace::restrictCell (size_t iT, const Eigen::VectorXd &vh) const |
Restrict to the cell (including vertices and edges) of index iT. | |
Eigen::VectorXd | HArDCore2D::GlobalDOFSpace::restrict (const Edge &E, const Eigen::VectorXd vh) const |
Restrict to an edge. | |
Eigen::VectorXd | HArDCore2D::GlobalDOFSpace::restrict (const Cell &T, const Eigen::VectorXd vh) const |
Restrict to a cell. | |
Eigen::MatrixXd | HArDCore2D::GlobalDOFSpace::extendOperator (const Cell &T, const Edge &E, const Eigen::MatrixXd &opE) const |
Extend an edge operator to a cell. | |
std::vector< size_t > | HArDCore2D::GlobalDOFSpace::globalDOFIndices (const Cell &T) const |
void | HArDCore2D::GlobalDOFSpace::setLabelDOF (const size_t i, const int label) |
Set a label to the DOF number i (default label is -1) | |
int | HArDCore2D::GlobalDOFSpace::getLabelDOF (const size_t i) |
Get label of DOF number i. | |
HArDCore2D::IntegralWeight::IntegralWeight (const std::function< double(const Cell &T, const Eigen::Vector2d &x)> _value, std::function< size_t(const Cell &T)> _deg) | |
HArDCore2D::IntegralWeight::IntegralWeight (double val) | |
HArDCore2D::LinearSolver< MatrixType >::LinearSolver (const std::string &namesolver) | |
Constructor. | |
std::string | HArDCore2D::LinearSolver< MatrixType >::name () const |
Returns the name of the solver. | |
Eigen::ComputationInfo | HArDCore2D::LinearSolver< MatrixType >::info_factorize () const |
Returns the information message after the "factorize" step. | |
Eigen::ComputationInfo | HArDCore2D::LinearSolver< MatrixType >::info_solve () const |
Returns the information message after the "solve" step. | |
void | HArDCore2D::LinearSolver< MatrixType >::analyzePattern (MatrixType &A) |
Analyze the pattern of the matrix. | |
void | HArDCore2D::LinearSolver< MatrixType >::factorize (MatrixType &A) |
Factorize the matrix. | |
void | HArDCore2D::LinearSolver< MatrixType >::compute (MatrixType &A) |
Analyze and factorize the matrix. | |
template<typename VectorType > | |
VectorType | HArDCore2D::LinearSolver< MatrixType >::solve (VectorType &b) |
Solve the system Ax=b using the selected solver (after analysis of pattern and computation of matrix) | |
template<typename VectorType > | |
VectorType | HArDCore2D::LinearSolver< MatrixType >::compute_and_solve (MatrixType &A, VectorType &b) |
Perform all operators to solve Ax=b. | |
template<typename VectorType > | |
double | HArDCore2D::LinearSolver< MatrixType >::residual (MatrixType &A, VectorType &b, VectorType &x) |
Check relative infinity norm of residual: ||Ax-b||/||b||. | |
HArDCore2D::LocalStaticCondensation::LocalStaticCondensation (const Eigen::MatrixXd &Perm, const std::vector< size_t > &globalDOFs_gl, const std::vector< size_t > &globalDOFs_sc) | |
Constructor. | |
std::tuple< Eigen::MatrixXd, Eigen::VectorXd, Eigen::MatrixXd, Eigen::VectorXd > | HArDCore2D::LocalStaticCondensation::compute (const std::pair< Eigen::MatrixXd, Eigen::VectorXd > &lsT) |
Compute the local static condensation. | |
std::vector< size_t > | HArDCore2D::LocalStaticCondensation::globalDOFs_gl () |
Returns global DOFs that are not statically condensend. | |
size_t | HArDCore2D::LocalStaticCondensation::dim_gl () |
Returns the number of DOFs that are not statically condensed. | |
std::vector< size_t > | HArDCore2D::LocalStaticCondensation::globalDOFs_sc () |
Returns global DOFs that are statically condensend. | |
size_t | HArDCore2D::LocalStaticCondensation::dim_sc () |
Returns the number of DOFs that are statically condensed. | |
HArDCore2D::LocalDOFSpace::LocalDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_cell_dofs) | |
Constructor. | |
const Mesh & | HArDCore2D::LocalDOFSpace::mesh () const |
Returns the mesh. | |
size_t | HArDCore2D::LocalDOFSpace::numLocalDofsVertex () const |
Returns the number of local vertex DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::numLocalDofsEdge () const |
Returns the number of local edge DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::numLocalDofsCell () const |
Returns the number of local cell DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::dimension () const |
Returns the dimension of the global space (all DOFs for all geometric entities) | |
size_t | HArDCore2D::LocalDOFSpace::numTotalDofsVertices () const |
Returns the total number of vertex DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::numTotalDofsEdges () const |
Returns the total number of vertex DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::numTotalDofsCells () const |
Returns the total number of vertex DOFs. | |
size_t | HArDCore2D::LocalDOFSpace::dimensionVertex (const Vertex &V) const |
Returns the dimension of the local space on the vertex V. | |
size_t | HArDCore2D::LocalDOFSpace::dimensionVertex (size_t iV) const |
Returns the dimension of the local space on the vertex of index iV. | |
size_t | HArDCore2D::LocalDOFSpace::dimensionEdge (const Edge &E) const |
Returns the dimension of the local space on the edge E (including vertices) | |
size_t | HArDCore2D::LocalDOFSpace::dimensionEdge (size_t iE) const |
Returns the dimension of the local space on the edge of index iE (including vertices) | |
size_t | HArDCore2D::LocalDOFSpace::dimensionCell (const Cell &T) const |
Returns the dimension of the local space on the cell T (including faces, edges and vertices) | |
size_t | HArDCore2D::LocalDOFSpace::dimensionCellBoundary (const Cell &T) const |
Returns the dimension of the local space on the boundary of T. | |
size_t | HArDCore2D::LocalDOFSpace::dimensionCell (size_t iT) const |
Returns the dimension of the local space on the cell of index iT (including faces, edges and vertices) | |
size_t | HArDCore2D::LocalDOFSpace::dimensionCellBoundary (size_t iT) const |
Returns the dimension of the local space on the boundary of T. | |
size_t | HArDCore2D::LocalDOFSpace::localOffset (const Edge &E, const Vertex &V) const |
Returns the local offset of the vertex V with respect to the edge E. | |
size_t | HArDCore2D::LocalDOFSpace::localOffset (const Edge &E) const |
Returns the local offset of the unknowns attached to the edge E. | |
size_t | HArDCore2D::LocalDOFSpace::localOffset (const Cell &T, const Vertex &V) const |
Returns the local offset of the vertex V with respect to the cell T. | |
size_t | HArDCore2D::LocalDOFSpace::localOffset (const Cell &T, const Edge &E) const |
Returns the local offset of the edge E with respect to the cell T. | |
size_t | HArDCore2D::LocalDOFSpace::localOffset (const Cell &T) const |
Returns the local offset of the unknowns attached to the element T. | |
static std::pair< std::vector< int >, std::vector< int > > | HArDCore2D::distributeLoad (size_t nb_elements, unsigned nb_threads) |
Function to distribute elements (considered as jobs) over threads. It returns a pair of vectors indicating the start and end element of each thread. | |
static void | HArDCore2D::parallel_for (unsigned nb_elements, std::function< void(size_t start, size_t end)> functor, bool use_threads=true, unsigned nb_threads_max=1e9) |
Generic function to execute threaded processes. | |
static std::pair< Eigen::SparseMatrix< double >, Eigen::VectorXd > | HArDCore2D::parallel_assembly_system (size_t nb_elements, size_t size_system, std::function< void(size_t start, size_t end, std::list< Eigen::Triplet< double > > *triplets, Eigen::VectorXd *rhs)> batch_local_assembly, bool use_threads=true) |
Function to assemble global matrix and right-hand side from a procedure that computes local triplets and rhs contributions. | |
static std::tuple< Eigen::SparseMatrix< double >, Eigen::VectorXd, Eigen::SparseMatrix< double > > | HArDCore2D::parallel_assembly_system (size_t nb_elements, size_t size_system1, std::pair< size_t, size_t > size_Mat2, std::function< void(size_t start, size_t end, std::list< Eigen::Triplet< double > > *triplets1, Eigen::VectorXd *vec1, std::list< Eigen::Triplet< double > > *triplets2)> batch_local_assembly, bool use_threads=true) |
Function to assemble two global matrices and one vector (such as: system matrix+vector and matrix for BC) from a procedure that computes local triplets and rhs contributions. | |
static std::tuple< Eigen::SparseMatrix< double >, Eigen::VectorXd, Eigen::SparseMatrix< double >, Eigen::VectorXd > | HArDCore2D::parallel_assembly_system (size_t nb_elements, size_t size_system1, std::pair< size_t, size_t > size_Mat2, size_t size_b2, std::function< void(size_t start, size_t end, std::list< Eigen::Triplet< double > > *triplets1, Eigen::VectorXd *vec1, std::list< Eigen::Triplet< double > > *triplets2, Eigen::VectorXd *vec2)> batch_local_assembly, bool use_threads=true) |
Function to assemble two global matrices and vectors (such as: system and static condensation operator) from a procedure that computes local triplets and rhs contributions. | |
int | Eigen::internal::eigen_pastix (pastix_data_t **pastix_data, PASTIX_Comm pastix_comm, int n, int *ptr, int *idx, float *vals, int *perm, int *invp, float *x, int nbrhs, int *iparm, double *dparm) |
int | Eigen::internal::eigen_pastix (pastix_data_t **pastix_data, PASTIX_Comm pastix_comm, int n, int *ptr, int *idx, double *vals, int *perm, int *invp, double *x, int nbrhs, int *iparm, double *dparm) |
int | Eigen::internal::eigen_pastix (pastix_data_t **pastix_data, PASTIX_Comm pastix_comm, int n, int *ptr, int *idx, std::complex< float > *vals, int *perm, int *invp, std::complex< float > *x, int nbrhs, int *iparm, double *dparm) |
int | Eigen::internal::eigen_pastix (pastix_data_t **pastix_data, PASTIX_Comm pastix_comm, int n, int *ptr, int *idx, std::complex< double > *vals, int *perm, int *invp, std::complex< double > *x, int nbrhs, int *iparm, double *dparm) |
template<typename MatrixType > | |
void | Eigen::internal::c_to_fortran_numbering (MatrixType &mat) |
template<typename MatrixType > | |
void | Eigen::internal::fortran_to_c_numbering (MatrixType &mat) |
Eigen::PastixBase< Derived >::PastixBase () | |
Eigen::PastixBase< Derived >::~PastixBase () | |
template<typename Rhs , typename Dest > | |
bool | Eigen::PastixBase< Derived >::_solve_impl (const MatrixBase< Rhs > &b, MatrixBase< Dest > &x) const |
Array< StorageIndex, IPARM_SIZE, 1 > & | Eigen::PastixBase< Derived >::iparm () |
int & | Eigen::PastixBase< Derived >::iparm (int idxparam) |
Array< double, DPARM_SIZE, 1 > & | Eigen::PastixBase< Derived >::dparm () |
double & | Eigen::PastixBase< Derived >::dparm (int idxparam) |
Index | Eigen::PastixBase< Derived >::cols () const |
Index | Eigen::PastixBase< Derived >::rows () const |
ComputationInfo | Eigen::PastixBase< Derived >::info () const |
Reports whether previous computation was successful. | |
void | Eigen::PastixBase< Derived >::init (double eps_refinement=-1.0, double eps_ctrl=-1.0) |
void | Eigen::PastixBase< Derived >::analyzePattern (ColSpMatrix &mat) |
void | Eigen::PastixBase< Derived >::factorize (ColSpMatrix &mat) |
void | Eigen::PastixBase< Derived >::clean () |
void | Eigen::PastixBase< Derived >::compute (ColSpMatrix &mat) |
Eigen::PastixLU< _MatrixType, IsStrSym >::PastixLU () | |
Eigen::PastixLU< _MatrixType, IsStrSym >::PastixLU (const MatrixType &matrix) | |
void | Eigen::PastixLU< _MatrixType, IsStrSym >::compute (const MatrixType &matrix) |
void | Eigen::PastixLU< _MatrixType, IsStrSym >::analyzePattern (const MatrixType &matrix) |
void | Eigen::PastixLU< _MatrixType, IsStrSym >::factorize (const MatrixType &matrix) |
void | Eigen::PastixLU< _MatrixType, IsStrSym >::init (double eps_refinement=-1.0, double eps_ctrl=-1.0) |
void | Eigen::PastixLU< _MatrixType, IsStrSym >::grabMatrix (const MatrixType &matrix, ColSpMatrix &out) |
Eigen::PastixLLT< _MatrixType, _UpLo >::PastixLLT () | |
Eigen::PastixLLT< _MatrixType, _UpLo >::PastixLLT (const MatrixType &matrix) | |
void | Eigen::PastixLLT< _MatrixType, _UpLo >::compute (const MatrixType &matrix) |
void | Eigen::PastixLLT< _MatrixType, _UpLo >::analyzePattern (const MatrixType &matrix) |
void | Eigen::PastixLLT< _MatrixType, _UpLo >::factorize (const MatrixType &matrix) |
void | Eigen::PastixLLT< _MatrixType, _UpLo >::init () |
void | Eigen::PastixLLT< _MatrixType, _UpLo >::grabMatrix (const MatrixType &matrix, ColSpMatrix &out) |
Eigen::PastixLDLT< _MatrixType, _UpLo >::PastixLDLT () | |
Eigen::PastixLDLT< _MatrixType, _UpLo >::PastixLDLT (const MatrixType &matrix) | |
void | Eigen::PastixLDLT< _MatrixType, _UpLo >::compute (const MatrixType &matrix) |
void | Eigen::PastixLDLT< _MatrixType, _UpLo >::analyzePattern (const MatrixType &matrix) |
void | Eigen::PastixLDLT< _MatrixType, _UpLo >::factorize (const MatrixType &matrix) |
void | Eigen::PastixLDLT< _MatrixType, _UpLo >::init () |
void | Eigen::PastixLDLT< _MatrixType, _UpLo >::grabMatrix (const MatrixType &matrix, ColSpMatrix &out) |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::Poly (int k) |
Dimension of Pk(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::Goly (int k) |
Dimension of Gk(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::GolyCompl (int k) |
Dimension of Gck(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::Roly (int k) |
Dimension of Rk(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::RolyCompl (int k) |
Dimension of Rck(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::Holy (int k) |
Dimension of Hk(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Cell >::HolyCompl (int k) |
Dimension of Hck(T) | |
static size_t | HArDCore2D::PolynomialSpaceDimension< Edge >::Poly (int k) |
Dimension of Pk(E) | |
Various general functions and classes.
#define PASTIX_COMPLEX std::complex<float> |
#define PASTIX_DCOMPLEX std::complex<double> |
typedef internal::pastix_traits<Derived>::MatrixType Eigen::PastixBase< Derived >::_MatrixType |
|
protected |
typedef PastixBase<PastixLU<MatrixType> > Eigen::PastixLU< _MatrixType, IsStrSym >::Base |
typedef PastixBase<PastixLLT<MatrixType, _UpLo> > Eigen::PastixLLT< _MatrixType, _UpLo >::Base |
typedef PastixBase<PastixLDLT<MatrixType, _UpLo> > Eigen::PastixLDLT< _MatrixType, _UpLo >::Base |
typedef SparseMatrix<Scalar, ColMajor> Eigen::PastixBase< Derived >::ColSpMatrix |
typedef Base::ColSpMatrix Eigen::PastixLU< _MatrixType, IsStrSym >::ColSpMatrix |
typedef Base::ColSpMatrix Eigen::PastixLLT< _MatrixType, _UpLo >::ColSpMatrix |
typedef Base::ColSpMatrix Eigen::PastixLDLT< _MatrixType, _UpLo >::ColSpMatrix |
using HArDCore2D::EigenBiCGStabType = typedef Eigen::BiCGSTAB<MatrixType, Eigen::IncompleteLUT<double> > |
using HArDCore2D::EigenLUType = typedef Eigen::SparseLU<MatrixType> |
using HArDCore2D::ListSolvers = typedef std::tuple<std::unique_ptr<EigenLUType<MatrixType> >, std::unique_ptr<EigenBiCGStabType<MatrixType> >, std::unique_ptr<PardisoLUType<MatrixType> >, std::unique_ptr<UMFPACKType<MatrixType> >, std::unique_ptr<PastixLUType>, std::unique_ptr<PastixLLTType>, std::unique_ptr<SuperLUType> > |
typedef _MatrixType Eigen::internal::pastix_traits< PastixLU< _MatrixType > >::MatrixType |
typedef _MatrixType Eigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > >::MatrixType |
typedef _MatrixType Eigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > >::MatrixType |
typedef _MatrixType Eigen::PastixBase< Derived >::MatrixType |
typedef _MatrixType Eigen::PastixLU< _MatrixType, IsStrSym >::MatrixType |
typedef _MatrixType Eigen::PastixLLT< _MatrixType, _UpLo >::MatrixType |
typedef _MatrixType Eigen::PastixLDLT< _MatrixType, _UpLo >::MatrixType |
using HArDCore2D::PardisoLUType = typedef bool |
using HArDCore2D::PastixLLTType = typedef bool |
using HArDCore2D::PastixLUType = typedef bool |
typedef _MatrixType::RealScalar Eigen::internal::pastix_traits< PastixLU< _MatrixType > >::RealScalar |
typedef _MatrixType::RealScalar Eigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > >::RealScalar |
typedef _MatrixType::RealScalar Eigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > >::RealScalar |
typedef MatrixType::RealScalar Eigen::PastixBase< Derived >::RealScalar |
typedef _MatrixType::Scalar Eigen::internal::pastix_traits< PastixLU< _MatrixType > >::Scalar |
typedef _MatrixType::Scalar Eigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > >::Scalar |
typedef _MatrixType::Scalar Eigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > >::Scalar |
typedef MatrixType::Scalar Eigen::PastixBase< Derived >::Scalar |
typedef _MatrixType::StorageIndex Eigen::internal::pastix_traits< PastixLU< _MatrixType > >::StorageIndex |
typedef _MatrixType::StorageIndex Eigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > >::StorageIndex |
typedef _MatrixType::StorageIndex Eigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > >::StorageIndex |
typedef MatrixType::StorageIndex Eigen::PastixBase< Derived >::StorageIndex |
typedef MatrixType::StorageIndex Eigen::PastixLU< _MatrixType, IsStrSym >::StorageIndex |
using HArDCore2D::SuperLUType = typedef bool |
using HArDCore2D::UMFPACKType = typedef bool |
typedef Matrix<Scalar,Dynamic,1> Eigen::PastixBase< Derived >::Vector |
anonymous enum |
anonymous enum |
bool Eigen::PastixBase< Base >::_solve_impl | ( | const MatrixBase< Rhs > & | b, |
MatrixBase< Dest > & | x | ||
) | const |
|
protected |
|
inline |
Compute the LU symbolic factorization of matrix
using its sparsity pattern. Several ordering methods can be used at this step. See the PaStiX user's manual. The result of this operation can be used with successive matrices having the same pattern as matrix
|
inline |
Compute the LL^T symbolic factorization of matrix
using its sparsity pattern The result of this operation can be used with successive matrices having the same pattern as matrix
|
inline |
Compute the LDL^T symbolic factorization of matrix
using its sparsity pattern The result of this operation can be used with successive matrices having the same pattern as matrix
|
inline |
Analyze the pattern of the matrix.
A | Matrix of the system to solve |
void Eigen::internal::c_to_fortran_numbering | ( | MatrixType & | mat | ) |
|
inlineprotected |
|
inline |
|
protected |
|
inline |
Compute the LU supernodal factorization of matrix
. iparm and dparm can be used to tune the PaStiX parameters. see the PaStiX user's manual
|
inline |
Compute the L factor of the LL^T supernodal factorization of matrix
|
inline |
Compute the L and D factors of the LDL^T factorization of matrix
|
inline |
Compute the local static condensation.
From a local pair of Matrix-Vector product, constructed with all the DOFs, returns a 4-tuple; the first two elements are the matrix-vector of the locally statically condensed system, the last two elements are the matrix-vector of the local recovery operator
|
inline |
Analyze and factorize the matrix.
A | Matrix of the system to solve |
|
inline |
Perform all operators to solve Ax=b.
A | Matrix of the system to solve |
b | Right-hand side of the system |
|
inline |
Returns the number of DOFs that are not statically condensed.
|
inline |
Returns the number of DOFs that are statically condensed.
|
inline |
Returns the dimension of the global space (all DOFs for all geometric entities)
|
inline |
Returns the dimension of the local space on the cell T (including faces, edges and vertices)
|
inline |
Returns the dimension of the local space on the cell of index iT (including faces, edges and vertices)
|
inline |
Returns the dimension of the local space on the boundary of T.
|
inline |
Returns the dimension of the local space on the boundary of T.
|
inline |
Returns the dimension of the local space on the edge E (including vertices)
|
inline |
Returns the dimension of the local space on the edge of index iE (including vertices)
|
inline |
Returns the dimension of the local space on the vertex V.
|
inline |
Returns the dimension of the local space on the vertex of index iV.
|
static |
Function to distribute elements (considered as jobs) over threads. It returns a pair of vectors indicating the start and end element of each thread.
|
inline |
Returns a reference to the double vector DPARM of PaStiX parameters The statistics related to the different phases of factorization and solve are saved here as well
|
inline |
Return a reference to a particular index parameter of the DPARM vector
|
inline |
|
inline |
|
inline |
|
inline |
Eigen::MatrixXd GlobalDOFTable::extendOperator | ( | const Cell & | T, |
const Edge & | E, | ||
const Eigen::MatrixXd & | opE | ||
) | const |
Extend an edge operator to a cell.
Eigen::MatrixXd GlobalDOFSpace::extendOperator | ( | const Cell & | T, |
const Edge & | E, | ||
const Eigen::MatrixXd & | opE | ||
) | const |
Extend an edge operator to a cell.
|
protected |
|
inline |
Compute the LU supernodal factorization of matrix
WARNING The matrix matrix
should have the same structural pattern as the same used in the analysis phase.
|
inline |
Compute the LL^T supernodal numerical factorization of matrix
|
inline |
Compute the LDL^T supernodal numerical factorization of matrix
|
inline |
Factorize the matrix.
A | Matrix of the system to solve |
void Eigen::internal::fortran_to_c_numbering | ( | MatrixType & | mat | ) |
|
inline |
Get label of DOF number i.
|
inline |
Get label of DOF number i.
std::vector< size_t > GlobalDOFTable::globalDOFIndices | ( | const Cell & | T | ) | const |
std::vector< size_t > GlobalDOFSpace::globalDOFIndices | ( | const Cell & | T | ) | const |
|
inline |
Returns global DOFs that are not statically condensend.
|
inline |
Returns global DOFs that are statically condensend.
GlobalDOFSpace::GlobalDOFSpace | ( | const Mesh & | mesh, |
size_t | n_local_vertex_dofs, | ||
size_t | n_local_edge_dofs, | ||
size_t | n_local_cell_dofs | ||
) |
Constructor.
GlobalDOFTable::GlobalDOFTable | ( | const DiscreteSpaceDescriptor & | descriptor | ) |
Constructor.
|
inline |
Return the global offset for the unknowns on the cell T.
|
inline |
Return the global offset for the unknowns on the cell T.
|
inline |
Return the global offset for the unknowns on the edge E.
|
inline |
Return the global offset for the unknowns on the edge E.
|
inline |
Return the global offset for the unknowns on the vertex V.
|
inline |
Return the global offset for the unknowns on the vertex V.
|
inlinestatic |
Dimension of Gk(T)
|
inlinestatic |
Dimension of Gck(T)
|
inlineprotected |
|
inlineprotected |
|
inlineprotected |
|
inlinestatic |
Dimension of Hk(T)
|
inlinestatic |
Dimension of Hck(T)
|
inline |
Reports whether previous computation was successful.
Success
if computation was successful, NumericalIssue
if the PaStiX reports a problem InvalidInput
if the input matrix is invalid
|
inline |
Returns the information message after the "factorize" step.
|
inline |
Returns the information message after the "solve" step.
|
inlineprotected |
|
inlineprotected |
void Eigen::PastixBase< Derived >::init | ( | double | eps_refinement = -1.0 , |
double | eps_ctrl = -1.0 |
||
) |
|
inline |
|
inline |
_value | Value of weight |
_deg | Local degree of weight |
|
inline |
|
inline |
Returns a reference to the integer vector IPARM of PaStiX parameters to modify the default parameters. The statistics related to the different phases of factorization and solve are saved here as well
|
inline |
Return a reference to a particular index parameter of the IPARM vector
|
inline |
Constructor.
The name of the solver is not caps-dependent
LocalDOFSpace::LocalDOFSpace | ( | const Mesh & | mesh, |
size_t | n_local_vertex_dofs, | ||
size_t | n_local_edge_dofs, | ||
size_t | n_local_cell_dofs | ||
) |
Constructor.
|
inline |
Returns the local offset of the unknowns attached to the element T.
|
inline |
Returns the local offset of the edge E with respect to the cell T.
|
inline |
Returns the local offset of the vertex V with respect to the cell T.
|
inline |
Returns the local offset of the unknowns attached to the edge E.
|
inline |
Returns the local offset of the vertex V with respect to the edge E.
|
inline |
Constructor.
Perm | Permutation that moves the DOFs to condense at the end |
globalDOFs_gl | List of global DOFs that are globally coupled (not statically condensed) |
globalDOFs_sc | List of global DOFs that are statically condensed |
|
inline |
Returns the mesh.
|
inline |
Returns the name of the solver.
|
inline |
Returns the number of local cell DOFs.
|
inline |
Returns the number of local edge DOFs.
|
inline |
Returns the number of local vertex DOFs.
|
inline |
Returns the total number of vertex DOFs.
|
inline |
Returns the total number of vertex DOFs.
|
inline |
Returns the total number of vertex DOFs.
|
inlinestatic |
Function to assemble global matrix and right-hand side from a procedure that computes local triplets and rhs contributions.
|
inlinestatic |
Function to assemble two global matrices and vectors (such as: system and static condensation operator) from a procedure that computes local triplets and rhs contributions.
|
inlinestatic |
Function to assemble two global matrices and one vector (such as: system matrix+vector and matrix for BC) from a procedure that computes local triplets and rhs contributions.
|
inlinestatic |
Generic function to execute threaded processes.
nb_elements | Number of jobs for the functor function |
functor | Function that splits the jobs between two indices of "elements" |
use_threads | Do we multithread or not |
nb_threads_max | To limit the number of cores used by the process |
|
inline |
|
inline |
|
inlineexplicit |
|
inline |
|
inlineexplicit |
|
inline |
|
inlineexplicit |
|
inlinestatic |
Dimension of Pk(T)
|
inlinestatic |
Dimension of Pk(E)
|
inline |
Check relative infinity norm of residual: ||Ax-b||/||b||.
|
inline |
Restrict to a cell.
|
inline |
Restrict to a cell.
|
inline |
Restrict to an edge.
|
inline |
Restrict to an edge.
Eigen::VectorXd GlobalDOFTable::restrictCell | ( | size_t | iT, |
const Eigen::VectorXd & | vh | ||
) | const |
Restrict to the cell (including vertices and edges) of index iT.
Eigen::VectorXd GlobalDOFSpace::restrictCell | ( | size_t | iT, |
const Eigen::VectorXd & | vh | ||
) | const |
Restrict to the cell (including vertices and edges) of index iT.
Eigen::VectorXd GlobalDOFTable::restrictEdge | ( | size_t | iE, |
const Eigen::VectorXd & | vh | ||
) | const |
Restrict to the edge (including its vertices) of index iE.
Eigen::VectorXd GlobalDOFSpace::restrictEdge | ( | size_t | iE, |
const Eigen::VectorXd & | vh | ||
) | const |
Restrict to the edge (including its vertices) of index iE.
|
inlinestatic |
Dimension of Rk(T)
|
inlinestatic |
Dimension of Rck(T)
|
inline |
|
inline |
Set a label to the DOF number i (default label is -1)
|
inline |
Set a label to the DOF number i (default label is -1)
|
inline |
Solve the system Ax=b using the selected solver (after analysis of pattern and computation of matrix)
b | Right-hand side of the system to solve |
|
inline |
Function to store and display wall/proc timers from boost::timer::cpu_timer.
Wall time is in the first element of the pair, proc time in the second
timer | The timer |
message | Optional message to display with time (if not message is passed, times are not displayed) |
|
inline |
std::function<size_t (const Cell & T)> HArDCore2D::IntegralWeight::deg |
|
protected |
|
mutableprotected |
size_t HArDCore2D::LocalStaticCondensation::m_dim_gl |
size_t HArDCore2D::LocalStaticCondensation::m_dim_sc |
|
mutableprotected |
|
protected |
std::vector<size_t> HArDCore2D::LocalStaticCondensation::m_globalDOFs_gl |
std::vector<size_t> HArDCore2D::LocalStaticCondensation::m_globalDOFs_sc |
|
mutableprotected |
|
protected |
|
mutableprotected |
|
mutableprotected |
|
protected |
|
protected |
|
protected |
|
protected |
|
mutableprotected |
Eigen::MatrixXd HArDCore2D::LocalStaticCondensation::m_Perm |
|
mutableprotected |
|
mutableprotected |
|
protected |
|
protected |
std::map<SolverName, size_t> HArDCore2D::map_id |
std::map<SolverName, std::string> HArDCore2D::map_realname |
std::map<std::string, SolverName> HArDCore2D::map_solver |
Map to associate to each lowercase name a solver.
The user passes a string and this map identifies the solver (this is case-independent)
std::map<std::string, int> HArDCore2D::ParamName |
To parse optional Solver parameter from command line.
std::vector<double> HArDCore2D::SolverParam |
Create space and stores default values of optional solver parameters.
const char* HArDCore2D::SolverParamHelper |
Create a solver specific description in boost::desc.options.
std::function<double (const Cell & T, const Eigen::Vector2d & x)> HArDCore2D::IntegralWeight::value |