MFEM
v4.4.0
Finite element discretization library
|
Gecko | |
WeightedValue | |
WeightedSum | |
Functional | |
FunctionalQuasiconvex | |
FunctionalHarmonic | |
FunctionalGeometric | |
FunctionalSMR | |
FunctionalArithmetic | |
FunctionalRMS | |
FunctionalMaximum | |
Progress | |
Arc | |
Node | |
Comparator | |
Graph | |
gslib | |
mfem | |
ad | |
FDualNumber | |
bin_io | |
blocksolvers | |
IterSolveParameters | Parameters for iterative solver |
DFSParameters | Parameters for the divergence free solver |
DFSData | Data for the divergence free solver |
DFSSpaces | |
DarcySolver | Abstract solver class for Darcy's flow |
BBTSolver | |
SymDirectSubBlockSolver | Block diagonal solver for symmetric A, each block is inverted by direct solver |
SaddleSchwarzSmoother | |
LocalSolver | Solver for local problems in SaddleSchwarzSmoother |
BDPMinresSolver | Wrapper for the block-diagonal-preconditioned MINRES defined in ex5p.cpp |
DivFreeSolver | |
common | |
H1_FESpace | |
ND_FESpace | |
RT_FESpace | |
ElementMeshStream | |
H1_ParFESpace | |
ND_ParFESpace | |
RT_ParFESpace | |
L2_ParFESpace | |
ParDiscreteInterpolationOperator | |
ParDiscreteGradOperator | |
ParDiscreteCurlOperator | |
ParDiscreteDivOperator | |
IrrotationalProjector | |
DivergenceFreeProjector | |
electromagnetics | |
MeshDependentCoefficient | |
ScaledGFCoefficient | |
MagneticDiffusionEOperator | |
JouleHeatingCoefficient | |
MaxwellSolver | |
TeslaSolver | |
SurfaceCurrent | |
VoltaSolver | |
Ginkgo | |
gko_mfem_destroy | |
VectorWrapper | |
OperatorWrapper | |
ResidualLogger | |
GinkgoExecutor | |
GinkgoPreconditioner | |
GinkgoIterativeSolver | |
EnableGinkgoSolver | |
CGSolver | |
BICGSTABSolver | |
CGSSolver | |
FCGSolver | |
GMRESSolver | |
CBGMRESSolver | |
IRSolver | |
JacobiPreconditioner | |
IluPreconditioner | |
IluIsaiPreconditioner | |
IcPreconditioner | |
IcIsaiPreconditioner | |
MFEMPreconditioner | |
kernels | |
InvariantsEvaluator2D | |
Buffers | |
InvariantsEvaluator3D | |
Buffers | |
navier | |
VelDirichletBC_T | Container for a Dirichlet boundary condition of the velocity field |
PresDirichletBC_T | Container for a Dirichlet boundary condition of the pressure field |
AccelTerm_T | Container for an acceleration term |
NavierSolver | Transient incompressible Navier Stokes solver in a split scheme formulation |
OrthoSolver | Solver wrapper which orthogonalizes the input and output vector |
petsc | |
slepc | |
superlu | |
superlu_internal | |
TransferKernels | |
vtk_xml | |
Array | |
adios2stream | |
Array2D | Dynamic 2D array using row-major layout |
Array3D | |
BlockArray | |
const_iterator | |
iterator | |
iterator_base | |
Mpi | A simple singleton class that calls MPI_Init() at construction and MPI_Finalize() at destruction. It also provides easy access to MPI_COMM_WORLD's rank and size |
MPI_Session | A simple convenience class based on the Mpi singleton class above. Preserved for backward compatibility. New code should use Mpi::Init() and other Mpi methods instead |
GroupTopology | |
GroupCommunicator | Communicator performing operations within groups defined by a GroupTopology with arbitrary-size data associated with each group |
OpData | Data structure on which we define reduce operations. The data is associated with (and the operation is performed on) one group at a time |
VarMessage | Variable-length MPI message containing unspecific binary data |
MPITypeMap | Helper struct to convert a C++ type to an MPI type |
MPITypeMap< int > | |
MPITypeMap< double > | |
Backend | MFEM backends |
Device | The MFEM Device class abstracts hardware devices such as GPUs, as well as programming models such as CUDA, OCCA, RAJA and OpenMP |
ErrorException | Exception class thrown when MFEM encounters an error and the current ErrorAction is set to MFEM_ERROR_THROW |
RajaCuWrap | |
RajaCuWrap< 1 > | |
RajaCuWrap< 2 > | |
RajaCuWrap< 3 > | |
RajaHipWrap | |
RajaHipWrap< 1 > | |
RajaHipWrap< 2 > | |
RajaHipWrap< 3 > | |
CuWrap | |
CuWrap< 1 > | |
CuWrap< 2 > | |
CuWrap< 3 > | |
HipWrap | |
HipWrap< 1 > | |
HipWrap< 2 > | |
HipWrap< 3 > | |
OutStream | Simple extension of std::ostream |
Hashed2 | |
Hashed4 | |
HashTable | |
const_iterator | |
iterator | |
HashFunction | Hash function for data sequences |
isockstream | |
StackPart | |
Stack | |
MemAllocNode | |
MemAlloc | |
Memory | Class used by MFEM to store pointers to host and/or device memory |
MemoryManager | |
OptionsParser | |
osockstream | |
IntegerSet | A set of integers |
ListOfIntegerSets | List of integer sets |
socketbuf | |
GnuTLS_status | |
GnuTLS_global_state | |
GnuTLS_session_params | |
GnuTLS_socketbuf | |
socketstream | |
socketserver | |
Pair | A pair of objects |
Triple | A triple of objects |
STable3DNode | |
STable3D | Symmetric 3D Table stored as an array of rows each of which has a stack of column, floor, number nodes. The number of the node is assigned by counting the nodes from zero as they are pushed into the table. Diagonals of any kind are not allowed so the row, column and floor must all be different for each node. Only one node is stored for all 6 symmetric entries that are indexable by unique triplets of row, column, and floor |
Connection | Helper struct for defining a connectivity table, see Table::MakeFromList |
Table | |
STable | |
DSTable | |
RowIterator | |
AssignOp | |
StopWatch | Timing object |
ofgzstream | |
ifgzstream | |
named_ifgzstream | |
AmgXSolver | |
MatrixFreeAuxiliarySpace | Auxiliary space solvers for MatrixFreeAMS preconditioner |
GeneralAMS | Perform AMS cycle with generic Operator objects |
MatrixFreeAMS | An auxiliary Maxwell solver for a high-order curl-curl system without high-order assembly |
BlockMatrix | |
BlockOperator | A class to handle Block systems in a matrix-free implementation |
BlockDiagonalPreconditioner | A class to handle Block diagonal preconditioners in a matrix-free implementation |
BlockLowerTriangularPreconditioner | A class to handle Block lower triangular preconditioners in a matrix-free implementation |
BlockVector | A class to handle Vectors in a block fashion |
ComplexOperator | Mimic the action of a complex operator using two real operators |
ComplexSparseMatrix | Specialization of the ComplexOperator built from a pair of Sparse Matrices |
ComplexUMFPackSolver | Interface with UMFPack solver specialized for ComplexSparseMatrix This approach avoids forming a monolithic SparseMatrix which leads to increased memory and flops |
ComplexHypreParMatrix | Specialization of the ComplexOperator built from a pair of HypreParMatrices |
ConstrainedSolver | An abstract class to solve the constrained system \( Ax = f \) subject to the constraint \( B x = r \) |
Eliminator | Perform elimination of a single constraint |
EliminationProjection | |
EliminationSolver | Solve constrained system by eliminating the constraint; see ConstrainedSolver |
EliminationCGSolver | |
PenaltyConstrainedSolver | Solve constrained system with penalty method; see ConstrainedSolver |
PenaltyPCGSolver | |
SchurConstrainedSolver | Solve constrained system by solving original mixed system; see ConstrainedSolver |
SchurConstrainedHypreSolver | Basic saddle-point solver with assembled blocks (ie, the operators are assembled HypreParMatrix objects.) |
CPardisoSolver | MKL Parallel Direct Sparse Solver for Clusters |
DenseMatrix | Data type dense matrix using column-major storage |
LUFactors | |
DenseMatrixInverse | |
DenseMatrixEigensystem | |
DenseMatrixGeneralizedEigensystem | |
DenseMatrixSVD | |
DenseTensor | Rank 3 tensor (array of matrices) |
TensorInd | A Class to compute the real index from the multi-indices of a tensor |
TensorInd< Dim, Dim, T, Args...> | |
Init | A class to initialize the size of a Tensor |
Init< Dim, Dim, T, Args...> | |
DeviceTensor | A basic generic Tensor class, appropriate for use on the GPU |
OperatorHandle | Pointer to an Operator of a specified type |
HiopOptimizationProblem | Internal class - adapts the OptimizationProblem class to HiOp's interface |
HiopNlpOptimizer | Adapts the HiOp functionality to the MFEM OptimizationSolver interface |
Hypre | A simple singleton class for hypre's global settings, that 1) calls HYPRE_Init() and sets some GPU-relevant options at construction and 2) calls HYPRE_Finalize() at destruction |
HypreParVector | Wrapper for hypre's parallel vector class |
HypreParMatrix | Wrapper for hypre's ParCSR matrix class |
HypreSmoother | Parallel smoothers in hypre |
HypreSolver | Abstract class for hypre's solvers and preconditioners |
HypreTriSolve | |
HyprePCG | PCG solver in hypre |
HypreGMRES | GMRES solver in hypre |
HypreFGMRES | Flexible GMRES solver in hypre |
HypreIdentity | The identity operator as a hypre solver |
HypreDiagScale | Jacobi preconditioner in hypre |
HypreParaSails | The ParaSails preconditioner in hypre |
HypreEuclid | |
HypreILU | Wrapper for Hypre's native parallel ILU preconditioner |
HypreBoomerAMG | The BoomerAMG solver in hypre |
HypreAMS | The Auxiliary-space Maxwell Solver in hypre |
HypreADS | The Auxiliary-space Divergence Solver in hypre |
HypreLOBPCG | |
HypreAME | |
MemoryIJData | |
ScalarOps | Auxiliary class used as the default for the second template parameter in the classes InvariantsEvaluator2D and InvariantsEvaluator3D |
InvariantsEvaluator2D | Auxiliary class for evaluating the 2x2 matrix invariants and their first and second derivatives |
InvariantsEvaluator3D | Auxiliary class for evaluating the 3x3 matrix invariants and their first and second derivatives |
Matrix | Abstract data type matrix |
MatrixInverse | Abstract data type for matrix inverse |
AbstractSparseMatrix | Abstract data type for sparse matrices |
MUMPSSolver | MUMPS: A Parallel Sparse Direct Solver |
ODESolver | Abstract class for solving systems of ODEs: dx/dt = f(x,t) |
ForwardEulerSolver | The classical forward Euler method |
RK2Solver | |
RK3SSPSolver | Third-order, strong stability preserving (SSP) Runge-Kutta method |
RK4Solver | The classical explicit forth-order Runge-Kutta method, RK4 |
ExplicitRKSolver | |
RK6Solver | |
RK8Solver | |
AdamsBashforthSolver | |
AB1Solver | |
AB2Solver | |
AB3Solver | |
AB4Solver | |
AB5Solver | |
AdamsMoultonSolver | |
AM0Solver | |
AM1Solver | |
AM2Solver | |
AM3Solver | |
AM4Solver | |
BackwardEulerSolver | Backward Euler ODE solver. L-stable |
ImplicitMidpointSolver | Implicit midpoint method. A-stable, not L-stable |
SDIRK23Solver | |
SDIRK34Solver | |
SDIRK33Solver | |
TrapezoidalRuleSolver | |
ESDIRK32Solver | |
ESDIRK33Solver | |
GeneralizedAlphaSolver | |
SIASolver | |
SIA1Solver | First Order Symplectic Integration Algorithm |
SIA2Solver | Second Order Symplectic Integration Algorithm |
SIAVSolver | Variable order Symplectic Integration Algorithm (orders 1-4) |
SecondOrderODESolver | Abstract class for solving systems of ODEs: d2x/dt2 = f(x,dx/dt,t) |
NewmarkSolver | |
LinearAccelerationSolver | |
CentralDifferenceSolver | |
FoxGoodwinSolver | |
GeneralizedAlpha2Solver | |
AverageAccelerationSolver | The classical midpoint method |
HHTAlphaSolver | |
WBZAlphaSolver | |
Operator | Abstract operator |
TimeDependentOperator | Base abstract class for first order time dependent operators |
TimeDependentAdjointOperator | |
SecondOrderTimeDependentOperator | Base abstract class for second order time dependent operators |
Solver | Base class for solvers |
IdentityOperator | Identity Operator I: x -> x |
ScaledOperator | Scaled Operator B: x -> a A(x) |
TransposeOperator | The transpose of a given operator. Switches the roles of the methods Mult() and MultTranspose() |
ProductOperator | General product operator: x -> (A*B)(x) = A(B(x)) |
RAPOperator | The operator x -> R*A*P*x constructed through the actions of R^T, A and P |
TripleProductOperator | General triple product operator x -> A*B*C*x, with ownership of the factors |
ConstrainedOperator | Square Operator for imposing essential boundary conditions using only the action, Mult(), of a given unconstrained Operator |
RectangularConstrainedOperator | Rectangular Operator for imposing essential boundary conditions on the input space using only the action, Mult(), of a given unconstrained Operator |
PowerMethod | PowerMethod helper class to estimate the largest eigenvalue of an operator using the iterative power method |
PetscMemory | Wrapper for synching PETSc's vector memory |
PetscParVector | |
PetscParMatrix | Wrapper for PETSc's matrix class |
PetscBCHandler | Helper class for handling essential boundary conditions |
PetscPreconditionerFactory | |
PetscSolver | Abstract class for PETSc's solvers |
PetscLinearSolver | Abstract class for PETSc's linear solvers |
PetscPCGSolver | |
PetscPreconditioner | Abstract class for PETSc's preconditioners |
PetscBDDCSolverParams | Auxiliary class for BDDC customization |
PetscBDDCSolver | |
PetscFieldSplitSolver | |
PetscH2Solver | |
PetscNonlinearSolver | Abstract class for PETSc's nonlinear solvers |
PetscODESolver | Abstract class for PETSc's ODE solvers |
PetscSolverMonitor | Abstract class for monitoring PETSc's solvers |
AutoSIMDTraits | |
NoSIMDTraits | |
SlepcEigenSolver | |
IterativeSolverMonitor | Abstract base class for an iterative solver monitor |
IterativeSolver | Abstract base class for iterative solver |
PrintLevel | Settings for the output behavior of the IterativeSolver |
OperatorJacobiSmoother | Jacobi smoothing for a given bilinear form (no matrix necessary) |
OperatorChebyshevSmoother | Chebyshev accelerated smoothing with given vector, no matrix necessary |
SLISolver | Stationary linear iteration: x <- x + B (b - A x) |
CGSolver | Conjugate gradient method |
GMRESSolver | GMRES method |
FGMRESSolver | FGMRES method |
BiCGSTABSolver | BiCGSTAB method |
MINRESSolver | MINRES method |
NewtonSolver | Newton's method for solving F(x)=b for a given operator F |
LBFGSSolver | |
OptimizationProblem | |
OptimizationSolver | Abstract solver for OptimizationProblems |
SLBQPOptimizer | |
BlockILU | |
ResidualBCMonitor | Monitor that checks whether the residual is zero at a given set of dofs |
UMFPackSolver | Direct sparse solver using UMFPACK |
KLUSolver | Direct sparse solver using KLU |
DirectSubBlockSolver | Block diagonal solver for A, each block is inverted by direct solver |
ProductSolver | |
AuxSpaceSmoother | |
SparseMatrix | Data type sparse matrix |
SparseSmoother | |
GSSmoother | Data type for Gauss-Seidel smoother of sparse matrix |
DSmoother | Data type for scaled Jacobi-type smoother of sparse matrix |
STRUMPACKRowLocMatrix | |
STRUMPACKSolver | |
SundialsNVector | Vector interface for SUNDIALS N_Vectors |
SundialsSolver | Base class for interfacing with SUNDIALS packages |
CVODESolver | Interface to the CVODE library – linear multi-step methods |
CVODESSolver | |
ARKStepSolver | Interface to ARKode's ARKStep module – additive Runge-Kutta methods |
KINSolver | Interface to the KINSOL library – nonlinear solver methods |
SuperLURowLocMatrix | |
SuperLUSolver | |
DenseSymmetricMatrix | |
OffsetStridedLayout1D | |
StridedLayout2D | |
StridedLayout1D | |
OffsetStridedLayout2D | |
StridedLayout3D | |
StridedLayout4D | |
OffsetStridedLayout3D | |
OffsetStridedLayout4D | |
ColumnMajorLayout2D | |
ColumnMajorLayout3D | |
ColumnMajorLayout4D | |
DynamicVectorLayout | |
VectorLayout | |
ScalarLayout | |
TVector | |
TMatrix | |
TTensor3 | |
TTensor4 | |
Vector | Vector data type |
Element | Abstract data type element |
Hexahedron | Data type hexahedron element |
Mesh | |
FaceInfo | This structure stores the low level information necessary to interpret the configuration of elements on a specific face. This information can be accessed using methods like GetFaceElements(), GetFaceInfos(), FaceIsInterior(), etc |
FaceInformation | This structure is used as a human readable output format that decipheres the information contained in Mesh::FaceInfo when using the Mesh::GetFaceInformation() method |
GeometryList | List of mesh geometries stored as Array<Geometry::Type> |
NCFaceInfo | |
GeometricFactors | Structure for storing mesh geometric factors: coordinates, Jacobians, and determinants of the Jacobians |
FaceGeometricFactors | Structure for storing face geometric factors: coordinates, Jacobians, determinants of the Jacobians, and normal vectors |
NodeExtrudeCoefficient | Class used to extrude the nodes of a mesh |
MeshOperator | Serves as base for mesh manipulation classes |
MeshOperatorSequence | |
ThresholdRefiner | Mesh refinement operator using an error threshold |
ThresholdDerefiner | De-refinement operator using an error threshold |
CoefficientRefiner | Refinement operator to control data oscillation |
Rebalancer | ParMesh rebalancing operator |
MesquiteMesh | |
Refinement | |
Embedding | Defines the position of a fine element within a coarse element |
CoarseFineTransformations | Defines the coarse-fine transformations of all fine elements |
NCMesh | A class for non-conforming AMR. The class is not used directly by the user, rather it is an extension of the Mesh class |
Element | |
Face | |
GeomInfo | This holds in one place the constants about the geometries we support |
Master | |
MeshId | Identifies a vertex/edge/face in both Mesh and NCMesh |
NCList | Lists all edges/faces in the nonconforming mesh |
Node | |
Point | |
PointMatrix | The PointMatrix stores the coordinates of the slave face using the master face coordinate as reference |
Slave | Nonconforming edge/face within a bigger edge/face |
TmpVertex | |
KnotVector | |
NURBSPatch | |
NURBSExtension | |
ParNURBSExtension | |
NURBSPatchMap | |
ParMesh | Class for parallel meshes |
Vert3 | |
Vert4 | |
ParNCMesh | A parallel extension of the NCMesh class |
ElementSet | |
ElementValueMessage | |
NeighborDerefinementMessage | |
NeighborElementRankMessage | |
NeighborRefinementMessage | |
RebalanceDofMessage | |
RebalanceMessage | |
Point | Data type point element |
PumiMesh | Base class for PUMI meshes |
ParPumiMesh | Class for PUMI parallel meshes |
GridFunctionPumi | Class for PUMI grid functions |
Pyramid | Data type Pyramid element |
Quadrilateral | Data type quadrilateral element |
Segment | Data type line segment element |
Tetrahedron | Data type tetrahedron element |
TMesh | |
Triangle | Data type triangle element |
Vertex | Data type for vertex |
VTKGeometry | Helper class for converting between MFEM and VTK geometry types |
Wedge | Data type Wedge element |
ADIOS2DataCollection | |
BilinearForm | A "square matrix" operator for the associated FE space and BLFIntegrators The sum of all the BLFIntegrators can be used form the matrix M. This class also supports other assembly levels specified via the SetAssemblyLevel() function |
MixedBilinearForm | |
DiscreteLinearOperator | |
BilinearFormExtension | Class extending the BilinearForm class to support different AssemblyLevels |
PABilinearFormExtension | Data and methods for partially-assembled bilinear forms |
EABilinearFormExtension | Data and methods for element-assembled bilinear forms |
FABilinearFormExtension | Data and methods for fully-assembled bilinear forms |
MFBilinearFormExtension | Data and methods for matrix-free bilinear forms |
MixedBilinearFormExtension | Class extending the MixedBilinearForm class to support different AssemblyLevels |
PAMixedBilinearFormExtension | Data and methods for partially-assembled mixed bilinear forms |
PADiscreteLinearOperatorExtension | Partial assembly extension for DiscreteLinearOperator |
BilinearFormIntegrator | Abstract base class BilinearFormIntegrator |
TransposeIntegrator | |
LumpedIntegrator | |
InverseIntegrator | Integrator that inverts the matrix assembled by another integrator |
SumIntegrator | Integrator defining a sum of multiple Integrators |
MixedScalarIntegrator | |
MixedVectorIntegrator | |
MixedScalarVectorIntegrator | |
MixedScalarMassIntegrator | |
MixedVectorProductIntegrator | |
MixedScalarDerivativeIntegrator | |
MixedScalarWeakDerivativeIntegrator | |
MixedScalarDivergenceIntegrator | |
MixedVectorDivergenceIntegrator | |
MixedScalarWeakGradientIntegrator | |
MixedScalarCurlIntegrator | |
MixedScalarWeakCurlIntegrator | |
MixedVectorMassIntegrator | |
MixedCrossProductIntegrator | |
MixedDotProductIntegrator | |
MixedWeakGradDotIntegrator | |
MixedWeakDivCrossIntegrator | |
MixedGradGradIntegrator | |
MixedCrossGradGradIntegrator | |
MixedCurlCurlIntegrator | |
MixedCrossCurlCurlIntegrator | |
MixedCrossCurlGradIntegrator | |
MixedCrossGradCurlIntegrator | |
MixedWeakCurlCrossIntegrator | |
MixedScalarWeakCurlCrossIntegrator | |
MixedCrossGradIntegrator | |
MixedCrossCurlIntegrator | |
MixedScalarCrossCurlIntegrator | |
MixedScalarCrossGradIntegrator | |
MixedScalarCrossProductIntegrator | |
MixedScalarWeakCrossProductIntegrator | |
MixedDirectionalDerivativeIntegrator | |
MixedGradDivIntegrator | |
MixedDivGradIntegrator | |
MixedScalarWeakDivergenceIntegrator | |
MixedVectorGradientIntegrator | |
MixedVectorCurlIntegrator | |
MixedVectorWeakCurlIntegrator | |
MixedVectorWeakDivergenceIntegrator | |
GradientIntegrator | |
DiffusionIntegrator | |
MassIntegrator | |
BoundaryMassIntegrator | |
ConvectionIntegrator | Alpha (q . grad u, v) |
ConservativeConvectionIntegrator | -alpha (u, q . grad v), negative transpose of ConvectionIntegrator |
GroupConvectionIntegrator | Alpha (q . grad u, v) using the "group" FE discretization |
VectorMassIntegrator | |
VectorFEDivergenceIntegrator | |
VectorFEWeakDivergenceIntegrator | |
VectorFECurlIntegrator | |
DerivativeIntegrator | Class for integrating (Q D_i(u), v); u and v are scalars |
CurlCurlIntegrator | Integrator for (curl u, curl v) for Nedelec elements |
VectorCurlCurlIntegrator | |
VectorFEMassIntegrator | |
VectorDivergenceIntegrator | |
DivDivIntegrator | (Q div u, div v) for RT elements |
VectorDiffusionIntegrator | |
ElasticityIntegrator | |
DGTraceIntegrator | |
NonconservativeDGTraceIntegrator | |
DGDiffusionIntegrator | |
DGDiffusionBR2Integrator | |
DGElasticityIntegrator | |
TraceJumpIntegrator | |
NormalTraceJumpIntegrator | |
DiscreteInterpolator | |
GradientInterpolator | |
IdentityInterpolator | |
CurlInterpolator | |
DivergenceInterpolator | |
NormalInterpolator | |
ScalarProductInterpolator | |
ScalarVectorProductInterpolator | |
VectorScalarProductInterpolator | |
ScalarCrossProductInterpolator | |
VectorCrossProductInterpolator | |
VectorInnerProductInterpolator | |
Coefficient | Base class Coefficients that optionally depend on space and time. These are used by the BilinearFormIntegrator, LinearFormIntegrator, and NonlinearFormIntegrator classes to represent the physical coefficients in the PDEs that are being discretized. This class can also be used in a more general way to represent functions that don't necessarily belong to a FE space, e.g., to project onto GridFunctions to use as initial conditions, exact solutions, etc. See, e.g., ex4 or ex22 for these uses |
ConstantCoefficient | A coefficient that is constant across space and time |
PWConstCoefficient | A piecewise constant coefficient with the constants keyed off the element attribute numbers |
PWCoefficient | A piecewise coefficient with the pieces keyed off the element attribute numbers |
FunctionCoefficient | A general function coefficient |
GridFunctionCoefficient | Coefficient defined by a GridFunction. This coefficient is mesh dependent |
TransformedCoefficient | A coefficient that depends on 1 or 2 parent coefficients and a transformation rule represented by a C-function |
DeltaCoefficient | Delta function coefficient optionally multiplied by a weight coefficient and a scaled time dependent C-function |
RestrictedCoefficient | Derived coefficient that takes the value of the parent coefficient for the active attributes and is zero otherwise |
VectorCoefficient | Base class for vector Coefficients that optionally depend on time and space |
VectorConstantCoefficient | Vector coefficient that is constant in space and time |
PWVectorCoefficient | A piecewise vector-valued coefficient with the pieces keyed off the element attribute numbers |
VectorFunctionCoefficient | A general vector function coefficient |
VectorArrayCoefficient | Vector coefficient defined by an array of scalar coefficients. Coefficients that are not set will evaluate to zero in the vector. This object takes ownership of the array of coefficients inside it and deletes them at object destruction |
VectorGridFunctionCoefficient | Vector coefficient defined by a vector GridFunction |
GradientGridFunctionCoefficient | Vector coefficient defined as the Gradient of a scalar GridFunction |
CurlGridFunctionCoefficient | Vector coefficient defined as the Curl of a vector GridFunction |
DivergenceGridFunctionCoefficient | Scalar coefficient defined as the Divergence of a vector GridFunction |
VectorDeltaCoefficient | Vector coefficient defined by a scalar DeltaCoefficient and a constant vector direction |
VectorRestrictedCoefficient | Derived vector coefficient that has the value of the parent vector where it is active and is zero otherwise |
MatrixCoefficient | Base class for Matrix Coefficients that optionally depend on time and space |
MatrixConstantCoefficient | A matrix coefficient that is constant in space and time |
PWMatrixCoefficient | A piecewise matrix-valued coefficient with the pieces keyed off the element attribute numbers |
MatrixFunctionCoefficient | A matrix coefficient with an optional scalar coefficient multiplier q. The matrix function can either be represented by a std function or a constant matrix provided when constructing this object |
MatrixArrayCoefficient | Matrix coefficient defined by a matrix of scalar coefficients. Coefficients that are not set will evaluate to zero in the vector. The coefficient is stored as a flat Array with indexing (i,j) -> i*width+j |
MatrixRestrictedCoefficient | Derived matrix coefficient that has the value of the parent matrix coefficient where it is active and is zero otherwise |
SumCoefficient | Scalar coefficient defined as the linear combination of two scalar coefficients or a scalar and a scalar coefficient |
SymmetricMatrixCoefficient | Base class for symmetric matrix coefficients that optionally depend on time and space |
SymmetricMatrixConstantCoefficient | A matrix coefficient that is constant in space and time |
SymmetricMatrixFunctionCoefficient | A matrix coefficient with an optional scalar coefficient multiplier q. The matrix function can either be represented by a std function or a constant matrix provided when constructing this object |
ProductCoefficient | Scalar coefficient defined as the product of two scalar coefficients or a scalar and a scalar coefficient |
RatioCoefficient | Scalar coefficient defined as the ratio of two scalars where one or both scalars are scalar coefficients |
PowerCoefficient | Scalar coefficient defined as a scalar raised to a power |
InnerProductCoefficient | Scalar coefficient defined as the inner product of two vector coefficients |
VectorRotProductCoefficient | Scalar coefficient defined as a cross product of two vectors in the xy-plane |
DeterminantCoefficient | Scalar coefficient defined as the determinant of a matrix coefficient |
VectorSumCoefficient | Vector coefficient defined as the linear combination of two vectors |
ScalarVectorProductCoefficient | Vector coefficient defined as a product of scalar and vector coefficients |
NormalizedVectorCoefficient | Vector coefficient defined as a normalized vector field (returns v/|v|) |
VectorCrossProductCoefficient | Vector coefficient defined as a cross product of two vectors |
MatrixVectorProductCoefficient | Vector coefficient defined as a product of a matrix coefficient and a vector coefficient |
IdentityMatrixCoefficient | Constant matrix coefficient defined as the identity of dimension d |
MatrixSumCoefficient | Matrix coefficient defined as the linear combination of two matrices |
MatrixProductCoefficient | Matrix coefficient defined as the product of two matrices |
ScalarMatrixProductCoefficient | Matrix coefficient defined as a product of a scalar coefficient and a matrix coefficient |
TransposeMatrixCoefficient | Matrix coefficient defined as the transpose a matrix coefficient |
InverseMatrixCoefficient | Matrix coefficient defined as the inverse a matrix coefficient |
OuterProductCoefficient | Matrix coefficient defined as the outer product of two vector coefficients |
CrossCrossCoefficient | Matrix coefficient defined as -a k x k x, for a vector k and scalar a |
VectorQuadratureFunctionCoefficient | Vector quadrature function coefficient which requires that the quadrature rules used for this vector coefficient be the same as those that live within the supplied QuadratureFunction |
QuadratureFunctionCoefficient | Quadrature function coefficient which requires that the quadrature rules used for this coefficient be the same as those that live within the supplied QuadratureFunction |
ComplexGridFunction | |
ComplexLinearForm | |
SesquilinearForm | |
ParComplexGridFunction | |
ParComplexLinearForm | |
ParSesquilinearForm | |
ConduitDataCollection | Data collection that uses the Conduit Mesh Blueprint specification |
ConvergenceStudy | Class to compute error and convergence rates. It supports H1, H(curl) (ND elements), H(div) (RT elements) and L2 (DG) |
NamedFieldsMap | Lightweight adaptor over an std::map from strings to pointer to T |
DataCollection | |
VisItFieldInfo | Helper class for VisIt visualization data |
VisItDataCollection | Data collection with VisIt I/O routines |
ParaViewDataCollection | Helper class for ParaView visualization data |
DofTransformation | |
VDofTransformation | |
ND_DofTransformation | |
ND_TriDofTransformation | DoF transformation implementation for the Nedelec basis on triangles |
ND_TetDofTransformation | DoF transformation implementation for the Nedelec basis on tetrahedra |
ND_WedgeDofTransformation | DoF transformation implementation for the Nedelec basis on wedge elements |
ElementTransformation | |
InverseElementTransformation | The inverse transformation of a given ElementTransformation |
IsoparametricTransformation | A standard isoparametric element transformation |
IntegrationPointTransformation | |
FaceElementTransformations | A specialized ElementTransformation class representing a face and its two neighboring elements |
AbstractErrorEstimator | Base class for all error estimators |
ErrorEstimator | Base class for all element based error estimators |
AnisotropicErrorEstimator | Base class for all error estimators that compute one non-negative real (double) number and an anisotropic flag for every element in the Mesh |
ZienkiewiczZhuEstimator | Implements the Zienkiewicz-Zhu error estimation procedure |
L2ZienkiewiczZhuEstimator | Implements the Zienkiewicz-Zhu error estimation procedure where the flux averaging is replaced by a global L2 projection (requiring a mass matrix solve) |
LpErrorEstimator | Compares the solution to a known coefficient |
KellyErrorEstimator | Fast error indication strategy for smooth scalar parallel problems |
FiniteElementCollection | Collection of finite elements from the same family in multiple dimensions. This class is used to match the degrees of freedom of a FiniteElementSpace between elements, and to provide the finite element restriction from an element to its boundary |
H1_FECollection | Arbitrary order H1-conforming (continuous) finite elements |
H1Pos_FECollection | Arbitrary order H1-conforming (continuous) finite elements with positive basis functions |
H1Ser_FECollection | |
H1_Trace_FECollection | Arbitrary order "H^{1/2}-conforming" trace finite elements defined on the interface between mesh elements (faces,edges,vertices); these are the trace FEs of the H1-conforming FEs |
L2_FECollection | Arbitrary order "L2-conforming" discontinuous finite elements |
RT_FECollection | Arbitrary order H(div)-conforming Raviart-Thomas finite elements |
RT_Trace_FECollection | Arbitrary order "H^{-1/2}-conforming" face finite elements defined on the interface between mesh elements (faces); these are the normal trace FEs of the H(div)-conforming FEs |
DG_Interface_FECollection | |
ND_FECollection | Arbitrary order H(curl)-conforming Nedelec finite elements |
ND_Trace_FECollection | Arbitrary order H(curl)-trace finite elements defined on the interface between mesh elements (faces,edges); these are the tangential trace FEs of the H(curl)-conforming FEs |
ND_R1D_FECollection | Arbitrary order 3D H(curl)-conforming Nedelec finite elements in 1D |
RT_R1D_FECollection | Arbitrary order 3D H(div)-conforming Raviart-Thomas finite elements in 1D |
ND_R2D_FECollection | Arbitrary order 3D H(curl)-conforming Nedelec finite elements in 2D |
ND_R2D_Trace_FECollection | Arbitrary order 3D H(curl)-trace finite elements in 2D defined on the interface between mesh elements (edges); these are the tangential trace FEs of the H(curl)-conforming FEs |
RT_R2D_FECollection | Arbitrary order 3D H(div)-conforming Raviart-Thomas finite elements in 2D |
RT_R2D_Trace_FECollection | Arbitrary order 3D "H^{-1/2}-conforming" face finite elements defined on the interface between mesh elements (faces); these are the normal trace FEs of the H(div)-conforming FEs |
NURBSFECollection | Arbitrary order non-uniform rational B-splines (NURBS) finite elements |
LinearFECollection | Piecewise-(bi/tri)linear continuous finite elements |
QuadraticFECollection | Piecewise-(bi)quadratic continuous finite elements |
QuadraticPosFECollection | Version of QuadraticFECollection with positive basis functions |
CubicFECollection | Piecewise-(bi)cubic continuous finite elements |
CrouzeixRaviartFECollection | Crouzeix-Raviart nonconforming elements in 2D |
LinearNonConf3DFECollection | Piecewise-linear nonconforming finite elements in 3D |
RT0_2DFECollection | First order Raviart-Thomas finite elements in 2D. This class is kept only for backward compatibility, consider using RT_FECollection instead |
RT1_2DFECollection | Second order Raviart-Thomas finite elements in 2D. This class is kept only for backward compatibility, consider using RT_FECollection instead |
RT2_2DFECollection | Third order Raviart-Thomas finite elements in 2D. This class is kept only for backward compatibility, consider using RT_FECollection instead |
Const2DFECollection | Piecewise-constant discontinuous finite elements in 2D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
LinearDiscont2DFECollection | Piecewise-linear discontinuous finite elements in 2D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
GaussLinearDiscont2DFECollection | Version of LinearDiscont2DFECollection with dofs in the Gaussian points |
P1OnQuadFECollection | Linear (P1) finite elements on quadrilaterals |
QuadraticDiscont2DFECollection | Piecewise-quadratic discontinuous finite elements in 2D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
QuadraticPosDiscont2DFECollection | Version of QuadraticDiscont2DFECollection with positive basis functions |
GaussQuadraticDiscont2DFECollection | Version of QuadraticDiscont2DFECollection with dofs in the Gaussian points |
CubicDiscont2DFECollection | Piecewise-cubic discontinuous finite elements in 2D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
Const3DFECollection | Piecewise-constant discontinuous finite elements in 3D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
LinearDiscont3DFECollection | Piecewise-linear discontinuous finite elements in 3D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
QuadraticDiscont3DFECollection | Piecewise-quadratic discontinuous finite elements in 3D. This class is kept only for backward compatibility, consider using L2_FECollection instead |
RefinedLinearFECollection | Finite element collection on a macro-element |
ND1_3DFECollection | Lowest order Nedelec finite elements in 3D. This class is kept only for backward compatibility, consider using the new ND_FECollection instead |
RT0_3DFECollection | First order Raviart-Thomas finite elements in 3D. This class is kept only for backward compatibility, consider using RT_FECollection instead |
RT1_3DFECollection | Second order Raviart-Thomas finite elements in 3D. This class is kept only for backward compatibility, consider using RT_FECollection instead |
Local_FECollection | Discontinuous collection defined locally by a given finite element |
Ordering | The ordering method used when the number of unknowns per mesh node (vector dimension) is bigger than 1 |
FiniteElementSpace | Class FiniteElementSpace - responsible for providing FEM view of the mesh, mainly managing the set of degrees of freedom |
DerefinementOperator | Derefinement operator, used by the friend class InterpolationGridTransfer |
key_hash | |
RefinementOperator | GridFunction interpolation operator applicable after mesh refinement |
QuadratureSpace | Class representing the storage layout of a QuadratureFunction |
FiniteElementSpaceHierarchy | |
ParFiniteElementSpaceHierarchy | |
FMSDataCollection | Data collection that uses FMS |
Geometry | |
Constants | |
Constants< Geometry::CUBE > | |
VertToVert | |
Constants< Geometry::POINT > | |
Constants< Geometry::PRISM > | |
VertToVert | |
Constants< Geometry::PYRAMID > | |
VertToVert | |
Constants< Geometry::SEGMENT > | |
Constants< Geometry::SQUARE > | |
VertToVert | |
Constants< Geometry::TETRAHEDRON > | |
VertToVert | |
Constants< Geometry::TRIANGLE > | |
VertToVert | |
RefinedGeometry | |
GeometryRefiner | |
GridFunction | Class for grid function - Vector with associated FE space |
JumpScaling | |
QuadratureFunction | Class representing a function through its values (scalar or vector) at quadrature points |
ExtrudeCoefficient | Class used for extruding scalar GridFunctions |
FindPointsGSLIB | FindPointsGSLIB can robustly evaluate a GridFunction on an arbitrary collection of points. There are three key functions in FindPointsGSLIB: |
OversetFindPointsGSLIB | OversetFindPointsGSLIB enables use of findpts for arbitrary number of overlapping grids. The parameters in this class are the same as FindPointsGSLIB with the difference of additional inputs required to account for more than 1 mesh |
Hybridization | |
IntegrationPoint | Class for integration point with weight |
IntegrationRule | Class for an integration rule - an Array of IntegrationPoint |
QuadratureFunctions1D | A Class that defines 1-D numerical quadrature rules on [0,1] |
Quadrature1D | A class container for 1D quadrature type constants |
IntegrationRules | Container class for integration rules |
LinearForm | Vector with associated FE space and LinearFormIntegrators |
LinearFormIntegrator | Abstract base class LinearFormIntegrator |
DeltaLFIntegrator | Abstract class for integrators that support delta coefficients |
DomainLFIntegrator | Class for domain integration L(v) := (f, v) |
DomainLFGradIntegrator | Class for domain integrator L(v) := (f, grad v) |
BoundaryLFIntegrator | Class for boundary integration L(v) := (g, v) |
BoundaryNormalLFIntegrator | Class for boundary integration \( L(v) = (g \cdot n, v) \) |
BoundaryTangentialLFIntegrator | Class for boundary integration \( L(v) = (g \cdot \tau, v) \) in 2D |
VectorDomainLFIntegrator | |
VectorBoundaryLFIntegrator | |
VectorFEDomainLFIntegrator | \( (f, v)_{\Omega} \) for VectorFiniteElements (Nedelec, Raviart-Thomas) |
VectorFEDomainLFCurlIntegrator | \( (Q, curl v)_{\Omega} \) for Nedelec Elements) |
VectorFEDomainLFDivIntegrator | \( (Q, div v)_{\Omega} \) for RT Elements) |
VectorBoundaryFluxLFIntegrator | |
VectorFEBoundaryFluxLFIntegrator | |
VectorFEBoundaryTangentLFIntegrator | Class for boundary integration \( L(v) = (n \times f, v) \) |
BoundaryFlowIntegrator | |
DGDirichletLFIntegrator | |
DGElasticityDirichletLFIntegrator | |
VectorQuadratureLFIntegrator | |
QuadratureLFIntegrator | |
LORBase | Abstract base class for LORDiscretization and ParLORDiscretization classes, which construct low-order refined versions of bilinear forms |
LORDiscretization | Create and assemble a low-order refined version of a BilinearForm |
ParLORDiscretization | Create and assemble a low-order refined version of a ParBilinearForm |
LORSolver | Represents a solver of type SolverType created using the low-order refined version of the given BilinearForm or ParBilinearForm |
Multigrid | Multigrid solver class |
GeometricMultigrid | Geometric multigrid associated with a hierarchy of finite element spaces |
NonlinearForm | |
BlockNonlinearForm | A class representing a general block nonlinear operator defined on the Cartesian product of multiple FiniteElementSpaces |
NonlinearFormExtension | Class extending the NonlinearForm class to support the different AssemblyLevels |
PANonlinearFormExtension | Data and methods for partially-assembled nonlinear forms |
MFNonlinearFormExtension | Data and methods for unassembled nonlinear forms |
NonlinearFormIntegrator | This class is used to express the local action of a general nonlinear finite element operator. In addition it may provide the capability to assemble the local gradient operator and to compute the local energy |
BlockNonlinearFormIntegrator | |
HyperelasticModel | Abstract class for hyperelastic models |
InverseHarmonicModel | |
NeoHookeanModel | |
HyperelasticNLFIntegrator | |
IncompressibleNeoHookeanIntegrator | |
VectorConvectionNLFIntegrator | |
ConvectiveVectorConvectionNLFIntegrator | |
SkewSymmetricVectorConvectionNLFIntegrator | |
ParBilinearForm | Class for parallel bilinear form |
ParMixedBilinearForm | Class for parallel bilinear form using different test and trial FE spaces |
ParDiscreteLinearOperator | |
ParFiniteElementSpace | Abstract parallel finite element space |
ConformingProlongationOperator | Auxiliary class used by ParFiniteElementSpace |
DeviceConformingProlongationOperator | Auxiliary device class used by ParFiniteElementSpace |
ParGridFunction | Class for parallel grid function |
ParLinearForm | Class for parallel linear form |
ParNonlinearForm | Parallel non-linear operator on the true dofs |
ParBlockNonlinearForm | A class representing a general parallel block nonlinear operator defined on the Cartesian product of multiple ParFiniteElementSpaces |
ParNCH1FaceRestriction | Operator that extracts Face degrees of freedom for NCMesh in parallel |
ParL2FaceRestriction | Operator that extracts Face degrees of freedom in parallel |
ParNCL2FaceRestriction | Operator that extracts Face degrees of freedom for NCMesh in parallel |
QuadratureInterpolator | A class that performs interpolation from an E-vector to quadrature point values and/or derivatives (Q-vectors) |
FaceQuadratureInterpolator | A class that performs interpolation from a face E-vector to quadrature point values and/or derivatives (Q-vectors) on the faces |
ElementRestriction | Operator that converts FiniteElementSpace L-vectors to E-vectors |
L2ElementRestriction | Operator that converts L2 FiniteElementSpace L-vectors to E-vectors |
FaceRestriction | Base class for operators that extracts Face degrees of freedom |
H1FaceRestriction | Operator that extracts Face degrees of freedom for H1 FiniteElementSpaces |
L2FaceRestriction | Operator that extracts Face degrees of freedom for L2 spaces |
InterpConfig | |
InterpolationManager | This class manages the storage and computation of the interpolations from master (coarse) face to slave (fine) face |
NCL2FaceRestriction | Operator that extracts face degrees of freedom for L2 nonconforming spaces |
SidreDataCollection | Data collection with Sidre routines following the Conduit mesh blueprint specification |
StaticCondensation | |
TBilinearForm | Templated bilinear form class, cf. bilinearform.?pp |
S_spec | Contains matrix sizes, type of kernel (ElementMatrix is templated on a kernel, e.g. ElementMatrix::Compute may be AssembleGradGrad()) |
T_result | |
TIntegrator | The Integrator class combines a kernel and a coefficient |
kernel | |
TMassKernel | Mass kernel |
CoefficientEval | |
f_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in full element matrix assembly |
p_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in partial assembly, and partially assembled action |
TDiffusionKernel | Diffusion kernel |
TDiffusionKernel< 1, 1, complex_t > | Diffusion kernel in 1D |
CoefficientEval | |
f_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in full element matrix assembly |
p_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in partial assembly, and partially assembled action |
TDiffusionKernel< 2, 2, complex_t > | Diffusion kernel in 2D |
CoefficientEval | |
f_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in full element matrix assembly. Stores one general (non-symmetric) 2 x 2 matrix per point |
p_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in partial assembly, and partially assembled action. Stores one symmetric 2 x 2 matrix per point |
TDiffusionKernel< 3, 3, complex_t > | Diffusion kernel in 3D |
CoefficientEval | |
f_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in full element matrix assembly. Stores one general (non-symmetric) 3 x 3 matrix per point |
p_asm_data | Partially assembled data type for one element with the given number of quadrature points. This type is used in partial assembly, and partially assembled action. Stores one symmetric 3 x 3 matrix per point |
TCoefficient | Templated coefficient classes, cf. coefficient.?pp |
TConstantCoefficient | |
TFunctionCoefficient | Function coefficient |
Dim | |
Dim< 1, dummy > | |
Dim< 2, dummy > | |
Dim< 3, dummy > | |
TPiecewiseConstCoefficient | |
TGridFunctionCoefficient | GridFunction coefficient class |
IntRuleCoefficient | |
Aux | |
Aux< false, dummy > | |
Aux< true, dummy > | |
result_t | |
TElementTransformation | Element transformation class, templated on a mesh type and an integration rule. It is constructed from a mesh (e.g. class TMesh) and shape evaluator (e.g. class ShapeEvaluator) objects. Allows computation of physical coordinates and Jacobian matrices corresponding to the reference integration points. The desired result is specified through the template subclass Result and stored in an object of the same type |
Get | |
Result | Templated struct Result, used to specify the type result that is computed by the TElementTransformation::Eval() method and stored in this structure |
Result< 0, it_t > | |
Result< 1, it_t > | |
Result< 10, it_t > | |
Result< 2, it_t > | |
Result< 3, it_t > | |
Result< 6, it_t > | |
ShapeEvaluator_base | Shape evaluators – values of basis functions on the reference element |
ShapeEvaluator_base< FE, IR, false, real_t > | ShapeEvaluator without tensor-product structure |
TProductShapeEvaluator | |
TProductShapeEvaluator< 1, DOF, NIP, real_t > | ShapeEvaluator with 1D tensor-product structure |
TProductShapeEvaluator< 2, DOF, NIP, real_t > | ShapeEvaluator with 2D tensor-product structure |
TProductShapeEvaluator< 3, DOF, NIP, real_t > | ShapeEvaluator with 3D tensor-product structure |
ShapeEvaluator_base< FE, IR, true, real_t > | ShapeEvaluator with tensor-product structure in any dimension |
ShapeEvaluator | General ShapeEvaluator for any scalar FE type (L2 or H1) |
FieldEvaluator_base | Field evaluators – values of a given global FE grid function This is roughly speaking a templated version of GridFunction |
FieldEvaluator | Complex_t - dof/qpt data type, real_t - ShapeEvaluator (FE basis) data type |
Action | This struct implements the input (Eval, EvalSerialized) and output (Assemble, AssembleSerialized) operations for the given Ops. Ops is "bitwise or" of constants from the enum InOutData |
Action< 0, dummy > | |
Action< 1, dummy > | |
Action< 2, dummy > | |
Action< 3, dummy > | |
AData | Auxiliary templated struct AData, used by the Eval() and Assemble() methods |
AData< 0, it_t > | |
AData< 1, it_t > | |
AData< 2, it_t > | |
AData< 3, it_t > | |
BData | This struct is similar to struct AData, adding separate static data members for the input (InData) and output (OutData) data types |
Spec | |
TElementMatrix | This struct implements element matrix computation for some combinations of input (InOps) and output (OutOps) operations |
TElementMatrix< 1, 1, it_t > | |
TElementMatrix< 2, 2, it_t > | |
H1_FiniteElement | |
H1_FiniteElement< Geometry::SEGMENT, P > | |
H1_FiniteElement< Geometry::TRIANGLE, P > | |
H1_FiniteElement< Geometry::SQUARE, P > | |
H1_FiniteElement< Geometry::TETRAHEDRON, P > | |
H1_FiniteElement< Geometry::CUBE, P > | |
L2_FiniteElement_base | |
L2_FiniteElement | |
L2_FiniteElement< Geometry::SEGMENT, P > | |
L2_FiniteElement< Geometry::TRIANGLE, P > | |
L2_FiniteElement< Geometry::SQUARE, P > | |
L2_FiniteElement< Geometry::TETRAHEDRON, P > | |
L2_FiniteElement< Geometry::CUBE, P > | |
ElementDofIndexer | |
TFiniteElementSpace_simple | |
H1_FiniteElementSpace | |
DGIndexer | |
L2_FiniteElementSpace | |
GenericIntegrationRule | |
TProductIntegrationRule_base | |
TProductIntegrationRule_base< 1, Q, real_t > | |
TProductIntegrationRule_base< 2, Q, real_t > | |
TProductIntegrationRule_base< 3, Q, real_t > | |
TProductIntegrationRule | |
GaussIntegrationRule | |
TIntegrationRule | |
TIntegrationRule< Geometry::SEGMENT, Order, real_t > | |
TIntegrationRule< Geometry::SQUARE, Order, real_t > | |
TIntegrationRule< Geometry::CUBE, Order, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 0, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 1, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 2, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 3, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 4, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 5, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 6, real_t > | |
TIntegrationRule< Geometry::TRIANGLE, 7, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 0, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 1, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 2, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 3, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 4, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 5, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 6, real_t > | |
TIntegrationRule< Geometry::TETRAHEDRON, 7, real_t > | |
TMOP_QualityMetric | Abstract class for local mesh quality metrics in the target-matrix optimization paradigm (TMOP) by P. Knupp et al |
TMOP_Combo_QualityMetric | Abstract class used to define combination of metrics with constant coefficients |
TMOP_Metric_001 | 2D non-barrier metric without a type |
TMOP_Metric_skew2D | 2D non-barrier Skew metric |
TMOP_Metric_skew3D | 3D non-barrier Skew metric |
TMOP_Metric_aspratio2D | 2D non-barrier Aspect ratio metric |
TMOP_Metric_aspratio3D | 3D non-barrier Aspect ratio metric |
TMOP_Metric_002 | 2D barrier shape (S) metric (polyconvex) |
TMOP_Metric_007 | 2D barrier Shape+Size (VS) metric (not polyconvex) |
TMOP_Metric_009 | 2D barrier Shape+Size (VS) metric (not polyconvex) |
TMOP_Metric_014 | 2D non-barrier Shape+Size+Orientation (VOS) metric (polyconvex) |
TMOP_Metric_022 | 2D Shifted barrier form of shape metric (mu_2) |
TMOP_Metric_050 | 2D barrier (not a shape) metric (polyconvex) |
TMOP_Metric_055 | 2D non-barrier size (V) metric (not polyconvex) |
TMOP_Metric_056 | 2D barrier size (V) metric (polyconvex) |
TMOP_Metric_058 | 2D barrier shape (S) metric (not polyconvex) |
TMOP_Metric_077 | 2D barrier size (V) metric (polyconvex) |
TMOP_Metric_080 | 2D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_Metric_085 | 2D barrier Shape+Orientation (OS) metric (polyconvex) |
TMOP_Metric_098 | 2D barrier Shape+Size+Orientation (VOS) metric (polyconvex) |
TMOP_Metric_211 | 2D untangling metric |
TMOP_Metric_252 | Shifted barrier form of metric 56 (area, ideal barrier metric), 2D |
TMOP_Metric_301 | 3D barrier Shape (S) metric |
TMOP_Metric_302 | 3D barrier Shape (S) metric |
TMOP_Metric_303 | 3D barrier Shape (S) metric |
TMOP_Metric_311 | 3D Size (V) untangling metric |
TMOP_Metric_313 | 3D Shape (S) metric, untangling version of 303 |
TMOP_Metric_315 | 3D non-barrier Size (V) metric |
TMOP_Metric_316 | 3D barrier Size (V) metric |
TMOP_Metric_321 | 3D barrier Shape+Size (VS) metric |
TMOP_Metric_328 | 3D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_Metric_332 | 3D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_Metric_333 | 3D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_Metric_334 | 3D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_Metric_352 | Shifted barrier form of 3D metric 16 (volume, ideal barrier metric), 3D |
TMOP_AMetric_011 | |
TMOP_AMetric_014a | 2D barrier Size (V) metric (polyconvex) |
TMOP_AMetric_036 | 2D barrier Shape+Size+Orientation (VOS) metric (polyconvex) |
TMOP_AMetric_107a | 2D barrier Shape+Orientation (OS) metric (polyconvex) |
TMOP_AMetric_126 | 2D barrier Shape+Size (VS) metric (polyconvex) |
TMOP_LimiterFunction | Base class for limiting functions to be used in class TMOP_Integrator |
TMOP_QuadraticLimiter | Default limiter function in TMOP_Integrator |
AdaptivityEvaluator | |
TargetConstructor | Base class representing target-matrix construction algorithms for mesh optimization via the target-matrix optimization paradigm (TMOP) |
TMOPMatrixCoefficient | |
AnalyticAdaptTC | |
DiscreteAdaptTC | |
TMOP_Integrator | A TMOP integrator class based on any given TMOP_QualityMetric and TargetConstructor |
TMOPComboIntegrator | |
TMOPRefinerEstimator | |
TMOPDeRefinerEstimator | |
TMOPHRSolver | |
AdvectorCG | |
InterpolatorFP | |
SerialAdvectorCGOper | Performs a single remap advection step in serial |
ParAdvectorCGOper | Performs a single remap advection step in parallel |
TMOPNewtonSolver | |
GridTransfer | Base class for transfer algorithms that construct transfer Operators between two finite element (FE) spaces |
InterpolationGridTransfer | Transfer data between a coarse mesh and an embedded refined mesh using interpolation |
L2ProjectionGridTransfer | Transfer data in L2 and H1 finite element spaces between a coarse mesh and an embedded refined mesh using L2 projection |
L2Projection | |
L2ProjectionH1Space | |
L2ProjectionL2Space | |
L2Prolongation | |
TransferOperator | Matrix-free transfer operator between finite element spaces |
PRefinementTransferOperator | Matrix-free transfer operator between finite element spaces on the same mesh |
TensorProductPRefinementTransferOperator | Matrix-free transfer operator between finite element spaces on the same mesh exploiting the tensor product structure of the finite elements |
TrueTransferOperator | Matrix-free transfer operator between finite element spaces working on true degrees of freedom |
BasisType | Possible basis types. Note that not all elements can use all BasisType(s) |
DofToQuad | Structure representing the matrices/tensors needed to evaluate (in reference space) the values, gradients, divergences, or curls of a FiniteElement at a the quadrature points of a given IntegrationRule |
FunctionSpace | Describes the function space on each element |
FiniteElement | Abstract class for all finite elements |
ScalarFiniteElement | Class for finite elements with basis functions that return scalar values |
NodalFiniteElement | Class for standard nodal finite elements |
VectorFiniteElement | Intermediate class for finite elements whose basis functions return vector values |
Poly_1D | Class for computing 1D special polynomials and their associated basis functions |
Basis | Class for evaluating 1D nodal, positive (Bernstein), or integrated (Gerritsma) bases |
TensorBasisElement | |
NodalTensorFiniteElement | |
VectorTensorFiniteElement | |
PointFiniteElement | A 0D point finite element |
Linear1DFiniteElement | A 1D linear element with nodes on the endpoints |
Linear2DFiniteElement | A 2D linear element on triangle with nodes at the vertices of the triangle |
BiLinear2DFiniteElement | A 2D bi-linear element on a square with nodes at the vertices of the square |
GaussLinear2DFiniteElement | A linear element on a triangle with nodes at the 3 "Gaussian" points |
GaussBiLinear2DFiniteElement | A 2D bi-linear element on a square with nodes at the "Gaussian" points |
P1OnQuadFiniteElement | A 2D linear element on a square with 3 nodes at the vertices of the lower left triangle |
Quad1DFiniteElement | A 1D quadratic finite element with uniformly spaced nodes |
Quad2DFiniteElement | A 2D quadratic element on triangle with nodes at the vertices and midpoints of the triangle |
GaussQuad2DFiniteElement | A quadratic element on triangle with nodes at the "Gaussian" points |
BiQuad2DFiniteElement | A 2D bi-quadratic element on a square with uniformly spaced nodes |
GaussBiQuad2DFiniteElement | A 2D bi-quadratic element on a square with nodes at the 9 "Gaussian" points |
BiCubic2DFiniteElement | A 2D bi-cubic element on a square with uniformly spaces nodes |
Cubic1DFiniteElement | A 1D cubic element with uniformly spaced nodes |
Cubic2DFiniteElement | A 2D cubic element on a triangle with uniformly spaced nodes |
Cubic3DFiniteElement | |
LinearWedgeFiniteElement | A linear element defined on a triangular prism |
LinearPyramidFiniteElement | A linear element defined on a square pyramid |
P0TriangleFiniteElement | A 2D constant element on a triangle |
P0QuadFiniteElement | A 2D constant element on a square |
Linear3DFiniteElement | A 3D linear element on a tetrahedron with nodes at the vertices of the tetrahedron |
Quadratic3DFiniteElement | A 3D quadratic element on a tetrahedron with uniformly spaced nodes |
TriLinear3DFiniteElement | A 3D tri-linear element on a cube with nodes at the vertices of the cube |
CrouzeixRaviartFiniteElement | A 2D Crouzeix-Raviart element on triangle |
CrouzeixRaviartQuadFiniteElement | A 2D Crouzeix-Raviart finite element on square |
P0SegmentFiniteElement | A 1D constant element on a segment |
RT0TriangleFiniteElement | A 2D 1st order Raviart-Thomas vector element on a triangle |
RT0QuadFiniteElement | A 2D 1st order Raviart-Thomas vector element on a square |
RT1TriangleFiniteElement | A 2D 2nd order Raviart-Thomas vector element on a triangle |
RT1QuadFiniteElement | A 2D 2nd order Raviart-Thomas vector element on a square |
RT2TriangleFiniteElement | A 2D 3rd order Raviart-Thomas vector element on a triangle |
RT2QuadFiniteElement | A 2D 3rd order Raviart-Thomas vector element on a square |
P1SegmentFiniteElement | A 1D linear element with nodes at 1/3 and 2/3 (trace of RT1) |
P2SegmentFiniteElement | A 1D quadratic element with nodes at the Gaussian points (trace of RT2) |
Lagrange1DFiniteElement | A 1D element with uniform nodes |
P1TetNonConfFiniteElement | A 3D Crouzeix-Raviart element on the tetrahedron |
P0TetFiniteElement | A 3D constant element on a tetrahedron |
P0HexFiniteElement | A 3D constant element on a cube |
P0WdgFiniteElement | A 3D constant element on a wedge |
P0PyrFiniteElement | A 3D constant element on a pyramid |
LagrangeHexFiniteElement | Tensor products of 1D Lagrange1DFiniteElement (only degree 2 is functional) |
RefinedLinear1DFiniteElement | A 1D refined linear element |
RefinedLinear2DFiniteElement | A 2D refined linear element on a triangle |
RefinedLinear3DFiniteElement | A 2D refined linear element on a tetrahedron |
RefinedBiLinear2DFiniteElement | A 2D refined bi-linear FE on a square |
RefinedTriLinear3DFiniteElement | A 3D refined tri-linear element on a cube |
BiLinear3DFiniteElement | Class for linear FE on wedge |
BiQuadratic3DFiniteElement | Class for quadratic FE on wedge |
BiCubic3DFiniteElement | Class for cubic FE on wedge |
P0WedgeFiniteElement | A 0th order L2 element on a Wedge |
Nedelec1HexFiniteElement | A 3D 1st order Nedelec element on a cube |
Nedelec1TetFiniteElement | A 3D 1st order Nedelec element on a tetrahedron |
Nedelec1WdgFiniteElement | A 3D 1st order Nedelec element on a wedge |
Nedelec1PyrFiniteElement | A 3D 1st order Nedelec element on a pyramid |
RT0HexFiniteElement | A 3D 0th order Raviert-Thomas element on a cube |
RT1HexFiniteElement | A 3D 1st order Raviert-Thomas element on a cube |
RT0TetFiniteElement | A 3D 0th order Raviert-Thomas element on a tetrahedron |
RT0WdgFiniteElement | A 3D 0th order Raviert-Thomas element on a wedge |
RT0PyrFiniteElement | A 3D 0th order Raviert-Thomas element on a pyramid |
RotTriLinearHexFiniteElement | |
H1_SegmentElement | Arbitrary order H1 elements in 1D |
H1_QuadrilateralElement | Arbitrary order H1 elements in 2D on a square |
H1_HexahedronElement | Arbitrary order H1 elements in 3D on a cube |
H1_TriangleElement | Arbitrary order H1 elements in 2D on a triangle |
H1_TetrahedronElement | Arbitrary order H1 elements in 3D on a tetrahedron |
H1_WedgeElement | Arbitrary order H1 elements in 3D on a wedge |
L2_SegmentElement | Arbitrary order L2 elements in 1D on a segment |
L2_QuadrilateralElement | Arbitrary order L2 elements in 2D on a square |
L2_HexahedronElement | Arbitrary order L2 elements in 3D on a cube |
L2_TriangleElement | Arbitrary order L2 elements in 2D on a triangle |
L2_TetrahedronElement | Arbitrary order L2 elements in 3D on a tetrahedron |
L2_WedgeElement | Arbitrary order L2 elements in 3D on a wedge |
ND_HexahedronElement | Arbitrary order Nedelec elements in 3D on a cube |
ND_QuadrilateralElement | Arbitrary order Nedelec elements in 2D on a square |
ND_TetrahedronElement | Arbitrary order Nedelec elements in 3D on a tetrahedron |
ND_TriangleElement | Arbitrary order Nedelec elements in 2D on a triangle |
ND_SegmentElement | Arbitrary order Nedelec elements in 1D on a segment |
ND_WedgeElement | |
ND_R1D_PointElement | A 0D Nedelec finite element for the boundary of a 1D domain |
ND_R1D_SegmentElement | Arbitrary order, three component, Nedelec elements in 1D on a segment |
ND_R2D_SegmentElement | |
ND_R2D_FiniteElement | |
ND_R2D_TriangleElement | Arbitrary order Nedelec 3D elements in 2D on a triangle |
ND_R2D_QuadrilateralElement | Arbitrary order Nedelec 3D elements in 2D on a square |
NURBSFiniteElement | An arbitrary order and dimension NURBS element |
NURBS1DFiniteElement | An arbitrary order 1D NURBS element on a segment |
NURBS2DFiniteElement | An arbitrary order 2D NURBS element on a square |
NURBS3DFiniteElement | An arbitrary order 3D NURBS element on a cube |
PositiveFiniteElement | Class for finite elements utilizing the always positive Bernstein basis |
PositiveTensorFiniteElement | |
BiQuadPos2DFiniteElement | |
QuadPos1DFiniteElement | A 1D quadratic positive element utilizing the 2nd order Bernstein basis |
H1Pos_SegmentElement | Arbitrary order H1 elements in 1D utilizing the Bernstein basis |
H1Pos_QuadrilateralElement | Arbitrary order H1 elements in 2D utilizing the Bernstein basis on a square |
H1Pos_HexahedronElement | Arbitrary order H1 elements in 3D utilizing the Bernstein basis on a cube |
H1Pos_TriangleElement | Arbitrary order H1 elements in 2D utilizing the Bernstein basis on a triangle |
H1Pos_TetrahedronElement | |
H1Pos_WedgeElement | Arbitrary order H1 elements in 3D utilizing the Bernstein basis on a wedge |
L2Pos_SegmentElement | Arbitrary order L2 elements in 1D utilizing the Bernstein basis on a segment |
L2Pos_QuadrilateralElement | Arbitrary order L2 elements in 2D utilizing the Bernstein basis on a square |
L2Pos_HexahedronElement | Arbitrary order L2 elements in 3D utilizing the Bernstein basis on a cube |
L2Pos_TriangleElement | Arbitrary order L2 elements in 2D utilizing the Bernstein basis on a triangle |
L2Pos_TetrahedronElement | |
L2Pos_WedgeElement | Arbitrary order L2 elements in 3D utilizing the Bernstein basis on a wedge |
RT_QuadrilateralElement | Arbitrary order Raviart-Thomas elements in 2D on a square |
RT_HexahedronElement | Arbitrary order Raviart-Thomas elements in 3D on a cube |
RT_TriangleElement | Arbitrary order Raviart-Thomas elements in 2D on a triangle |
RT_TetrahedronElement | Arbitrary order Raviart-Thomas elements in 3D on a tetrahedron |
RT_WedgeElement | |
RT_R1D_SegmentElement | Arbitrary order, three component, Raviart-Thomas elements in 1D on a segment |
RT_R2D_SegmentElement | |
RT_R2D_FiniteElement | |
RT_R2D_TriangleElement | Arbitrary order Raviart-Thomas 3D elements in 2D on a triangle |
RT_R2D_QuadrilateralElement | Arbitrary order Raviart-Thomas 3D elements in 2D on a square |
H1Ser_QuadrilateralElement | Arbitrary order H1 serendipity elements in 2D on a quad |
BaseQFunction | Base class for representing function at integration points |
QLinearDiffusion | |
ParametricLinearDiffusion | |
DiffusionObjIntegrator | |
ParametricBNLFormIntegrator | |
ParametricBNLForm | A class representing a general parametric block nonlinear operator defined on the Cartesian product of multiple FiniteElementSpaces |
ParParametricBNLForm | A class representing a general parametric parallel block nonlinear operator defined on the Cartesian product of multiple ParFiniteElementSpaces |
VectorFuncAutoDiff | |
QVectorFuncAutoDiff | |
QFunctionAutoDiff | |
MyResidualFunctor | |
MyEnergyFunctor | |
pLaplaceAD | |
pLaplace | |
pLaplaceSL | |
TAutoDiffDenseMatrix | Templated dense matrix data type |
TAutoDiffVector | Templated vector data type |
DistanceSolver | |
HeatDistanceSolver | |
PLapDistanceSolver | |
NormalizedGradCoefficient | |
PProductCoefficient | |
ScreenedPoisson | |
PUMPLaplacian | |
PDEFilter | |
AdvectionOper | |
Extrapolator | |
LevelSetNormalGradCoeff | |
GradComponentCoeff | |
NormalGradCoeff | |
NormalGradComponentCoeff | |
DiscreteUpwindLOSolver | |
ShiftedFaceMarker | |
ShiftedFunctionCoefficient | |
ShiftedVectorFunctionCoefficient | |
SBM2DirichletIntegrator | |
SBM2DirichletLFIntegrator | |
SBM2NeumannIntegrator | |
SBM2NeumannLFIntegrator | |
strict_fstream | |
detail | |
static_method_holder | |
Exception | Exception class thrown by failed operations |
ifstream | |
ofstream | |
fstream | |
zstr | |
detail | |
z_stream_wrapper | |
strict_fstream_holder | |
Exception | Exception class thrown by failed zlib operations |
istreambuf | |
ostreambuf | |
istream | |
ostream | |
ifstream | |
ofstream | |
Combo_Level_Set_Coefficient | Combination of level sets: +1 inside the true domain, -1 outside |
Dist_Level_Set_Coefficient | Level set coefficient: +1 inside the true domain, -1 outside |
Dist_Vector_Coefficient | Distance vector to the zero level-set |
DomainIntegrator | |
FaceIntegrator | |
FE_Evolution | |
HessianCoefficient | |
HRHessianCoefficient | |
RiemannSolver |