|
| std::pair< double, double > | HArDCore3D::store_times (boost::timer::cpu_timer &timer, std::string message="") |
| | Function to store and display wall/proc timers from boost::timer::cpu_timer.
|
| |
| | HArDCore3D::GlobalDOFSpace::GlobalDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_face_dofs, size_t n_local_cell_dofs) |
| | Constructor.
|
| |
| size_t | HArDCore3D::GlobalDOFSpace::globalOffset (const Vertex &V) const |
| | Return the global offset for the unknowns on the vertex V.
|
| |
| size_t | HArDCore3D::GlobalDOFSpace::globalOffset (const Edge &E) const |
| | Return the global offset for the unknowns on the edge E.
|
| |
| size_t | HArDCore3D::GlobalDOFSpace::globalOffset (const Face &F) const |
| | Return the global offset for the unknowns on the face F.
|
| |
| size_t | HArDCore3D::GlobalDOFSpace::globalOffset (const Cell &T) const |
| | Return the global offset for the unknowns on the cell T.
|
| |
| size_t | HArDCore3D::GlobalDOFSpace::globalOffset (size_t d, size_t i) const |
| | Return the global offset for the unknows on the i-th element of dimension d.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrictEdge (size_t iE, const Eigen::VectorXd &vh) const |
| | Restrict to the edge (including its vertices) of index iE.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrictFace (size_t iF, const Eigen::VectorXd &vh) const |
| | Restrict to the face (including vertices and edges) of index iF.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrictCell (size_t iT, const Eigen::VectorXd &vh) const |
| | Restrict to the cell (including vertices, edges and faces) of index iT.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrict (const Edge &E, const Eigen::VectorXd vh) const |
| | Restrict to an edge.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrict (const Face &F, const Eigen::VectorXd vh) const |
| | Restrict to a face.
|
| |
| Eigen::VectorXd | HArDCore3D::GlobalDOFSpace::restrict (const Cell &T, const Eigen::VectorXd vh) const |
| | Restrict to a cell.
|
| |
| Eigen::MatrixXd | HArDCore3D::GlobalDOFSpace::extendOperator (const Cell &T, const Face &F, const Eigen::MatrixXd &opF) const |
| |
| Eigen::MatrixXd | HArDCore3D::GlobalDOFSpace::extendOperator (const Cell &T, const Edge &E, const Eigen::MatrixXd &opE) const |
| | Extend an edge operator to a cell.
|
| |
| Eigen::MatrixXd | HArDCore3D::GlobalDOFSpace::extendOperator (const Face &F, const Edge &E, const Eigen::MatrixXd &opE) const |
| | Extend an edge operator to a face.
|
| |
| Eigen::MatrixXd | HArDCore3D::GlobalDOFSpace::extendOperator (size_t d1, size_t i1, size_t d2, size_t i2, const Eigen::MatrixXd &op) const |
| | Generic extension operator from the i2-th d2-cell to the i1-th d1-cell.
|
| |
| void | HArDCore3D::GlobalDOFSpace::addInnerProductContribution (const Cell &T, const Face &F, Eigen::MatrixXd &prodT, const Eigen::MatrixXd &prodF) const |
| | Takes an inner product prodF on a face F, and adds its contributions to the inner product prodT on the element T (distributes the contributions according to the DOFs as seen from T)
|
| |
| std::vector< size_t > | HArDCore3D::GlobalDOFSpace::globalDOFIndices (const Cell &T) const |
| | Returns a vector listing the global DOFs attached to the element T: vertex DOFs, edge DOFs, face DOFs and element DOFs.
|
| |
| std::vector< size_t > | HArDCore3D::GlobalDOFSpace::globalDOFIndices (const Face &F) const |
| | Returns a vector listing the global DOFs attached to the face F: vertex DOFs, edge DOFs, face DOFs.
|
| |
| | HArDCore3D::IntegralWeight::IntegralWeight (const IntegralWeightValueType _value, const IntegralWeightDegreeType _deg) |
| | Generic constructor.
|
| |
| | HArDCore3D::IntegralWeight::IntegralWeight (double val) |
| | Constructor for constant weights.
|
| |
| | HArDCore3D::IntegralWeight::IntegralWeight (const std::function< double(const VectorRd &)> &val, const size_t °) |
| | Constructor when the dependency on the cell T is not explicit in the value (and degree is constant)
|
| |
| | HArDCore3D::IntegralWeight::IntegralWeight (const std::function< double(const VectorRd &)> &val) |
| | Constructor when the dependency on the cell T is not explicit in the value, and degree is not provided (it is assumed to be 0)
|
| |
| IntegralWeight | HArDCore3D::operator* (double const &r, IntegralWeight const &weight) |
| | Operator to multiply an IntegralWeight by a number.
|
| |
| IntegralWeight | HArDCore3D::operator+ (IntegralWeight const &weight1, IntegralWeight const &weight2) |
| | Operator to add an IntegralWeight to another one.
|
| |
| | HArDCore3D::LinearSolver< MatrixType >::LinearSolver (const std::string &namesolver) |
| | Constructor.
|
| |
| std::string | HArDCore3D::LinearSolver< MatrixType >::name () const |
| | Returns the name of the solver.
|
| |
| Eigen::ComputationInfo | HArDCore3D::LinearSolver< MatrixType >::info_factorize () const |
| | Returns the information message after the "factorize" step.
|
| |
| Eigen::ComputationInfo | HArDCore3D::LinearSolver< MatrixType >::info_solve () const |
| | Returns the information message after the "solve" step.
|
| |
| void | HArDCore3D::LinearSolver< MatrixType >::analyzePattern (MatrixType &A) |
| | Analyze the pattern of the matrix.
|
| |
| void | HArDCore3D::LinearSolver< MatrixType >::factorize (MatrixType &A) |
| | Factorize the matrix.
|
| |
| void | HArDCore3D::LinearSolver< MatrixType >::compute (MatrixType &A) |
| | Analyze and factorize the matrix.
|
| |
| template<typename VectorType > |
| VectorType | HArDCore3D::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 | HArDCore3D::LinearSolver< MatrixType >::compute_and_solve (MatrixType &A, VectorType &b) |
| | Perform all operators to solve Ax=b.
|
| |
| template<typename VectorType > |
| double | HArDCore3D::LinearSolver< MatrixType >::residual (MatrixType &A, VectorType &b, VectorType &x) |
| | Check relative infinity norm of residual: ||Ax-b||/||b||.
|
| |
| | HArDCore3D::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 > | HArDCore3D::LocalStaticCondensation::compute (const std::pair< Eigen::MatrixXd, Eigen::VectorXd > &lsT) |
| | Compute the local static condensation.
|
| |
| std::vector< size_t > | HArDCore3D::LocalStaticCondensation::globalDOFs_gl () |
| | Returns global DOFs that are not statically condensend.
|
| |
| size_t | HArDCore3D::LocalStaticCondensation::dim_gl () |
| | Returns the number of DOFs that are not statically condensed.
|
| |
| std::vector< size_t > | HArDCore3D::LocalStaticCondensation::globalDOFs_sc () |
| | Returns global DOFs that are statically condensend.
|
| |
| size_t | HArDCore3D::LocalStaticCondensation::dim_sc () |
| | Returns the number of DOFs that are statically condensed.
|
| |
| | HArDCore3D::LocalDOFSpace::LocalDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_face_dofs, size_t n_local_cell_dofs) |
| | Constructor.
|
| |
| const Mesh & | HArDCore3D::LocalDOFSpace::mesh () const |
| | Returns the mesh.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::numLocalDofsVertex () const |
| | Returns the number of local vertex DOFs.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::numLocalDofsEdge () const |
| | Returns the number of local edge DOFs.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::numLocalDofsFace () const |
| | Returns the number of local face DOFs.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::numLocalDofsCell () const |
| | Returns the number of local cell DOFs.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::numLocalDofs (size_t d) const |
| | Returns the number of local d-cell DOFs.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimension () const |
| | Returns the dimension of the global space (all DOFs for all geometric entities)
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionVertex (const Vertex &V) const |
| | Returns the dimension of the local space on the vertex V.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionVertex (size_t iV) const |
| | Returns the dimension of the local space on the vertex of index iV.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionEdge (const Edge &E) const |
| | Returns the dimension of the local space on the edge E (including vertices)
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionEdge (size_t iE) const |
| | Returns the dimension of the local space on the edge of index iE (including vertices)
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionFace (const Face &F) const |
| | Returns the dimension of the local space on the face F (including edges and vertices)
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionFace (size_t iF) const |
| | Returns the dimension of the local space on the face of index iF (including edges and vertices)
|
| |
| size_t | HArDCore3D::LocalDOFSpace::dimensionCell (const Cell &T) const |
| | Returns the dimension of the local space on the cell T (including faces, edges and vertices)
|
| |
| size_t | HArDCore3D::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 | HArDCore3D::LocalDOFSpace::dimension (size_t d, size_t i) const |
| | Returns the dimension of the local space on the d-cell of index i (including its boundary)
|
| |
| size_t | HArDCore3D::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 | HArDCore3D::LocalDOFSpace::localOffset (const Edge &E) const |
| | Returns the local offset of the unknowns attached to the edge E.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::localOffset (const Face &F, const Vertex &V) const |
| | Returns the local offset of the vertex V with respect to the face F.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::localOffset (const Face &F, const Edge &E) const |
| | Returns the local offset of the edge E with respect to the face F.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::localOffset (const Face &F) const |
| | Returns the local offset of the unknowns attached to the face F.
|
| |
| size_t | HArDCore3D::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 | HArDCore3D::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 | HArDCore3D::LocalDOFSpace::localOffset (const Cell &T, const Face &F) const |
| | Returns the local offset of the face F with respect to the cell T.
|
| |
| size_t | HArDCore3D::LocalDOFSpace::localOffset (const Cell &T) const |
| | Returns the local offset of the unknowns attached to the element T.
|
| |
| | HArDCore3D::SystemVectors< MatrixType >::SystemVectors (std::vector< MatrixType > sys, std::vector< Eigen::VectorXd > vec) |
| | Constructor.
|
| |
| static std::pair< std::vector< int >, std::vector< int > > | HArDCore3D::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 | HArDCore3D::parallel_for (unsigned nb_elements, std::function< void(size_t start, size_t end)> functor, bool use_threads=true) |
| | Generic function to execute threaded processes.
|
| |
| static SystemVectors< Eigen::SparseMatrix< double > > | HArDCore3D::parallel_assembly_system (size_t nb_elements, std::vector< std::pair< size_t, size_t > > size_systems, std::vector< size_t > size_vectors, std::function< void(size_t start, size_t end, std::vector< std::list< Eigen::Triplet< double > > > *triplets, std::vector< Eigen::VectorXd > *vecs)> batch_local_assembly, bool use_threads=true) |
| | Function to assemble global matrices from a procedure that compute local triplets.
|
| |
| static std::pair< Eigen::SparseMatrix< double >, Eigen::VectorXd > | HArDCore3D::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 a global matrix and right-hand side from a procedure that compute local triplets and rhs contributions (a wrapper for the more general function that can assemble several matrices and vectors)
|
| |
| static std::tuple< Eigen::SparseMatrix< double >, Eigen::VectorXd, Eigen::SparseMatrix< double >, Eigen::VectorXd > | HArDCore3D::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, or system and matrix for BC) from a procedure that compute local triplets and rhs contributions (a wrapper for the more general function that can assemble several matrices and vectors)
|
| |
| 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=0.0, double eps_ctrl=0.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=0.0, double eps_ctrl=0.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 | HArDCore3D::PolynomialSpaceDimension< Cell >::Poly (int k) |
| | Dimension of Pk(T)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Cell >::Goly (int k) |
| | Dimension of Gk(T)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Cell >::GolyCompl (int k) |
| | Dimension of Gck(T)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Cell >::Roly (int k) |
| | Dimension of Rk(T)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Cell >::RolyCompl (int k) |
| | Dimension of Rck(T)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Face >::Poly (int k) |
| | Dimension of Pk(F)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Face >::Goly (int k) |
| | Dimension of Gk(F)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Face >::GolyCompl (int k) |
| | Dimension of Gck(F)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Face >::Roly (int k) |
| | Dimension of Rk(F)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Face >::RolyCompl (int k) |
| | Dimension of Rck(F)
|
| |
| static size_t | HArDCore3D::PolynomialSpaceDimension< Edge >::Poly (int k) |
| | Dimension of Pk(E)
|
| |
| | HArDCore3D::VariableDOFSpace::VariableDOFSpace (const Mesh &mesh, const Eigen::VectorXi n_local_vertex_dofs, const Eigen::VectorXi n_local_edge_dofs, const Eigen::VectorXi n_local_face_dofs, const Eigen::VectorXi n_local_cell_dofs) |
| | Constructor.
|
| |
| | HArDCore3D::VariableDOFSpace::VariableDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, const Eigen::VectorXi n_local_edge_dofs, const Eigen::VectorXi n_local_face_dofs, const Eigen::VectorXi n_local_cell_dofs) |
| | Simpler constructor if all vertices have the same number of DOFs.
|
| |
| | HArDCore3D::VariableDOFSpace::VariableDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, const Eigen::VectorXi n_local_face_dofs, const Eigen::VectorXi n_local_cell_dofs) |
| | Simpler constructor if all vertices/edges have the same number of DOFs.
|
| |
| | HArDCore3D::VariableDOFSpace::VariableDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_face_dofs, const Eigen::VectorXi n_local_cell_dofs) |
| | Simpler constructor if all vertices/edges/faces have the same number of DOFs.
|
| |
| | HArDCore3D::VariableDOFSpace::VariableDOFSpace (const Mesh &mesh, size_t n_local_vertex_dofs, size_t n_local_edge_dofs, size_t n_local_face_dofs, size_t n_local_cell_dofs) |
| | Simpler constructor if all vertices/edges/faces/cells have the same number of DOFs.
|
| |
| const Mesh & | HArDCore3D::VariableDOFSpace::mesh () const |
| | Returns the mesh.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsVertex (const size_t iV) const |
| | Returns the number of local DOFs on vertex of index iV.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsVertex (const Vertex &V) const |
| | Returns the number of local DOFs on vertex V.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsEdge (const size_t iE) const |
| | Returns the number of local DOFs on edge of index iE.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsEdge (const Edge &E) const |
| | Returns the number of local DOFs on edge E.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsFace (const size_t iF) const |
| | Returns the number of local DOFs on face of index iF.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsFace (const Face &F) const |
| | Returns the number of local DOFs on face F.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsCell (const size_t iT) const |
| | Returns the number of local DOFs on cell of index iT.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::numLocalDofsCell (const Cell &T) const |
| | Returns the number of local DOFs on cell T.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::nDOFs_vertices () const |
| | Total number of vertices DOFs.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::nDOFs_edges () const |
| | Total number of edges DOFs.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::nDOFs_faces () const |
| | Total number of faces DOFs.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::nDOFs_cells () const |
| | Total number of cells DOFs.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimension () const |
| | Returns the dimension of the global space (all DOFs for all geometric entities)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionVertex (const Vertex &V) const |
| | Returns the dimension of the local space on the vertex V.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionVertex (size_t iV) const |
| | Returns the dimension of the local space on the vertex of index iV.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionEdge (const Edge &E) const |
| | Returns the dimension of the local space on the edge E (including vertices)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionEdge (size_t iE) const |
| | Returns the dimension of the local space on the edge of index iE (including vertices)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionFace (const Face &F) const |
| | Returns the dimension of the local space on the face F (including edges and vertices)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionFace (size_t iF) const |
| | Returns the dimension of the local space on the face of index iF (including edges and vertices)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::dimensionCell (const Cell &T) const |
| | Returns the dimension of the local space on the cell T (including faces, edges and vertices)
|
| |
| size_t | HArDCore3D::VariableDOFSpace::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 | HArDCore3D::VariableDOFSpace::localOffset (const Edge &E, const Vertex &V) const |
| | Returns the local offset of the vertex V with respect to the edge E.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Edge &E) const |
| | Returns the local offset of the unknowns attached to the edge E.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Face &F, const Vertex &V) const |
| | Returns the local offset of the vertex V with respect to the face F.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Face &F, const Edge &E) const |
| | Returns the local offset of the edge E with respect to the face F.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Face &F) const |
| | Returns the local offset of the unknowns attached to the face F.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Cell &T, const Vertex &V) const |
| | Returns the local offset of the vertex V with respect to the cell T.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Cell &T, const Edge &E) const |
| | Returns the local offset of the edge E with respect to the cell T.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Cell &T, const Face &F) const |
| | Returns the local offset of the face F with respect to the cell T.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::localOffset (const Cell &T) const |
| | Returns the local offset of the unknowns attached to the element T.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::globalOffset (const Vertex &V) const |
| | Return the global offset for the unknowns on the vertex V.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::globalOffset (const Edge &E) const |
| | Return the global offset for the unknowns on the edge E.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::globalOffset (const Face &F) const |
| | Return the global offset for the unknowns on the face F.
|
| |
| size_t | HArDCore3D::VariableDOFSpace::globalOffset (const Cell &T) const |
| | Return the global offset for the unknowns on the cell T.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrictEdge (size_t iE, const Eigen::VectorXd &vh) const |
| | Restrict to the edge (including its vertices) of index iE.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrictFace (size_t iF, const Eigen::VectorXd &vh) const |
| | Restrict to the face (including vertices and edges) of index iF.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrictCell (size_t iT, const Eigen::VectorXd &vh) const |
| | Restrict to the cell (including vertices, edges and faces) of index iT.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrict (const Edge &E, const Eigen::VectorXd vh) const |
| | Restrict to an edge.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrict (const Face &F, const Eigen::VectorXd vh) const |
| | Restrict to a face.
|
| |
| Eigen::VectorXd | HArDCore3D::VariableDOFSpace::restrict (const Cell &T, const Eigen::VectorXd vh) const |
| | Restrict to a cell.
|
| |
| Eigen::MatrixXd | HArDCore3D::VariableDOFSpace::extendOperator (const Cell &T, const Face &F, const Eigen::MatrixXd &opF) const |
| |
| Eigen::MatrixXd | HArDCore3D::VariableDOFSpace::extendOperator (const Cell &T, const Edge &E, const Eigen::MatrixXd &opE) const |
| | Extend an edge operator to a cell.
|
| |
| Eigen::MatrixXd | HArDCore3D::VariableDOFSpace::extendOperator (const Face &F, const Edge &E, const Eigen::MatrixXd &opE) const |
| | Extend an edge operator to a face.
|
| |
| void | HArDCore3D::VariableDOFSpace::extendOperator (const Cell &T, const Face &F, Eigen::Ref< Eigen::MatrixXd > opT, const Eigen::MatrixXd &opF) const |
| | Adds a face operator to a cell operator: distributes and adds the contributions from face F to the operator opT on element T (equivalent to opT + extendOperator(T, F, opF)).
|
| |
| void | HArDCore3D::VariableDOFSpace::extendOperator (const Cell &T, const Edge &E, Eigen::MatrixXd &opT, const Eigen::MatrixXd &opE) const |
| | Adds an edge operator to a cell.
|
| |
| void | HArDCore3D::VariableDOFSpace::extendOperator (const Face &F, const Edge &E, Eigen::MatrixXd &opF, const Eigen::MatrixXd &opE) const |
| | Adds an edge operator to a face.
|
| |
| void | HArDCore3D::VariableDOFSpace::addInnerProductContribution (const Cell &T, const Face &F, Eigen::MatrixXd &prodT, const Eigen::MatrixXd &prodF) const |
| | Takes an inner product prodF on a face F, and adds its contributions to the inner product prodT on the element T (distributes the contributions according to the DOFs as seen from T)
|
| |
| std::vector< size_t > | HArDCore3D::VariableDOFSpace::globalDOFIndices (const Cell &T) const |
| | Returns a vector listing the global DOFs attached to the element T: vertex DOFs, edge DOFs, face DOFs and element DOFs.
|
| |
| std::vector< size_t > | HArDCore3D::VariableDOFSpace::globalDOFIndices (const Face &F) const |
| | Returns a vector listing the global DOFs attached to the face F: vertex DOFs, edge DOFs, face DOFs.
|
| |
Various general functions and classes.