Classes
-
namespace Rodin The Rodin library for Shape and Topology Optimization.
-
namespace Assembly Module for performing the assembly of linear algebra objects from variational expressions.
- class AssemblyBase<OperatorType, Variational::BilinearForm<Solution, TrialFES, TestFES, OperatorType>> Base class for bilinear form assembly operations.
- class AssemblyBase<VectorType, Variational::LinearForm<FES, VectorType>> Base class for linear form assembly operations.
- class OpenMP<::Mat, Variational::BilinearForm<Solution, TrialFES, TestFES, ::Mat>> final OpenMP assembly for PETSc Mat (bilinear form)
- class OpenMP<::Vec, Variational::LinearForm<FES, ::Vec>> final OpenMP assembly for PETSc Vec (linear form)
- class OpenMP<Math::SparseMatrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>, Variational::BilinearForm<Solution, TrialFES, TestFES, Math::SparseMatrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>>> final OpenMP assembly of the Math::
SparseMatrix associated to a BilinearFormBase object. - class OpenMP<Math::Vector<typename FormLanguage::Traits<FES>::ScalarType>, Variational::LinearForm<FES, Math::Vector<typename FormLanguage::Traits<FES>::ScalarType>>> OpenMP assembly of the Math::
Vector associated to a LinearForm object. - class OpenMP<std::vector<Eigen::Triplet<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>>, Variational::BilinearForm<Solution, TrialFES, TestFES, std::vector<Eigen::Triplet<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>>>> final OpenMP-based parallel assembly for bilinear forms.
- class OpenMPIteration<Geometry::Mesh<Context::Local>> OpenMP-based parallel mesh iteration for multi-threaded assembly.
- class Sequential<Math::Matrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>, Variational::BilinearForm<Solution, TrialFES, TestFES, Math::Matrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>>> final Sequential assembly of the Math::
SparseMatrix associated to a BilinearFormBase object. - class Sequential<Math::SparseMatrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>, Variational::BilinearForm<Solution, TrialFES, TestFES, Math::SparseMatrix<typename FormLanguage::Dot<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>>> final Sequential assembly of the Math::
SparseMatrix associated to a BilinearFormBase object. - class Sequential<Math::Vector<typename FormLanguage::Traits<FES>::ScalarType>, Variational::LinearForm<FES, Math::Vector<typename FormLanguage::Traits<FES>::ScalarType>>> final Sequential assembly implementation for linear forms.
- class SequentialIteration<Geometry::Mesh<Context::Local>> Sequential mesh iteration for single-threaded assembly.
- namespace Context Module for serial, multi-threaded, distributed, and/or parallel computation.
-
namespace External Third-party library integrations with Rodin.
- namespace MFEM MFEM integration with Rodin.
-
namespace MMG MMG integration with Rodin.
- class Advect Advection of a level set function by a velocity field.
- class Distancer<typename FormLanguage::Traits<RealGridFunction>::FESType> Class which generates the signed distance function of a domain.
- class Distancer<void> Distancer specialization for redistancing a level set function.
- class ImplicitDomainMesher Class to perform the discretization and optimization of a surface implicitly defined by a level set function.
- class Mesh Mesh class which has support for MMG functionalities.
- class MeshPrinter Class used to print objects of type MMG::
Mesh. - class MMG5 Class representing MMG5 objects utilized in the MMG framework.
- struct NoSplitT Empty class tag to specify that a material reference should not be splitted.
- class Optimizer Improves the mesh quality, mantaining the mean edge lenghts of the mesh.
- struct Split Class to specify the interior and exterior material references.
-
namespace FormLanguage Module for writing high level abstract expressions.
- class Base Base class for all objects in Rodin's FormLanguage system.
- struct Traits<Variational::Potential<LHS, Variational::FunctionBase<RHSDerived>>> Traits for Potential.
- struct Traits<Variational::Potential<LHS, Variational::ShapeFunctionBase<Variational::ShapeFunction<RHSDerived, FES, Space>>>> Traits for Potential.
-
namespace Geometry Module for dealing with geometries.
- namespace Euclidean Module for dealing with Euclidean geometries.
- class Cell Class for representing polytopes of the highest dimension in the mesh, i.e. tetrahedra in 3D, triangles in 2D or lines in 1D.
- class CellIterator Represents an iterator over a set of cells of a mesh.
- class Connectivity<Context::Local> final Represents the set of incidence relations of a Mesh.
- class Face Class for representing elements of codimension 1 in the mesh, i.e. triangles in 3D or lines in 2D.
- class FaceIterator Represents an iterator over a set of faces of a mesh.
- class GeometryIndexed Container that maps polytope types to associated data.
- class IdentityTransformation final Polytope Identity transformation.
- class IsoparametricTransformation Polytope isoparametric transformation.
- class Mesh Represents a polyhedral complex.
-
class Mesh<Context::Local> Represents the subdivision of some domain into faces of (possibly) different geometries.
- class Builder Class used to build Mesh<Context::
Local> instances.
- class Builder Class used to build Mesh<Context::
- class MeshBase Abstract base class for all mesh implementations.
- class Point final Represents a spatial point on a discrete mesh.
- class PointBase Base class for spatial points on a discrete mesh.
- class Polytope Base class for all geometric elements in finite element meshes.
- class PolytopeIterator Represents an iterator over a set of polytopes of a mesh.
- class PolytopeTransformation Represents the transformation function of a simplex, taking reference coordinates to physical coordinates.
- class Sharder<Context::MPI> Utility for distributing a global mesh across MPI ranks by splitting into per-rank shards, scattering them from a root, and gathering the local mesh on each rank.
- class SubMesh Represents a subset of a Mesh.
-
class SubMesh<Context::Local> final A SubMesh object represents a subregion of a Mesh object.
- class Builder Class used to build SubMesh<Context::
Local> instances.
- class Builder Class used to build SubMesh<Context::
- class Vertex Represents a vertex of the mesh.
- class VertexIterator Represents an iterator over a set of vertices of a mesh.
-
namespace IO Module for dealing with I/O functionality.
- class MeshLoader<IO::FileFormat::MEDIT, Context::Local> Specialization for loading Sequential meshes in the MEDIT file format.
- class MeshLoaderBase Base class for mesh loader objects.
-
namespace Math Module for general mathematical operations.
- class LinearSystem Represents a linear system of equations.
- class LinearSystem<Math::Matrix<MatrixScalar>, Math::Vector<VectorScalar>> Linear system specialization for dense matrices.
- class LinearSystem<Math::SparseMatrix<MatrixScalar>, Math::Vector<VectorScalar>> Linear system specialization for sparse matrices.
- class LinearSystemBase Base class for linear systems of the form .
- class Rad Represents an angle in radians.
- class Unit Base class for units.
-
namespace Models Module which provides implementation of various variational models.
- namespace Advection Module which provides models for the resolution of unsteady advection equations.
-
namespace Distance Module which provides models for computation of the distance function.
- class FMM Poisson approximation to the distance function.
- class Poisson Poisson approximation to the distance function.
- class Rvachev Rvachev normalization for a level set function. [9] [8].
- class SignedPoisson Poisson approximation to the signed distance function.
- class SpaldingTucker Spalding-Tucker normalization for a level set function. [2] [10], [11].
-
namespace Hilbert Module which provides models and tools for the Hilbertian extension-regularization procedure.
- class H1a Hilbertian extension-regularization procedure with a regularization length-scale parameter.
-
namespace Plot Module for visualization tools.
-
namespace Artist Module for Rodin::
Plot artists. -
namespace Backend Module for the Rodin::
Plot backend. -
namespace Bases Contains base backend functionality.
- class BaseArtist2D Base class for artists in 2D.
- class BaseDrawable2D Base class for drawables.
- class BaseFigure Base class for figures.
- namespace Event Contains backend event functionality.
- namespace Renderer Contains backend renderer functionality.
-
namespace Bases Contains base backend functionality.
- namespace GUI Contains GUI functionality.
- class Configuration Represents the configuration parameters to use for plotting.
- class Plot Main plotting interface for finite element visualization.
-
namespace Artist Module for Rodin::
-
namespace QF Module for defining quadrature formulae.
- class GaussLegendre final Gauss–Legendre quadrature formula on reference polytopes.
- class GenericPolytopeQuadrature Quadrature on a polytope with any of Rodin's supported geometries.
- class GrundmannMoller Grundmann-Möller Simplex Quadrature.
- class QF1P1 final Single-point quadrature formula with degree of exactness 1.
- class QF2P1 final Quadrature formula with degree of exactness 1 and 2 points.
- class QuadratureFormulaBase Abstract base class for quadrature formulas.
-
namespace Solver Module for linear algebra systems.
- class BiCGSTAB<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
SparseMatrix and Math:: Vector. - class CG Conjugate gradient solver for self-adjoint problems.
- class CG<Math::LinearSystem<Math::Matrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
Matrix and Math:: Vector. - class CG<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
SparseMatrix and Math:: Vector. - class CG<PETSc::Math::LinearSystem> final Conjugate gradient solver for self-adjoint problems, for use with PETSc::Matrix and PETSc::Vector.
- class DGMRES<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> DGMRES for use with Math::
SparseMatrix and Math:: Vector. - class EigenSolver Wrapper class for any Eigen sparse solver.
- class GMRES<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> GMRES for use with Math::
SparseMatrix and Math:: Vector. - class HouseholderQR Robust Cholesky decomposition of a dense matrix with pivoting.
- class HouseholderQR<Math::LinearSystem<Math::Matrix<Scalar>, Math::Vector<Scalar>>> final A direct sparse HouseholderQR Cholesky factorizations without square root for use with Math::
SparseMatrix and Math:: Vector. - class IDRSTABL<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> IDRSTABL for use with Math::
SparseMatrix and Math:: Vector. - class KSP PETSc KSP (Krylov) linear solver wrapper.
- class LDLT Robust Cholesky decomposition of a dense matrix with pivoting.
- class LDLT<Math::LinearSystem<Math::Matrix<Scalar>, Math::Vector<Scalar>>> final A direct sparse LDLT Cholesky factorizations without square root for use with Math::
SparseMatrix<Real> and Math:: Vector<Real>. - class LeastSquaresCG<Math::LinearSystem<Math::Matrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
SparseMatrix<Real> and Math:: Vector<Real>. - class LeastSquaresCG<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
SparseMatrix and Math:: Vector. - class SimplicialLDLT Direct sparse LDLT Cholesky factorizations without square root.
- class SimplicialLDLT<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final A direct sparse LDLT Cholesky factorizations without square root for use with Math::
SparseMatrix<Real> and Math:: Vector<Real>. - class SimplicialLLT Direct sparse LLT Cholesky factorizations.
- class SimplicialLLT<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final A direct sparse LLT Cholesky factorizations for use with Math::
SparseMatrix<Real> and Math:: Vector<Real>. - class SolverBase Abstract base class for linear algebra solvers.
- class SparseLU Sparse supernodal LU factorization for general matrices.
- class SparseLU<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Sparse supernodal LU factorization for general matrices for use with Math::
SparseMatrix<Real> and Math:: Vector<Real>. - class SparseQR Sparse left-looking QR factorization with numerical column pivoting.
- class SparseQR<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Sparse left-looking QR factorization with numerical column pivoting for use with Math::
SparseMatrix and Math:: Vector.
- class BiCGSTAB<Math::LinearSystem<Math::SparseMatrix<Scalar>, Math::Vector<Scalar>>> final Conjugate gradient solver for self-adjoint problems, for use with Math::
- namespace Test Module containing various utilities and classes for writing tests.
-
namespace Tests Tests of the Rodin library
- namespace Benchmarks Performance benchmarks.
-
namespace Manufactured Manufactured solution test cases
- namespace Conductivity Manufactured solutions for the conductivity problem using P1 spaces.
- namespace Darcy Manufactured solution for the Darcy problem using P1 spaces.
- namespace DivPoisson Manufactured solutions for the divergence Poisson problem using P1 vector spaces.
- namespace LinearElasticity Manufactured solutions for the linear elasticity problem.
- namespace Poisson Manufactured solutions for the Poisson problem.
- namespace ReactionDiffusion Manufactured solutions for a coupled system of two reaction–diffusion equations.
- namespace Unit Unitary tests.
-
namespace Threads Module containing various tools for working with threads.
- class Mutable A thread-safe mutable wrapper for a resource.
- class Shared A thread-safe wrapper for shared resources.
- class Unsafe A wrapper that manages unsafe access to a resource.
- class UnsafeAccessException Exception thrown when unsafe concurrent access is detected.
- namespace Traits Module containing metaprogramming facilities.
-
namespace Utility Module containing general purpose and language support utility classes.
- struct Extract Template metafunction for extracting types from tuple structures.
- struct Extract<Tuple<T, Ts...>> Specialization of Extract for Tuple types.
- struct Make Factory template for perfect forwarding construction.
- struct Overloaded Helper type for creating overloaded function objects from lambdas.
- class ParameterPack Template metaprogramming utilities for parameter packs.
- struct Product Metafunction to compute the Cartesian product of two Tuple type-lists.
- struct Product<Tuple<H>, Tuple<Gs...>> Tuple has exactly one element.
- struct Product<Tuple<H1, H2, Hs...>, Tuple<Gs...>> Tuple has at least two elements (H1, H2, Hs…).
-
namespace Variational Module which provides the necessary tools for constructing variational problems.
- namespace F Contains built-in functions.
- class Abs Represents the absolute value of a value.
- class AND Represents the logical AND expression.
- class AND<BooleanFunctionBase<LHSDerived>, BooleanFunctionBase<RHSDerived>> final Logical AND operator between two instances of BooleanFunctionBase.
- class BilinearForm Represents a bilinear form on a trial and test space.
- class BilinearForm<Solution, TrialFES, TestFES, Math::SparseMatrix<Scalar>> final Speciallization of BilinearForm for a matrix type.
- class BilinearFormBase Base class for bilinear form representations.
- class BilinearFormIntegratorBase Abstract base class for bilinear form integrators.
- class BooleanFunction
- class BooleanFunctionBase Base class for objects representing boolean functions.
- class BoundaryIntegral Represents expressions of the integral operator on the boundary of a domain.
- class BoundaryIntegral<Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>>> final Integration of the dot product of a trial and test operators.
- class BoundaryIntegral<ShapeFunctionBase<NestedDerived, FES, TestSpace>> final Integration of a test operator.
- class BoundaryNormal final Outward unit normal.
- class ComplexFunction
- class ComplexFunction<Complex> final Represents a constant scalar function with type Complex.
- class ComplexFunction<F> final Represents a scalar function given by an arbitrary scalar function.
- class ComplexFunctionBase Base class for scalar-valued functions defined on a mesh.
- class Component<FunctionBase<OperandDerived>, size_t> final Represents the component (or entry) of a vectorial FunctionBase instance.
- class Component<GridFunction<FES, Data>> final Represents the component (or entry) of a vectorial GridFunction.
- class Component<ShapeFunctionBase<OperandDerived, FES, Space>> final Represents the component (or entry) of a vectorial ShapeFunction.
- class Composition
- class Cos Represents the cosine function.
- class DenseProblem<LinearSystem, U, V> General class to assemble linear systems with
Math::
andMatrix Math::
types in a serial context.Vector - class Derivative<GridFunction<P1<Range, Mesh>, Data>> final Derivative of a P1 GridFunction.
- class DerivativeBase Base class for Grad classes.
- class DirichletBC
- class DirichletBC<TrialFunction<Solution, FES>, FunctionBase<ValueDerived>> final Represents a Dirichlet boundary condition on a ShapeFunction object.
- class DirichletBCBase Abstract base class for a Dirichlet boundary condition.
- class Div Represents the divergence of a vector valued function.
- class Div<GridFunction<P1<Math::Vector<Scalar>, Mesh>, Data>> final Divient of a P1 GridFunction.
- class DivBase Base class for Div classes.
- class DivBase<GridFunction<FES, Data>, Derived> Divergence of a P1 GridFunction.
- class Division Represents the division operation.
- class Division<FunctionBase<LHSDerived>, FunctionBase<RHSDerived>> Division of a FunctionBase by a FunctionBase.
- class Dot Represents the dot product between two objects.
- class Dot<FunctionBase<LHSDerived>, ShapeFunctionBase<RHSDerived, FES, Space>> final Dot product between a FunctionBase and a ShapeFunctionBase.
- class Dot<ShapeFunctionBase<LHSDerived, FES, Space>, FunctionBase<RHSDerived>> final Dot product between a FunctionBase and a ShapeFunctionBase.
- class Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>> final Represents the dot product of trial and test operators.
- class EQ
- class EQ<FunctionBase<LHSDerived>, FunctionBase<RHSDerived>> final Logical EQ operator between two instances of FunctionBase.
- class FaceIntegral Represents expressions of the integral operator on the faces of a mesh.
- class FaceIntegral<Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>>> final Integration of the dot product of a trial and test operators.
- class FaceIntegral<ShapeFunctionBase<NestedDerived, FES, TestSpace>> final Integration of a test operator.
- class FaceNormal Outward unit normal on a face.
- class FiniteElementBase Base class for finite elements.
- class FiniteElementSpace Represernts a finite element space.
- class FiniteElementSpace<Geometry::Mesh<Context::MPI>, Derived> Represernts a finite element space.
-
class FiniteElementSpaceBase Base class for finite element spaces.
- struct LocalIndex Local degree of freedom indexing structure.
- class FiniteElementSpaceInverseMappingBase Base class for inverse mappings taking functions defined on to reference elements.
- class FiniteElementSpaceMappingBase Base class for mappings taking functions defined on mesh elements to reference elements.
- class Frobenius Represents the Frobenius norm.
- class FunctionBase Base class for function objects which can be evaluated over a mesh.
- class FunctionBaseCopy
- class GEQ
- class Grad Represents the gradient of a scalar function .
- class Grad<GridFunction<P0<Range, Mesh>, Data>> final Gradient of a P0 GridFunction.
- class Grad<ShapeFunction<NestedDerived, P0<Range, Mesh>, SpaceType>> final Gradient of a P0 ShapeFunction.
- class Grad<ShapeFunction<NestedDerived, P1<Scalar, Mesh>, SpaceType>> final Gradient of a ShapeFunction.
- class GradBase Base class for Grad classes.
- class GridFunction Represents a grid function belonging to some finite element space.
- class GridFunctionBase Base class for grid function objects.
- class GridFunctionBaseReference Base class for discrete finite element functions.
- class GT
- class IdentityMatrix Represents the identity matrix function.
- class IntegerFunction
- class IntegerFunctionBase Base class for objects representing integer functions.
- class Integral Represents mathematical expressions of the integral operator on a domain.
- class Integral<Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>>> final Integration of the dot product of a trial and test operators.
- class Integral<GridFunction<FES, Data>> final Integration of a GridFunction object.
- class Integral<ShapeFunctionBase<NestedDerived, FES, TestSpace>> final Integration of a test operator.
- class InterfaceIntegral Represents expressions of the integral operator on the interface of a domain.
- class InterfaceIntegral<Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>>> final Integration of the dot product of a trial and test operators.
- class InterfaceIntegral<ShapeFunctionBase<NestedDerived, FES, TestSpace>> final Integration of a test operator.
- class Jacobian Represents the Jacobian matrix of a type.
- class Jacobian<GridFunction<P1<Range, Mesh>, Data>> final Jacobian of an P1 GridFunction object.
- class Jacobian<ShapeFunction<ShapeFunctionDerived, P1<Range, Mesh>, Space>> final Jacobian of an P1 ShapeFunction object.
- class JacobianBase Base class for Jacobian classes.
- class JacobianBase<GridFunction<FES, Data>, Derived> Jacobian of a P1 GridFunction.
- class L2 Arbitrary order broken Sobolev space.
- class LEQ
- class LinearForm Represents a linear form on some finite element space.
- class LinearForm<FES, Math::Vector<typename FormLanguage::Traits<FES>::ScalarType>> final Represents a linear form defined over some finite element space.
- class LinearFormBase Base class for linear form objects.
- class LinearFormIntegratorBase Base class for linear form integrators.
- class LT
- class MatrixFunction
- class MatrixFunctionBase Base class for matrix-valued functions defined on a mesh.
- class Min<FunctionBase<LHSDerived>, FunctionBase<RHSDerived>> final Represents the minimum between two arguments.
- class Mult Represents the multiplication operation.
- class Mult<FunctionBase<LHSDerived>, FunctionBase<RHSDerived>> final Multiplication of two FunctionBase instances.
- class Mult<FunctionBase<LHSDerived>, ShapeFunctionBase<RHSDerived, FES, Space>> final Left Multiplication of a ShapeFunctionBase by a FunctionBase.
- class Mult<ShapeFunctionBase<LHSDerived, FES, Space>, FunctionBase<RHSDerived>> final Right multiplication of a ShapeFunctionBase by a FunctionBase.
- class NEQ
- class OR
- class OR<BooleanFunctionBase<LHSDerived>, BooleanFunctionBase<RHSDerived>> final Logical OR operator between two instances of BooleanFunctionBase.
- class P0 Degree 0 Lagrange finite element space.
- class P0<Real, Geometry::Mesh<Context::Local>> final Real valued Lagrange finite element space.
-
class P0Element Degree 0 Lagrange element.
- class BasisFunction Represents a basis function of a P0 scalar element.
- class LinearForm Represents a linear form of a P0 scalar element.
- class P0Element<Math::Vector<Scalar>> final Degree 1 vector Lagrange element.
- class P1 Degree 1 Lagrange finite element space.
- class P1<Math::Vector<Scalar>, Geometry::Mesh<Context::Local>> final Vector valued Lagrange finite element space.
-
class P1<Scalar, Geometry::Mesh<Context::Local>> Real valued Lagrange finite element space.
- class InverseMapping Inverse mapping for the scalar/complex P1 space.
- class Mapping Mapping for the scalar/complex P1 space.
-
class P1Element Degree 1 Lagrange element.
- class BasisFunction Represents a basis function of a P1 scalar element.
- class LinearForm Represents a linear form of a P1 scalar element.
- class P1Element<Math::Vector<Scalar>> final Degree 1 vector Lagrange element.
- class PeriodicBC<TrialFunction<Solution, FES>, IndexMap<IndexSet>> final Represents a Peridodic boundary condition on a ShapeFunction object.
- class PeriodicBCBase Abstract base class for a periodic boundary condition.
- class PkElement Degree k Lagrange element.
- class Potential<LHS, ShapeFunctionBase<ShapeFunction<RHSDerived, FES, SpaceType>, FES, SpaceType>> final
- class Pow Represents the power function.
- class Pow<FunctionBase<BaseDerived>, Number> final Represents the power function.
- class Problem Represents a variational problem.
- class ProblemBase Base class for variational problem objects.
- class ProblemBodyBase Represents the body of a variational problem.
- class ProblemUVBase General class to assemble linear systems with
Operator
andVector
generic types in a sequential context. - class QuadratureRule
- class QuadratureRule<Dot<ShapeFunctionBase<Grad<ShapeFunction<LHSDerived, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>, ShapeFunctionBase<Grad<ShapeFunction<RHSDerived, P1<RHSRange, RHSMesh>, TestSpace>>, P1<RHSRange, RHSMesh>, TestSpace>>> Integration of the isotropic Dot product of two instances of the P1 Grad of ShapeFunction.
- class QuadratureRule<Dot<ShapeFunctionBase<Jacobian<ShapeFunction<LHSDerived, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>, ShapeFunctionBase<Jacobian<ShapeFunction<RHSDerived, P1<RHSRange, RHSMesh>, TestSpace>>, P1<RHSRange, RHSMesh>, TestSpace>>> Integration of the isotropic Frobenius inner product two instances of the P1 Jacobian of ShapeFunction.
- class QuadratureRule<Dot<ShapeFunctionBase<LHSDerived, TrialFES, TrialSpace>, ShapeFunctionBase<RHSDerived, TestFES, TestSpace>>> Approximation of the integral of the the dot product between a trial shape function and a test shape function.
- class QuadratureRule<Dot<ShapeFunctionBase<Mult<FunctionBase<CoefficientDerived>, ShapeFunctionBase<Grad<ShapeFunction<LHSDerived, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>, ShapeFunctionBase<Grad<ShapeFunction<RHSDerived, P1<RHSRange, RHSMesh>, TestSpace>>, P1<RHSRange, RHSMesh>, TestSpace>>> Integration of the anisotropic Dot product of two instances of the P1 Grad of ShapeFunction.
- class QuadratureRule<Dot<ShapeFunctionBase<Mult<FunctionBase<CoefficientDerived>, ShapeFunctionBase<Jacobian<ShapeFunction<LHSDerived, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>, ShapeFunctionBase<Jacobian<ShapeFunction<RHSDerived, P1<RHSRange, RHSMesh>, TestSpace>>, P1<RHSRange, RHSMesh>, TestSpace>>> Integration of the anisotropic Frobenius inner product two instances of the P1 Jacobian of ShapeFunction.
- class QuadratureRule<Dot<ShapeFunctionBase<Mult<FunctionBase<CoefficientDerived>, ShapeFunctionBase<ShapeFunction<LHSDerived, P1<LHSRange, LHSMesh>, TrialSpace>, P1<LHSRange, LHSMesh>, TrialSpace>>, P1<LHSRange, LHSMesh>, TrialSpace>, ShapeFunctionBase<ShapeFunction<RHSDerived, P1<RHSRange, RHSMesh>, TestSpace>, P1<RHSRange, RHSMesh>, TestSpace>>> Integration of the anisotropic Dot product of two instances of the P1 ShapeFunction.
- class QuadratureRule<FunctionBase<FunctionDerived>> final Quadrature rule on polytope for any function defined on the mesh.
- class QuadratureRule<GridFunction<FES, Data>> Integration of a GridFunction object.
- class QuadratureRule<ShapeFunctionBase<Dot<FunctionBase<LHSDerived>, ShapeFunctionBase<ShapeFunction<RHSDerived, P1<Range, Mesh>, TestSpace>, P1<Range, Mesh>, TestSpace>>, P1<Range, Mesh>, TestSpace>> Integration of the Dot product of some coefficient function and a P1 ShapeFunction.
- class QuadratureRule<ShapeFunctionBase<NestedDerived, FES, TestSpace>> Approximation of the integral of a test shape function.
- class QuadratureRule<ShapeFunctionBase<ShapeFunction<NestedDerived, P1<Range, Mesh>, TestSpace>, P1<Range, Mesh>, TestSpace>> Integration of a P1 ShapeFunction.
- class RealFunction
- class RealFunction<F> final Represents a scalar function given by an arbitrary scalar function.
- class RealFunction<Real> final Represents a constant scalar function with type Real.
- class RealFunctionBase Base class for real-valued functions defined on a mesh.
- class ShapeFunction ShapeFunction.
- class ShapeFunctionBase Base class for shape function objects.
- class SparseProblem<TrialFES, TestFES, Math::Matrix<typename FormLanguage::Mult<typename FormLanguage::Traits<TrialFES>::ScalarType, typename FormLanguage::Traits<TestFES>::ScalarType>::Type>, Math::Vector<typename FormLanguage::Traits<TestFES>::ScalarType>> General class to assemble linear systems with
Math::
andSparseMatrix Math::
types in a serial context.Vector - class Sum Represents the sum operation.
- class Tan Represents the tangent function.
- class TestFunction Represents a function which belongs to a test space.
- class Trace Represents the trace of a matrix function.
- class Trace<FunctionBase<NestedDerived>> final Trace of a FunctionBase instance.
- class TraceOperator<FunctionBase> Trace operator.
- class Transpose Represents the transpose matrix of some matrix .
- class Transpose<FunctionBase<NestedDerived>> final Transpose of a FunctionBase object.
- class Transpose<ShapeFunctionBase<NestedDerived, FES, Space>> final Transpose of a ShapeFunctionBase object.
- class TrialFunction Represents a function which belongs to a trial space.
- class UnaryMinus Represent the negation of an operand.
- class VectorFunction
- class VectorFunction<V, Values...> final Represents a vector function which may be constructed from values which can be converted to objects of type RealFunction.
- class VectorFunctionBase Base class for vector-valued functions defined on a mesh.
- class Cast Template class for type casting operations.
- class Copyable Abstract base class for objects that can be copied.
- struct IndexArrayEquality Functor for comparing two index arrays for equality.
- struct IndexArrayHash Functor for computing a hash value for an index array.
- struct IndexArraySymmetricEquality Functor for comparing two index arrays for symmetric equality.
- struct IndexArraySymmetricHash Functor for computing a symmetric hash value for an index array.
- struct IndexSetEquality Functor for comparing two IndexSet objects for equality.
- struct IndexSetHash Functor for computing a hash value for an IndexSet.
- class Moveable Abstract base class for objects that can be moved.
- class Pair A Pair class representing a tuple with two elements.
- class Tuple<T, Ts...> A tuple class that extends std::tuple with additional functionality.
- class Tuple<> Specialization of Tuple for an empty parameter pack.
-
namespace Assembly Module for performing the assembly of linear algebra objects from variational expressions.