CKaskade::FunctionViews::AbsSquare< Function > | |
►CKaskade::AbstractAdaptiveGrid | Representation of an adaptive grid and a simple set of operations thereon |
CKaskade::Bridge::AdaptiveGrid< GridManager, Estimate > | Implements AbstractAdaptiveGrid, uses a bulk criterion as a marking strategy |
►CAbstractChart | |
CPWDampingChart< Functional, DomainElement, Implementation > | |
►CKaskade::AbstractChart | |
CKaskade::IdentityChart | |
CKaskade::PrimalChart | |
CKaskade::AbstractCompositeStepErrorEstimator | Representation of an error estimator |
CKaskade::AbstractErrorEstimate | Representation of an error estimate, i.e. the output of an error estimator |
►CKaskade::AbstractErrorEstimator | Representation of an error estimator |
CKaskade::Bridge::ErrorEstimator< Implementation > | Bridge class for an error estimator, implements AbstractErrorEstimator |
►CKaskade::AbstractFlushConnection | Abstract connection |
CKaskade::AbstractConnectedLinearization | |
►CKaskade::Bridge::ConnectedLinearization< Linearization > | |
CKaskade::Bridge::NormalStepLinearization< Functional, stateId, adjointId > | |
CKaskade::Bridge::TangentialStepLinearization< Functional, stateId, adjointId > | |
►CKaskade::AbstractFunctional | Representation of a nonlinear functional |
►CKaskade::Bridge::Functional< FunctionalImpl, typename FunctionalImpl::AnsatzVars::VariableSet, typename FunctionalImpl::AnsatzVars::VariableSet > | |
CKaskade::Bridge::KaskadeNormalStepFunctional< FunctionalImpl, DomainImpl, ImageImpl > | Bridge class for Functionals. Its most prominent task is to create linearizations, implements AbstractFunctional |
CKaskade::Bridge::KaskadeTangentialStepFunctional< FunctionalImpl, DomainImpl, ImageImpl > | Bridge class for Functionals. Its most prominent task is to create linearizations, implements AbstractFunctional |
CKaskade::Bridge::Functional< FunctionalImpl, DomainImpl, ImageImpl > | Object that represents the linearization of a nonlinear functional, implements AbstractLineariztion |
►CKaskade::AbstractFunctionSpaceElement | Abstract Vector for function space algorithms |
CKaskade::Bridge::Vector< Implementation > | Mathematical Vector that supports copy-on-write, implements AbstractFunctionSpaceElement |
►CKaskade::AbstractHierarchicalErrorEstimator | |
►CKaskade::ErrorEstimatorBase< VariableSetDescription, ErrorDistribution< NormFunctional, ExtensionVariableSetDescription >::AnsatzVars::VariableSet, ExtensionSpace, Adaptivity::ErrorEquilibration > | |
CKaskade::YetAnotherHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, RefinementStrategy, lump, components, ReferenceSolution, ReferenceOperator > | |
CKaskade::YetAnotherHBErrorEstimator_Elasticity< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, RefinementStrategy, lump, components > | |
CKaskade::AdjointEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::AdjointEquationLinearPropagationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLU, RefinementStrategy > | |
CKaskade::AnotherHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverHU, LinearSolverLU, RefinementStrategy, lump > | |
CKaskade::ErrorEstimatorBase< VariableSetDescription, ErrorRepresentation, ExtensionSpace, RefinementStrategy > | |
CKaskade::GoalOrientedErrorEstimator< TemplateFunctional, OriginalVariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace > | |
CKaskade::HierarchicalBasisErrorEstimator< Functional, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, AdjustRHS > | |
CKaskade::HierarchicalBasisErrorEstimator2< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLM, LinearSolverHM, lumpM, RefinementStrategy > | |
CKaskade::HierarchicalBasisErrorEstimator2< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLM, LinearSolverHM, lumpM, RefinementStrategy > | |
CKaskade::HierarchicalBasisErrorEstimator3< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLM, LinearSolverHM, lumpM, RefinementStrategy > | |
CKaskade::MartinsErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSystemSolver_H, LinearSystemSolver_L, LinearSolverA_H, LinearSolverA_L, RefinementStrategy > | |
CKaskade::StateEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::StupidHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::VariationalEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
►CKaskade::AbstractLinearization | Abstract linearization |
CKaskade::AbstractConnectedLinearization | |
CKaskade::Bridge::KaskadeLinearization< Functional > | Bridge::Linearization class that uses a VariationalFunctionalAssembler to create linear systems |
CKaskade::LagrangeLinearization | |
►CKaskade::AbstractNewtonDirection | Class that models the functionality of a (possibly inexact) linear solver |
►CKaskade::SimpleAdaptiveRefinement | Adaptive refinement algorithm |
CKaskade::FinalAdaptiveRefinement | Performs error estimation and creates error indicators, but does not refine. Good for testing error estimators |
CKaskade::FixedSolverWithErrorEstimate | Performs error estimation and creates error indicators, but does not refine. Good for testing error estimators |
►CKaskade::AbstractNorm | |
►CKaskade::AbstractScalarProduct | |
CKaskade::EnergyScalarProduct< X > | |
►CKaskade::AbstractNormalDirection | |
CKaskade::Bridge::PINVSolver< VectorImpl, InnerSolver > | |
CKaskade::DirectBlockSchurSolver< Factorization, VariableSet > | |
CKaskade::DirectNormalSolver< Assembler_, PrecondAssembler, Domain_, Range_, VariableSet, components > | |
CKaskade::PPCGAsNormalSolver< Assembler_, PrecondAssembler, Domain_, Range_, VariableSet, components > | |
CKaskade::PreconditionerAsNormalSolver< Operator, PrecondAssembler, PreconditionerFactory, VariableSet > | |
►CKaskade::AbstractParameterFunctional | Creates a functional from a homotopy of functionals by inserting a parameter |
CKaskade::Bridge::C1ParameterFunctional< Func, VectorImpl > | A functional that may depend on parameters, implements AbstractC1ParameterFunctional |
CKaskade::Bridge::ParameterFunctional< Func, VectorImpl > | A functional that may depend on parameters, implements AbstractParameterFunctional |
►CKaskade::AbstractParameters | Representation of parameters |
CKaskade::Parameters< ParameterType > | ...for parameter dependent functionals, implements AbstractParameters |
CKaskade::AbstractPreconditioner | |
►CKaskade::AbstractTangentialSpace | Class that models the functionality of a (possibly inexact) linear solver |
CKaskade::Bridge::ProjTCGSolver< VectorImpl, InnerSolver > | |
CKaskade::Bridge::TCGSolver< VectorImpl, InnerSolver > | |
CKaskade::ProjectedAPCGSolver< Assembler, Preconditioner, VariableSet, components, cgImpl > | |
CKaskade::ActiveStressModelBase< Derived, n, m > | Convenience base class for active stress generation models providing numerical differentiation |
►CKaskade::ActiveStressModelBase< XXstress, 1, 1 > | |
CKaskade::XXstress | Active stress generation from XX |
CKaskade::AdaptationCoarseningPolicy | Policy class for LocalTransfer These two structures are used for determining whether to perform a "normal" grid transfer (default, AdaptionCoarseningPolicy), or to calculate prolongation matrices for a FE function space based on a HierarchicIndexSet (see mgtools.hh) |
CKaskade::AdaptiveParameters | Parameters that are used by SimpleAdaptiveRefinement |
CKaskade::AdaptationStrategy_Detail::Add | |
CKaskade::AddToFunctionSpaceElement< FSE, CoeffVector, rbegin, rend > | |
CKaskade::AddToFunctionSpaceElement< FSE, CoeffVector, rbegin, rbegin > | |
CKaskade::Adjugate< dim, Source > | |
CKaskade::Adjugate< 2, Source > | |
CKaskade::Adjugate< 3, Source > | |
CKaskade::Adjugate< dim, Source > | |
CKaskade::AdvectedFunctionView< Function, Velocity > | A weak function view that defines an advected function |
►CKaskade::Algorithm | Base class for algorithms. Provides a unified interface and some simple wrapper routines, which perform optional timing, etc |
CKaskade::CompositeStep | |
►CKaskade::HomotopyBase | Base class for homotopy methods. Here, the main algorithm is programmed |
CKaskade::InteriorPointSimple | Very simple implementation of homotopy method: fixed stepsize |
CKaskade::InteriorPointSlopeEstimate | |
CKaskade::InteriorPointSqrtModel | InteriorPointMethod with a sqrt-model of the path: eta ~ mu^{-1/2}, omega ~mu^{-1/2} |
CKaskade::HypIP | |
►CKaskade::NewtonsMethod | Base class for Newton's method. Defines the main algorithm, potentially using damping |
CKaskade::DampedCovariantNewtonMethod | Damped Newton's method that measures the Newton contraction via a simplified Newton step |
CKaskade::StateConstraintsNewtonMethod | A Newton method that uses a pointwise damping strategy to cope with bounds |
CKaskade::Optimization | |
CKaskade::SimpleAdaptiveRefinement | Adaptive refinement algorithm |
CKaskade::TestErrorEstimator | |
CKaskade::PartitionedSpaceDetail::AllShapeFunctions | |
►CKaskade::ScalarSpaceDetail::AllShapeFunctions | |
►CKaskade::ContinuousLagrangeMapperImplementation< double, GV > | |
CKaskade::ContinuousLagrangeMapperSubdomainImplementation< GV, SupportOracle, double > | |
CKaskade::ContinuousLagrangeMapperSubdomainImplementation< GV, SupportOracle, ScalarType > | |
CKaskade::ContinuousHierarchicExtensionMapperImplementation< Scalar, GV, ShapeFunctionFilter > | |
CKaskade::ContinuousHierarchicMapperImplementation< Scalar, GV, ShapeFunctionFilter > | |
CKaskade::ContinuousLagrangeMapperImplementation< ScalarType, GV, ShapeFunctionFilter > | |
CAlphabet< UInt > | A simple alphabet of symbols with frequencies to be used with the range coder |
CKaskade::AlwaysRegularizeWithThetaGuess< POperator, Vector > | |
CDune::AmiraMeshWriter< GridView > | Provides file writing facilities in the AmiraMesh format |
►CDune::AmiraMeshWriter< GridType::LeafGridView > | |
CDune::LeafAmiraMeshWriter< GridType > | Provides file writing facilities in the AmiraMesh format for leaf grids |
CKaskade::MaterialAmiraMeshWriter< GridType > | |
►CDune::AmiraMeshWriter< GridType::LevelGridView > | |
CDune::LevelAmiraMeshWriter< GridType > | Provides file writing facilities in the AmiraMesh format for level grids |
CKaskade::AnsysMeshReader | Reader for Ansys *.inp grid files |
CKaskade::JacobiPreconditioner< AssembledGalerkinOperator< Assembler, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric > >::DiagonalFilter::apply< Block > | |
CKaskade::SchurPreconditionerDetail::ApplyDirectSolver< Domain, Range > | |
CKaskade::SchurPreconditionerDetail::ApplyDirectSolver< Domain_, Range_ > | |
CKaskade::SchurPreconditionerDetail::ApplyDirectSolver< typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Domain, typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Range > | |
CKaskade::AssembledGalerkinOperator< Assembler_, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric >::ApplyScaleAdd | |
CKaskade::ApproximateSchurComplement< Scalar_, Domain_, Range_, BlockK, BlockM, LinearSolver > | Approximation of the schur complement according to Pearson/Wathen '10 |
CKaskade::ApproximateSchurComplement2< Scalar_, BlockK, BlockM > | Approximation of the schur complement |
CKaskade::ApproximateSchurComplement< Scalar, Domain0, Range0, IstlInterfaceDetail::BlockInfo< 2, 3, 0, 1 >, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 >, SchurPreconditionerDetail::ApplyDirectSolver< typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Domain, typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Range > > | |
CKaskade::FunctionalBase< Type >::B2< row, col > | |
CParabolicEquation::B2< row, col > | |
CGeometricObject::Ball< Scalar, dim > | A ball |
CKaskade::Barrier< q, p > | Barrier<q,p> = sum_{i=p}^{q} Barrier<i,i> |
CKaskade::Barrier< 0, 0 > | Logarithmic Barrier functions |
CKaskade::Barrier< q, q > | Rational Barrier functions of order q/2+1 (gradient has rational order q/2+1) |
►CBase | |
CKaskade::PenaltyFunction< Base > | Sets a function to std::numeric_limits<double>::max() for negative arguments |
CKaskade::BasicGridElement< Real, dim_ > | |
►CKaskade::BasicGridElement< double, 2 > | |
CKaskade::Circle< Real_ > | |
CKaskade::Square< Real_ > | |
►CKaskade::BasicGridElement< double, 3 > | |
CKaskade::Cube< Real_ > | |
CKaskade::BDDC::BDDCSolver< Subdomain > | Balanced Domain Decomposition with Constraints preconditioner |
CKaskade::AdaptationStrategy_Detail::BiggerThanAbs | |
CBisectionPolicy< Cell, BoundingBox > | The default splitting policy |
CBisectionPolicy< Cell, LocalBoundingBoxType< Cell::Geometry::ctype, Cell::dimension > > | |
CKaskade::Elastomechanics::MaterialLaws::BlatzKo< dimension > | Blatz-Ko material law for rubber foams in terms of the shifted invariants \( i_1, i_2, i_3 \) of the doubled Green-Lagrange strain tensor \( 2E \) |
CBlockFilter | A block filter specifying which subblocks of a stiffness matrix or right hand side shall be assembled |
CKaskade::BlockLUFactorization< Factorization > | |
CKaskade::BlockSchurParameters | |
CKaskade::VariationalFunctionalAssembler< F, SparseIndex, BoundaryDetector, QuadRule >::BlockToSequence< DataOutIter > | |
CKaskade::VariationalFunctionalAssembler< F, SparseIndex, BoundaryDetector, QuadRule >::BlockToTriplet< IdxOutIter, DataOutIter > | |
CDune::BlockVector< B, A > | |
CDune::BlockVector< Dune::FieldVector > | |
CDune::BlockVector< Dune::FieldVector< double, 1 > > | |
CDune::BlockVector< Dune::FieldVector< Scalar, 1 > > | |
CDune::BlockVector< FieldVector< double, 1 > > | |
CDune::BlockVector< XEntry > | |
CKaskade::ErrorDistribution< Functional, ExtendedAnsatzVars >::BoundaryCache | |
CKaskade::LinearizationDifferenceAt< Functional_ >::BoundaryCache | |
CKaskade::QuadraticModel< Lin, simplified >::BoundaryCache | |
CKaskade::SemiImplicitEulerStep< PE >::BoundaryCache | |
CKaskade::SumFunctional< Fu1, Fu2 >::BoundaryCache | |
CVariationalFunctional::BoundaryCache | Evaluation of boundary conditions |
CKaskade::BoundaryDisplacementByInterpolation< GridView > | |
CKaskade::BoundaryEdge< Index, Vector > | A class storing a boundary edge consisting of two vertex indices and associated boundary curve tangents |
CKaskade::BoundaryFace< Grid, Face, Displacement, dimw > | A class for representing displaced/deformed boundary faces |
CKaskade::BoundaryInterpolationDisplacement< GridView > | The BoundaryInterpolationDisplacement class provides a Kaskade WeakFunctionView on the displacement from grid to actual domain boundary (which is computed by boundary interpolation) |
CKaskade::BoundaryJumpsTimesTestFunction< LocalInd, Evaluators, RT, TestFunctions, Cache, BoundaryCache > | |
CKaskade::BoundaryLocator< GridView, Function, dimw > | |
CKaskade::BoundaryStar< Index, ctype, dim > | A class storing all the corners (vertex-boundaryface incidences) at a boundary vertex |
CKaskade::BoundaryTangents< dim, Index, ctype > | A class providing information about domain boundary tangent vectors |
CGeometricObject::BoundingBox< Scalar, dimension > | A bounding box |
►CGeometricObject::BoundingBox< Scalar, dim > | |
CGeometricObject::FastBoundingBox< Scalar, dim > | |
CGeometricObject::BoundingBoxWrapper< BB > | |
CGeometricObject::BoundingBoxWrapper< BoundingBox< Scalar, dim > > | |
CGeometricObject::BoundingBoxWrapper< FastBoundingBox< Scalar, dim > > | |
CKaskade::BWErrorFunction< Description, Grid, Functional, FunctionalSimpl > | Obtain an error function by solving local Neumann problems in the flavour of Bank/Weiser |
CKaskade::CachingBoundaryDetector< GridView > | |
CKaskade::CachingBoundaryDetector< typename F::AnsatzVars::GridView > | |
CKaskade::CardioD2< Functional > | |
CKaskade::DynamicMatrixDetail::cat< EntryA, EntryB > | |
CKaskade::DynamicMatrixDetail::cat< Entry, Entry > | |
CKaskade::CellData< Grd, T > | Class that stores information for each cell of a grid |
CKaskade::CellData< Grid, Dune::FieldVector > | |
CKaskade::CellLocator< GridView, dimw > | |
CKaskade::CellRanges< GridView > | A class storing cell ranges of roughly equal size for multithreaded mesh traversal |
CKaskade::CGFminModel | |
CKaskade::CheckPoint | |
CKaskade::Functional_Aux_Detail::checkSymmetry< Functional, n > | |
CKaskade::Functional_Aux_Detail::checkSymmetry< Functional,-1 > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< MapperImplementation > | Choose implementation for mapper. Not the best design, but works.. |
CKaskade::BoundarySpace_Detail::ChooseMapper< ContinuousHierarchicExtensionMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< ContinuousHierarchicMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< ContinuousLagrangeMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< DiscontinuousHierarchicMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< DiscontinuousLagrangeMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::ChooseMapper< Implementation_< Scalar_, GridView_ > > | |
CKaskade::ChooseProjectionPolicy< Preconditioner > | |
CKaskade::ChooseProjectionPolicy< InexactTangentSpacePreconditioner< Functional, Assembler, components > > | |
CKaskade::CG_Detail::ChooseRegularization< X, Xstar, Derived, impl > | |
CHierarchicIndexSet< Grid >::Codim< cd > | |
CPartialIndexSet< Grid, IndexSet, Part >::Codim< cd > | |
CKaskade::VariableSetDescription< SpaceList, VariableList >::CoefficientVectorRepresentation< first, last > | Typedefs for coefficient vector representations of contiguous subranges of the variables |
CKaskade::Cofactor< dimension, Source > | |
CCollector | Defines an interface for integrating values computed over a grid |
CKaskade::ConstantMapper< ScalarType, GV >::Combiner | A class implementing a matrix \( K \) mapping a subset of global degrees of freedom (those given by globalIndices()) to local degrees of freedom (shape functions) |
CKaskade::HierarchicMapperImplementationBase< Scalar_, GV, restricted >::Combiner | |
CKaskade::LagrangeMapperImplementation< ScalarType, GV, restricted >::Combiner | A class implementing a matrix \( K \in \R^{n\times m}\) mapping a subset of \( m \) global degrees of freedom (those given by globalIndices()) to \( n \) local degrees of freedom (shape functions) |
CKaskade::MorleyMapper< ScalarType, GV >::Combiner | A combiner class implementing a matrix \( K \) mapping a subset of global degrees of freedom (those given by globalIndices()) to local degrees of freedom (shape functions) |
CKaskade::NedelecMapper< ScalarType, GV >::Combiner | A class implementing a matrix \( K \) mapping a subset of global degrees of freedom (those given by globalIndices()) to local degrees of freedom (shape functions) |
CCombinerConcept | Algebraic combiner of global degrees of freedom to shape function coefficients |
CKaskade::VariableSetDescription< SpaceList, VariableList >::Components< idx > | DEPRECATED, use components instead |
CKaskade::Bridge::VectorTraits< VariableSet< Descr > >::ComponentWiseScalarMult | |
CKaskade::PartitionedSpaceDetail::CompressedFirst< Pair > | A functor for extracting the first component of a boost compressed pair |
CKaskade::ScalarSpaceDetail::CompressedFirst< Pair > | A functor for extracting the first component of a boost compressed pair |
CKaskade::ConcurrentQueue< T > | A concurrent fifo queue |
CKaskade::ConcurrentQueue< Task > | |
CKaskade::WeakFunctionViews::ConstantGradient | |
CKaskade::ConstantMapper< ScalarType, GV > | |
CKaskade::ConstraintD1LipschitzConstant | |
CKaskade::ConstructCoefficientVector< Spaces > | A boost::fusion functor for generating coefficient vectors for given variables |
CKaskade::ConstructElement< Spaces > | A boost::fusion functor for generating function space elements for given variables |
CKaskade::ContinuousLagrangeBoundaryMapper< class, class > | |
►CKaskade::ContinuousScalarFunction | |
►CKaskade::DifferentiableScalarFunction | |
CKaskade::CSCubicRegularization | |
CKaskade::ContractionModelFunction | |
CKaskade::IsotropicCubicRegularization | |
CKaskade::QuadraticFunction | TODO !!!!! Entscheidung über Vektortyp !!!!!! |
CKaskade::RegularizedQuadraticFunction | |
CKaskade::ConstantMapper< ScalarType, GV >::Converter | A class mapping local shape function values and derivatives to global shape function values and derivatives.
|
CConverterConcept | Geometrical transformation of shape function values |
CKaskade::ConvertTo< T, Real > | Reports the converted type |
CKaskade::ConvertTo< Dune::FieldMatrix< T, n, m >, Real > | |
CKaskade::DynamicMatrixDetail::Copy< A, B > | |
CKaskade::LinearSpace_Detail::Copy< Space0, Space2, id > | |
CKaskade::DynamicMatrixDetail::Copy< Dune::FieldMatrix< A, n, m >, Dune::FieldMatrix< B, n, m > > | |
CKaskade::LinearSpace_Detail::Copy< VariableSet< VSDescriptions >, Space, 0 > | |
CKaskade::LinearSpace_Detail::Copy< VariableSet< VSDescriptions >, Space, id > | |
CKaskade::CopyFromFunctionSpaceElement< FSE, CoeffVector, rbegin, rend > | |
CKaskade::CopyFromFunctionSpaceElement< FSE, CoeffVector, rbegin, rbegin > | |
CKaskade::ThreadedMatrixDetail::CopyMatrixToChunk< Entry, Matrix, symmetric, transposed, Index > | |
CKaskade::ThreadedMatrixDetail::CopyMatrixToChunk< Entry, Matrix, false, true, Index > | |
CKaskade::ThreadedMatrixDetail::CopyMatrixToChunk< Entry, Matrix, true, transposed, Index > | |
CKaskade::Corner< Index, ctype, dim > | A class storing algebraic and geometric information about a vertex-boundaryface incidence in simplicial grids |
CKaskade::VariationalFunctionalAssembler< F, SparseIndex, BoundaryDetector, QuadRule >::CountNonzeros | |
CKaskade::CoarseningDetail::CreateProjection | |
CKaskade::Creator< Product > | Abstract base class of creators that can be registered at the pluggable factory |
CKaskade::Creator< Factorization< Scalar > > | Abstract base class for factorization creators to be plugged into a factorization factory |
CKaskade::ThreadedMatrixDetail::CRSChunk< Entry, Index > | This class stores a couple of compressed row storage rows in memory allocated locally on a NUMA node |
CKaskade::ThreadedMatrixDetail::CRSChunkPatternInfo< Index > | A base class representing basic meta information about sparsity patterns of NUMA matrix chunks |
►CKaskade::ThreadedMatrixDetail::CRSChunkPatternInfo< size_t > | |
CKaskade::ThreadedMatrixDetail::CRSChunkPattern< Index > | This class maintains the sparsity structure of a couple of matrix rows (a NUMA matrix chunk) |
CKaskade::ThreadedMatrixDetail::CRSChunkPatternCreator< Index > | A class supporting two-stage construction of sparsity patterns of NUMA matrix chunks |
CKaskade::csr_matrix | |
CKaskade::CubicModel1dForFmin | |
CKaskade::CubicModelFunction | |
Ccuboid | |
CKaskade::CUBThetaModelFunction | For optimization with cubic upper bounds method |
CKaskade::NewtonsMethod::CycleDetection< T > | |
CBlockFilter::D1< row > | |
CKaskade::ErrorDistribution< Functional, ExtendedAnsatzVars >::D1< row > | |
CKaskade::FunctionalBase< Type >::D1< row > | Static a priori default information about the right hand side blocks |
CKaskade::IPFunctional< VarFu, BarrierFu, paralin >::D1< row > | |
CKaskade::QuadraticModel< Lin, simplified >::D1< row > | |
CKaskade::SumFunctional< Fu1, Fu2 >::D1< row > | |
CNonlinearVariationalFunctional::D1< row > | |
CParabolicEquation::D1< row > | |
CVariationalFunctional::D1< row > | Provides static information about the right hand side blocks |
CBlockFilter::D2< row, col > | |
CHierarchicErrorEstimatorD2Info::D2< row, col > | |
CKaskade::ErrorDistribution< Functional, ExtendedAnsatzVars >::D2< row, col > | |
CKaskade::FunctionalBase< Type >::D2< row, col > | Static a priori default information about the matrix blocks |
CKaskade::HigherOrderRecovery< Grid, Space >::HigherOrderRecoveryFunctional< RType, Variables >::D2< row, col > | |
CKaskade::IPFunctional< VarFu, BarrierFu, paralin >::D2< row, col > | |
CKaskade::QuadraticModel< Lin, simplified >::D2< row, col > | |
CKaskade::SumFunctional< Fu1, Fu2 >::D2< row, col > | |
CNonlinearVariationalFunctional::D2< row, col > | |
CParabolicEquation::D2< row, col > | |
CVariationalFunctional::D2< row, col > | Provides static information about the submatrix blocks of the stiffness block matrix |
CKaskade::ShapeFunctionCache< G, T, ComponentsEnd >::DataType< nComp > | Defines the type returned by evaluate(sfs,qr,subId) |
CKaskade::DefaultProjectionPolicy | |
CKaskade::DenseCholeskyStorageTag< Scalar > | A parametrized tag type for selecting storage of inverses by dense Cholesky factors with floating point representation of type Scalar |
CKaskade::DenseInverseStorageTag< Scalar > | A parametrized tag type for selecting dense storage of inverses with floating point representation of type Scalar |
►CDune::DenseMatrix | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< T, 1, 1 > > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< double, 1, 1 > > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< Scalar, 1, 1 > > | |
CKaskade::DynamicMatrix< double > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< typename Space::Scalar, 1, 1 > > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix > | |
CKaskade::DynamicMatrix< StorageScalar > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< Real, 1, 1 > > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< double, d, d > > | |
CKaskade::DynamicMatrix< Dune::FieldMatrix< double, 1, d > > | |
CKaskade::DynamicMatrix< Entry > | |
CKaskade::DynamicMatrix< K > | A LAPACK-compatible dense matrix class with shape specified at runtime |
CDune::Impl::DenseMatrixAssigner< DenseMatrix, typename DenseMatrix::value_type, std::enable_if_t<!Dune::IsNumber< typename DenseMatrix::value_type >::value > > | |
CDune::DenseMatVecTraits< Kaskade::DynamicMatrix< K > > | |
CDune::DenseMatVecTraits< Kaskade::DynamicMatrixDetail::StridedVector< K > > | |
►CDune::DenseVector | |
CKaskade::DynamicMatrixDetail::StridedVector< K > | |
CKaskade::Deprecated | Convenience class for marking deprecated functions. A static object of this class can be created inside deprecated functions. It will output a warning message to stderr if the deprecated function is called, but only once |
CKaskade::DerivativeChecker< Functional, checkD1, SparseInt > | Class that checks the derivatives of a functional at a linearization point |
CKaskade::Determinant< dim, Scalar, byValue > | A class for computing determinants and their derivatives |
CKaskade::Determinant< 2, Source > | |
CKaskade::Determinant< 3, Source > | Determinant |
CKaskade::Determinant< dim, double > | |
CKaskade::Elastomechanics::DetIpm1< dim, Scalar > | A class for computing determinants and their derivatives |
CKaskade::Elastomechanics::DetIpm1< dim, double > | |
CKaskade::JacobiPreconditionerDetail::DiagonalBlock< Entry, row, col > | |
CKaskade::JacobiPreconditionerDetail::DiagonalBlock< typename matrix_type::block_type > | |
CKaskade::DiagonalCombiner< Scalar > | A base class for implementing combiners with diagonal structure |
►CKaskade::DiagonalCombiner< Scalar > | |
CKaskade::HdivMapper< ScalarType, GV >::Combiner | A class implementing a matrix \( K \) mapping a subset of global degrees of freedom (those given by globalIndices()) to local degrees of freedom (shape functions) |
CKaskade::FunctionViews::Difference< Function1, Function2 > | |
CKaskade::Dim< Type > | Get dimension as nested integral static constexpr |
CKaskade::Bridge::DirectInnerSolver< DirectSolver > | |
CKaskade::DirectLinearSolver< Scalar, SparseInt > | Direct solver.Implements Direct Solver Interface of Algorithms |
CKaskade::DirichletNitscheBoundary< GridView, components, ScalarType > | Dirichlet boundary conditions by Nitsche's method |
CKaskade::DirichletPenaltyBoundary< GridView, components, ScalarType > | Dirichlet boundary conditions by the penalty approach |
CKaskade::DiscreteBlockTraits< Functional > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, FirstObject, SecondObject > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Ball< Scalar, dim >, BoundingBox< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Ball< Scalar, dim >, Line< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Ball< Scalar, dim >, Point< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Ball< Scalar, dim >, Rectangle< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Point< Scalar, dim >, Line< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Point< Scalar, dim >, Point< Scalar, dim > > | |
CGeometricObject::ImplementationDetail::DistanceImpl< Metric, Scalar, dim, Point< Scalar, dim >, Rectangle< Scalar, dim > > | |
CKaskade::ErrorDistribution< Functional, ExtendedAnsatzVars >::DomainCache | |
CKaskade::LinearizationDifferenceAt< Functional_ >::DomainCache | |
CKaskade::QuadraticModel< Lin, simplified >::DomainCache | |
CKaskade::SemiImplicitEulerStep< PE >::DomainCache | |
CKaskade::SumFunctional< Fu1, Fu2 >::DomainCache | |
CVariationalFunctional::DomainCache | This evaluation cache concept defines the interface that is accessed by the assembler |
CKaskade::DoNotAlwaysRegularize | |
►CKaskade::DoNotMeasureTime | |
CKaskade::CGBase< X, Xstar, impl, TimerPolicy, Functor > | Regularized preconditioned conjugate gradient method |
CKaskade::DoRegularization< Linearization, VariableSet > | |
►CKaskade::DualPairing< X, Xstar > | Abstract base class for dual pairing of \( X \) and its dual space \( X^* \) |
CKaskade::DefaultDualPairing< X, Xstar > | Default implementation of dual pairing (relies on scalar product operator * being defined) |
CKaskade::Scaledl2ScalarProduct< X, Xstar, yIdx, uIdx, pIdx > | |
CKaskade::ZeroDualPairing< X, Xstar > | Zero dual pairing implementation (mainly useful whenever a dual pairing is needed for formal language reasons, but never used) |
►CKaskade::DualPairing< Domain, Range > | |
CKaskade::DefaultDualPairing< Domain, Range > | |
CKaskade::Dim< Type >::Dummy | |
CKaskade::Dummy | |
CDuneAmiraMesh< dim, worldDim, Grid > | |
CKaskade::EdgeScanner< Function > | Class to scan functions along the edges of a computational grid |
CKaskade::Elastomechanics::ElasticModulus | Material parameters for isotropic linearly elastic materials |
CKaskade::BoundaryMapper< Implementation_, Scalar_, GridView_ >::Element< m > | Type of the FunctionSpaceElement, associated to the FEFunctionSpace |
CKaskade::ConstantMapper< ScalarType, GV >::Element< m > | |
CKaskade::ContinuousHierarchicExtensionMapper< Scalar, GV >::Element< m > | |
CKaskade::ContinuousHierarchicMapper< Scalar, GV >::Element< m > | |
CKaskade::ContinuousLagrangeMapper< ScalarType, GV >::Element< m > | |
CKaskade::ContinuousLagrangeMapperSubdomain< GV, SupportOracle, ScalarType >::Element< m > | |
CKaskade::DiscontinuousHierarchicExtensionMapper< Scalar, GV >::Element< m > | |
CKaskade::DiscontinuousHierarchicMapper< Scalar, GV >::Element< m > | |
CKaskade::DiscontinuousLagrangeMapper< ScalarType, GV >::Element< m > | |
CKaskade::DiscontinuousLagrangeMapperSubdomain< ScalarType, GV >::Element< m > | |
CKaskade::FEFunctionSpace< LocalToGlobalMapper >::Element< m > | DEPRECATED use Element_t<m> instead |
CKaskade::PiecewiseContinuousLagrangeMapper< Tagger, GV, ScalarType >::Element< m > | |
CKaskade::EmbeddedErrorEstimator< VariableSetDescription, Scaling > | Embedded error estimation and mesh refinement |
CBridge::FixedSystemLinearization< Functional >::Empty | |
CKaskade::PartitionedSpaceDetail::Empty | |
CKaskade::ScalarSpaceDetail::Empty | |
CKaskade::EntityNumbering< GridView > | |
CKaskade::EntryTraits< Entry > | |
CKaskade::EntryTraits< Dune::FieldMatrix< Entry, n, m > > | |
CKaskade::EntryTraits< Dune::FieldVector< Entry, n > > | |
CKaskade::EntryTraits< Tensor< Entry, Sizes... > > | |
CKaskade::ErrorDistribution< Functional, ExtendedAnsatzVars > | |
CKaskade::Adaptivity::ErrorEquilibration< Grid > | |
CKaskade::Adaptivity::ErrorEquilibration2< Grid > | |
►CKaskade::Adaptivity::ErrorEquilibration< VariableSetDescription::Grid > | |
CKaskade::ErrorEstimatorBase< VariableSetDescription, ErrorDistribution< NormFunctional, ExtensionVariableSetDescription >::AnsatzVars::VariableSet, ExtensionSpace, Adaptivity::ErrorEquilibration > | |
CKaskade::AdjointEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::AdjointEquationLinearPropagationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLU, RefinementStrategy > | |
CKaskade::AnotherHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverHU, LinearSolverLU, RefinementStrategy, lump > | |
CKaskade::HierarchicalBasisErrorEstimator2< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLM, LinearSolverHM, lumpM, RefinementStrategy > | |
CKaskade::HierarchicalBasisErrorEstimator3< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverLA, LinearSolverHA, LinearSolverLM, LinearSolverHM, lumpM, RefinementStrategy > | |
CKaskade::MartinsErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSystemSolver_H, LinearSystemSolver_L, LinearSolverA_H, LinearSolverA_L, RefinementStrategy > | |
CKaskade::StateEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::StupidHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::VariationalEquationHBErrorEstimator< Functional, VariableSetDescription, ExtensionVariableSetDescription, ExtensionSpace, NormFunctional, LinearSolverHA, RefinementStrategy > | |
CKaskade::ErrorEstimationTraits< Functional, VariableSetDescription, ExtensionVariableSetDescription > | |
CKaskade::EstimatorDescription< Id, PDEId, SpaceId, components > | |
CKaskade::LinAlg::EuclideanScalarProduct | Euclidean scalar product |
CKaskade::EulerSDC< Vector, TimeGrid > | Base class to perform SDC iterations based on forward Euler method. Total iterations performed depends on the value set for variable maxSDCiterations |
►CEvalCacheBase | |
CKaskade::HigherOrderRecovery< Grid, Space >::HigherOrderRecoveryFunctional< RType, Variables >::DomainCache | |
CKaskade::IPFunctional< VarFu, BarrierFu, paralin >::BoundaryCache | |
CKaskade::IPFunctional< VarFu, BarrierFu, paralin >::DomainCache | |
CNonlinearVariationalFunctional::BoundaryCache | Defining boundary conditions |
CNonlinearVariationalFunctional::DomainCache | This evaluation cache concept defines the interface that is accessed by the assembler |
CParabolicEquation::BoundaryCache | Defining boundary conditions |
CParabolicEquation::DomainCache | This evaluation cache concept defines the interface that is accessed by the assembler |
CKaskade::Dim< Type >::EvaluateDim< T, enable > | |
CKaskade::Dim< Type >::EvaluateDim< T, true > | |
CKaskade::Dim< Type >::EvaluateDimension< T, enable > | |
CKaskade::Dim< Type >::EvaluateDimension< T, true > | |
CKaskade::FEFunctionSpace< LocalToGlobalMapper >::Evaluator | A helper class that stores all informations necessary to evaluate FE functions at a certain point |
CKaskade::Exp | Exponential function of the form a*exp(b*x) |
CKaskade::Elastomechanics::ExtendedGreenLagrangeTensor< Scalar, dim, byValue > | Full (right) Green-Lagrange strain tensor for displacements from dim-1 to dim |
CKaskade::JacobiPreconditionerDetail::ExtractDiagonal | |
CKaskade::SchurPreconditionerDetail::ExtractDomainAndRange< Operator, Block > | |
CKaskade::GetScalar< Type >::ExtractScalar< LocalType, hasScalar_, hasFieldType_ > | |
CKaskade::GetScalar< Type >::ExtractScalar< LocalType, false, true > | |
CKaskade::GetScalar< Type >::ExtractScalar< LocalType, true, hasFieldType_ > | |
CKaskade::ExtrapolationTableau< T > | Polynomial extrapolation following Aitken-Neville |
CKaskade::ExtrapolationTableau< State > | |
►CKaskade::Factorization< Scalar > | Abstract base class for matrix factorizations |
CKaskade::MUMPSFactorization< Scalar > | Factorization of sparse linear systems with mumps |
CKaskade::SUPERLUFactorization< Scalar > | Factorization of sparse linear systems with mumps |
CKaskade::UMFFactorization< Scalar, UMFPackIndex > | Factorization of sparse linear systems with UMFPack |
►CKaskade::Factorization< Scalar, int > | |
CKaskade::PardisoFactorization< Scalar, SparseIndexInt, DIL > | Factorization with DirectType::PARDISO |
►CKaskade::Factorization< Scalar, SparseIndexInt > | |
CKaskade::MUMPSFactorization< Scalar > | Factorization of sparse linear systems with mumps |
CKaskade::FactorizationOptions | The Options struct allows to specify several options of factorization |
CKaskade::Factory< K, P > | A pluggable factory |
►Cstd::false_type | |
CKaskade::GridLocking< Grid > | Grid locking information based on grid type |
CKaskade::FEFunctionSpace< LocalToGlobalMapper > | A representation of a finite element function space defined over a domain covered by a grid.
|
CKaskade::FEFunctionSpace< DiscontinuousLagrangeMapper< Scalar, typename Grid::LeafGridView > > | |
CDune::FieldMatrix< class, int, int > | |
CDune::FieldMatrix< ctype, griddimension, facedimension > | |
CDune::FieldMatrix< ctype, worlddimension, facedimension > | |
CDune::FieldMatrix< double, 2+1, 2 > | |
CDune::FieldMatrix< double, 2, 2 > | |
CDune::FieldMatrix< double, dim *(dim+1)/2, dim *(dim+1)/2 > | |
CDune::FieldMatrix< double, dim+1, dim > | |
CDune::FieldMatrix< double, dim, dim > | |
CDune::FieldMatrix< RT, 1, dim > | |
CDune::FieldMatrix< Scalar, 1, dim > | |
CDune::FieldMatrix< Scalar, 6, 6 > | |
CDune::FieldMatrix< Scalar, components, dim > | |
CDune::FieldMatrix< Scalar, dim *(dim+1)/2, dim *(dim+1)/2 > | |
CDune::FieldMatrix< Scalar, dim+1, dim > | |
CDune::FieldMatrix< Scalar, dim+1, dim+1 > | |
CDune::FieldMatrix< Scalar, dim, dim > | |
CDune::FieldMatrix< Scalar, dimw, dim > | |
CDune::FieldMatrix< Scalar, n, n > | |
CDune::FieldMatrix< typename GridView::ctype, dim, dim > | |
CDune::FieldTraits< Kaskade::DynamicMatrix< K > > | |
CDune::FieldVector< class, int > | |
CDune::FieldVector< CoordType, dim > | |
CDune::FieldVector< CoordType, order+1 > | |
CDune::FieldVector< ctype, dim > | |
CDune::FieldVector< ctype, worlddimension > | |
CDune::FieldVector< double, 1 > | |
CDune::FieldVector< double, 2 > | |
CDune::FieldVector< double, 2+1 > | |
CDune::FieldVector< double, dim > | |
CDune::FieldVector< double, dim+1 > | |
CDune::FieldVector< double, nState > | |
CDune::FieldVector< Dune::FieldMatrix< double, dim, dim >, 3 > | |
►CDune::FieldVector< Entry, Size0 > | |
CKaskade::Tensor< Entry, Size0 > | |
CDune::FieldVector< int, dim > | |
CDune::FieldVector< int, spaceDim > | |
CDune::FieldVector< ResultType, dim > | |
CDune::FieldVector< RT, 1 > | |
CDune::FieldVector< RT, Grid::dimension > | |
CDune::FieldVector< Scalar, 1 > | |
CDune::FieldVector< Scalar, 2 > | |
CDune::FieldVector< Scalar, AnsatzVars::noOfVariables > | |
CDune::FieldVector< Scalar, components > | |
►CDune::FieldVector< Scalar, dim > | |
CGeometricObject::Point< Scalar, dim > | |
CDune::FieldVector< Scalar, TestVars::template Kaskade::Components< row >::m > | |
CDune::FieldVector< std::pair< Scalar, Scalar >, dim > | |
►CDune::FieldVector< Tensor< double, Sizes... >, Size0 > | |
CKaskade::Tensor< double, dim+1, dim, dim > | |
CKaskade::Tensor< double, 2+1, 2, 2 > | |
►CDune::FieldVector< Tensor< Entry, Sizes... >, Size0 > | |
CKaskade::Tensor< Entry, Size0, Sizes > | A class for representing tensors of arbitrary static rank and extents |
►CDune::FieldVector< Tensor< RT, Sizes... >, Size0 > | |
CKaskade::Tensor< RT, 1, dim, dim > | |
►CDune::FieldVector< Tensor< Scalar, Sizes... >, Size0 > | |
CKaskade::Tensor< Scalar, components, dim, dim > | |
CKaskade::Tensor< Scalar, 1, dim, dim > | |
CDune::FieldVector< typename Grid::ctype, spaceDim > | |
CKaskade::AssemblyDetail::Fill< Matrix > | Specialize this template for your matrix type in order to use it with VariationalFunctionalAssembler::template get<Matrix>() or MatrixRepresentedOperator::template get<Matrix>() |
CKaskade::AssemblyDetail::Fill< Dune::BCRSMatrix< Dune::FieldMatrix< Scalar, 1, 1 >, Allocator > > | Allows to use Dune::BCRSMatrix with VariationalFunctionalAssembler and classes satisfying the Kaskade::MatrixRepresentedOperator concept |
CKaskade::AssemblyDetail::Fill< MatrixAsTriplet< Scalar, SparseIndexInt > > | Allows to use Kaskade::MatrixAsTriplet with VariationalFunctionalAssembler and classes satisfying the Kaskade::MatrixRepresentedOperator concept |
CKaskade::AssemblyDetail::Fill< NumaBCRSMatrix< Dune::FieldMatrix< Scalar, 1, 1 >, Index > > | Allows to use NumaBCRSMatrix with VariationalFunctionalAssembler and classes satisfying the Kaskade::MatrixRepresentedOperator concept |
CKaskade::FirstGreater | A comparator functor that supports sorting std::pair by their first component |
CKaskade::FirstLess | A comparator functor that supports sorting std::pair by their first component |
CKaskade::PartitionedSpaceDetail::FirstLess | |
CKaskade::ScalarSpaceDetail::FirstLess | |
CFirstOrderEquation< BarrierFunction, yIdx > | |
CKaskade::Elastomechanics::FirstPiolaKirchhoffStress< HyperelasticEnergy, StrainTensor > | Represents the first Piola Kirchhoff stress as known in nonlinear elasticity. The Piola-Kirchhoff stress is \( T = F\sigma = (I+u_x) \sigma(u) \) |
CKaskade::Adaptivity::FixedCellFraction< Grid > | |
CKaskade::Adaptivity::FixedErrorFraction< Grid > | |
CBridge::FixedSystemLinearization< Functional > | Linearization Implementation for a fixed system, i.e. an inherently finite dimensional system, may be a template parameter Functional |
►CAssemblyDetail::FormulationPolicy | |
CKaskade::VariationalFunctionalAssembler< ErrorEstimator > | |
CKaskade::VariationalFunctionalAssembler< Linearization > | |
CKaskade::VariationalFunctionalAssembler< F, SparseIndex, BoundaryDetector, QuadRule > | A class for assembling Galerkin representation matrices and right hand sides for variational functionals depending on multiple variables |
CKaskade::ForwardingBoundaryDetector | |
►CDune::ForwardIteratorFacade | |
CFullHierarchicIterator< GridImp, ValueType > | |
CFunction | Function is the interface for evaluatable functions \( f:\Omega\to\mathbb{R}^m \) |
CKaskade::FunctionalBase< Type > | Convenience base class for the easy definition of variational functionals and weak formulations |
CKaskade::VTKReader::FunctionInfo | Information about a data set loaded from a file |
CKaskade::FunctionSpaceElement< FunctionSpace, m > | A class for representing finite element functions |
CKaskade::FunctionSpaceElement< FEFunctionSpace< DomainMapper< Scalar, GridView > >, m > | |
CFunctionView | A function that supports efficient evaluation via an evaluator |
CKaskade::FunctionViewAdaptor< Space_, Functor > | An adaptor that allows to turn lambda functions into function views |
CKaskade::Gbit< LinearSpace > | Iterative solution of a large linear system using an error based termination-criterium. Includes some special termination-criterium options which are used by the giantGbit code |
CKaskade::Gbit< LinearSpace >::GbitInfo | |
►CKaskade::GeometricFeatureDetector< Index, ctype, dim > | The interface for specifying feature edges and feature vertices |
CKaskade::AngleFeatureDetector< Index, ctype, dim > | Specifying geometric features in terms of angles between face normals and edge tangents |
CKaskade::Get< Type, Source > | Get object from reference or functor. Is itself a functor |
CKaskade::Get< MatrixType, Source > | |
CKaskade::Get< Type, Type > | |
CKaskade::DynamicMatrixDetail::GetAddress< K > | |
CKaskade::DynamicMatrixDetail::GetAddress< Dune::BlockVector< K, A > > | |
CKaskade::DynamicMatrixDetail::GetAddress< Dune::FieldMatrix< K, n, m > > | |
CKaskade::DynamicMatrixDetail::GetAddress< Dune::FieldVector< K, n > > | |
CKaskade::GetEvaluators< Cache > | A boost::fusion functor for creating an evaluator from the space, using a shape function cache that is given on construction of the functor |
CKaskade::GetEvaluatorTypes | A boost::fusion functor for extracting the evaluator type from a pointer to a FE space. This is more or less redundant to GetEvaluators, but no shape function cache type needs to be provided |
CKaskade::CoarseningDetail::GetLocalTransferProjection< Cell > | |
CKaskade::GetScalar< Type > | Get scalar type from Dune (-> field_type) or Kaskade (-> Scalar) member |
CKaskade::BoundarySpace_Detail::GetSFDataType< Mapper > | |
CKaskade::BoundarySpace_Detail::GetSFDataType< ContinuousHierarchicExtensionMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::GetSFDataType< ContinuousHierarchicMapper< Scalar, GridView > > | |
CKaskade::BoundarySpace_Detail::GetSFDataType< ContinuousLagrangeMapper< Scalar, GridView > > | |
CKaskade::GetSubType< Scalar, dim, Type > | |
CKaskade::GetSubType< Scalar, dim, Dune::FieldMatrix< Scalar, dim, dim > > | |
CKaskade::GetVarArgs< Evaluators > | A boost::fusion functor for creating a variational arg from the space, using a shape function cache that is given on construction of the functor |
CKaskade::Giant< Grid, Equation, VariableSet, Spaces > | Solution of a nonlinear system of equations by a damped Newton-method with adaptive precision control of the used iterative linear solver Gbit |
CKaskade::GlobalBarycentricPermutation< dimension > | A class for computing permutations of local vertex numbers of simplex subentities to a globally unique ordering |
CKaskade::GlobalLocalIndexRelationship< Index > | The GlobalLocalIndexRelationship class provides relationships between local indices of (e.g. matrix) blocks and global indices (of the corresponding block matrix) |
CKaskade::FunctionViews::Gradient< Function, asVector > | Derivative of a given finite element function |
CKaskade::FunctionViews::GradientAbsSquare< Function > | A function view returning the square of the Frobenius norm of a function's derivative |
CKaskade::GradientAverage< LocalInd, RT, Cache, dim, Evaluators > | |
CKaskade::GradientAverageFull< LocalInd, RT, Cache, dim, Evaluators > | |
CKaskade::GradientJumpsTimesTestFunction< LocalInd, Evaluators, RT, TestFunctions, Cache > | |
CKaskade::Elastomechanics::GreenLagrangeTensor< Scalar, dim, byValue > | Full (right) Green-Lagrange strain tensor, the workhorse of hyperelasticity |
►CKaskade::GridManagerBase< Grd > | Basic functionality for managing grids and their refinement |
CKaskade::GridManager< Grd > | Class that takes care of the transfer of data (of each FunctionSpaceElement) after modification of the grid |
►CKaskade::GridManagerBase< Dune::GeometryGrid< Grid, DeformingGridManagerDetail::Deformation< Grid > > > | |
CKaskade::DeformingGridManager< Grid > | A grid manager for asymptotically \( G^1 \)-continuous domains |
►CKaskade::GridManagerBase< Grid > | |
CKaskade::GridManager< Grid > | |
►CKaskade::GridManagerBase< typename EvolutionEquation::AnsatzVars::Grid > | |
CKaskade::GridManager< typename EvolutionEquation::AnsatzVars::Grid > | |
CKaskade::GridManagerBase< VariableSetDescription::Grid > | |
CKaskade::GridSignals | A class that provides access to signals that are emitted from the grid manager on various occasions |
CGridTree< GRID, BoundingBoxType, lowerSplittingBorder, SplittingPolicy > | Stores a grid in a tree structure, allowing fast searches |
CKaskade::CoarseningDetail::GroupByCell | |
CKaskade::ErrorestDetail::GroupedSummationCollector< GroupByCell > | A Collector coalescing the information of multi-variable functions on cell groups |
CKaskade::H1Norm | H1-norms |
CKaskade::H1SemiNorm | H1-semi-norms |
CKaskade::HalfGradientJump< LocalInd, RT, Cache, dim, Evaluators > | |
CKaskade::DirectSolver_Detail::HasFieldType< T > | |
CKaskade::DirectSolver_Detail::HasScalar< T > | |
CKaskade::HdivMapper< ScalarType, GV > | Degrees of freedom manager for H(div) conforming elements |
CKaskade::QuadraticModel< Lin, simplified >::HessianTimesDirection< row, dim, Cache > | |
CKaskade::HierarchicErrorEstimator< LinearFunctional, ExtensionAnsatzVariables, ExtensionTestVariables, D2BlockInfo > | Defines assembly of hierarchically extended problems for defining DLY style error estimators |
CHierarchicErrorEstimator_D2BlockInfo | Defines the block structure of defect systems to be solved by the hierarchical error estimator |
CHierarchicErrorEstimatorD2Info | Concept for providing block information to hierarchical error estimator |
CHierarchicIndexSet< Grid > | |
CKaskade::HierarchicMapperImplementationBase< Scalar_, GV, restricted > | A local to global mapper implementation for scalar hierarchic bases |
►CKaskade::HierarchicMapperImplementationBase< Scalar, GV, false > | |
►CKaskade::HierarchicExtensionMapperImplementation< Scalar, GV, restricted > | |
CKaskade::DiscontinuousHierarchicExtensionMapperImplementation< Scalar, GV > | |
►CKaskade::HierarchicMapperImplementation< Scalar, GV, restricted > | |
CKaskade::DiscontinuousHierarchicMapperImplementation< Scalar, GV > | |
►CKaskade::HierarchicMapperImplementationBase< Scalar, GV, restricted > | |
►CKaskade::HierarchicExtensionMapperImplementation< Scalar, GV, ScalarSpaceDetail::isRestriction< ScalarSpaceDetail::AllShapeFunctions >()> | |
CKaskade::ContinuousHierarchicExtensionMapperImplementation< Scalar, GV, ShapeFunctionFilter > | |
►CKaskade::HierarchicMapperImplementation< Scalar, GV, ScalarSpaceDetail::isRestriction< ScalarSpaceDetail::AllShapeFunctions >()> | |
CKaskade::ContinuousHierarchicMapperImplementation< Scalar, GV, ShapeFunctionFilter > | |
►CKaskade::HierarchicMapperImplementationBase< ScalarType, GV, false > | |
►CKaskade::HierarchicMapperImplementation< ScalarType, GV > | |
CKaskade::DiscontinuousHierarchicMapperImplementation< ScalarType, GV > | |
CKaskade::HigherOrderRecovery< Grid, Space > | Construct a higher order estimate for the finite element solution from gradient information |
►CHomNeumannBoundaryCache | |
CKaskade::HigherOrderRecovery< Grid, Space >::HigherOrderRecoveryFunctional< RType, Variables >::BoundaryCache | |
CKaskade::HomogeneousNeumannBoundary< Functional > | A simple boundary cache implementing homogeneous Neumann boundary conditions |
►CHomotopyBase | |
CInteriorPointTangentialPredictor< IPF, DomainVector > | |
►CHyperelasticEnergy | |
CKaskade::Elastomechanics::MaterialLaws::ViscoPlasticEnergy< HyperelasticEnergy > | An adaptor for using hyperelastic stored energies for viscoplasticity |
CHyperelasticMaterialLaw | A hyperelastic material law |
CKaskade::Elastomechanics::HyperelasticVariationalFunctional< HyperelasticEnergy, StrainTensor > | General base class for variational functionals defined in terms of hyperelastic stored energies |
►CKaskade::Elastomechanics::HyperelasticVariationalFunctional< MaterialLaws::StVenantKirchhoff< dim_, double >, LinearizedGreenLagrangeTensor< double, dim_ > > | |
CKaskade::Elastomechanics::LameNavier< dim_, Scalar_ > | Convenience class for handling linear elastomechanics |
CKaskade::IdentityScaling | A trivial Scaling |
CKaskade::ifff::if_< c > | |
CKaskade::ifff::if_< false > | |
CKaskade::InDomainTraits< Functional, DomainElement > | |
CKaskade::LinAlg::InfinityNorm | Infinity norm for stl-container, Dune::FieldVector and Dune::FieldMatrix |
CKaskade::Factorization< Scalar >::Info | The Info struct provides output information of direct solvers |
CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< ParabolicEquation, SemiEuler, true >::InnerBoundaryCache | Evaluates jump contributions at interior faces, suitable for discontinuous Galerkin methods (optional) |
CVariationalFunctional::InnerBoundaryCache | Evaluates jump contributions at interior faces, suitable for discontinuous Galerkin methods (optional) |
►CFunctional_Aux_Detail::InnerBoundaryPolicy | |
►CKaskade::LinearizationAt< Functional > | |
CKaskade::SemiLinearizationAt< Functional > | Proxy class for the linearization of semi-linear time stepping schemes |
CKaskade::SemiLinearizationAtInner< Functional > | |
CKaskade::LinearizationAt< Functional_ > | Proxy class for the linearization of a nonlinear functional |
CKaskade::LinearizationDifferenceAt< Functional_ > | Proxy class for evaluating differences of linearizations of a nonlinear functional |
CKaskade::Integral< Space > | Evaluation class for integrals |
CKaskade::IntegralF | Integral |
CKaskade::Integrator< Space > | |
CKaskade::BDDC::InterfaceAverages< m, Index > | A class for computing and providing BDDC coarse space constraints (interface averages) |
CKaskade::InteriorPointTangentialPredictor< IPF, DomainVector > | |
CGeometricObject::ImplementationDetail::IntersectionCheckImpl< Metric, Scalar, dim, FirstObject, SecondObject > | |
CGeometricObject::ImplementationDetail::IntersectionCheckImpl< Metric, Scalar, dim, Ball< Scalar, dim >, BoundingBox< Scalar, dim > > | |
CInvariantsMaterialConcept | A hyperelastic material law formulated in terms of the invariants \( I_1, I_2, I_3 \) of the Cauchy-Green strain tensor \( C \) |
►CKaskade::InverseLocalMatrixStorageBase | A base class providing common functionality for storage of inverse local matrices |
CKaskade::DenseCholeskyLocalMatrixStorage< m, Scalar > | An inverse local matrix representation that simply stores a dense Cholesky factor |
CKaskade::DenseInverseLocalMatrixStorage< m, Scalar > | An inverse local matrix representation that simply stores the dense inverse |
CKaskade::NestedDissectionCholeskyLocalMatrixStorage< m, StorageScalar, FactorizationScalar > | An inverse local matrix representation that stores a sparse Cholesky factor using nested dissection |
►CDune::InverseOperator | |
CKaskade::DirectSolver< Dune::BlockVector, Dune::BlockVector > | |
CKaskade::DirectSolver< BlockVector< Dune::FieldVector< Scalar, 1 > >, BlockVector< Dune::FieldVector< Scalar, 1 > > > | |
CKaskade::DirectSolver< typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Domain, typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Range > | |
CKaskade::DirectSolver< typename Kaskade::AssembledGalerkinOperator< Assembler >::Domain, typename Kaskade::AssembledGalerkinOperator< Assembler >::Range > | |
CKaskade::DirectSolver< DoubleDomain, DoubleRange > | |
CKaskade::DirectSolver< Domain, Range > | |
CKaskade::CGBase< X, Xstar, impl, TimerPolicy, Functor > | Regularized preconditioned conjugate gradient method |
CKaskade::DirectSolver< Domain_, Range_ > | |
CKaskade::DirectSolver< Dune::FieldVector< S, n >, Dune::FieldVector< S, n > > | |
CKaskade::NMIIIAPCGSolver< X > | Conjugate gradient method |
CKaskade::NMIIIPCGSolver< X > | Conjugate gradient method |
CKaskade::Pcg< X, Xstar > | Preconditioned conjugate gradient method |
CKaskade::TCG< X, Xstar, Regularization > | Preconditioned conjugate gradient method |
CKaskade::UzawaSolver< X, Y > | An inexact Uzawa type solver for solving symmetric saddle point systems |
CRestartedFGMResSolver< X > | Implements the Generalized Minimal Residual (GMRes) method |
►CInverseOperator | |
CKBiCGSTABSolver< X > | Statistics about the application of an inverse operator |
CKaskade::NMIIICGSolver< X > | Conjugate gradient method |
CKaskade::InverseVolume | A Weighing that associates to each cell its inverse volume |
CKaskade::SchurPreconditionerDetail::InvertLumpedMatrix< Scalar_ > | |
CKaskade::IoOptions | Options for VTK/AMIRA output |
CKaskade::IPFunctional< VarFu, BarrierFu, paralin > | Functional that adds barrier terms to VarFu |
CBridge::IPLinearization< BarrierFunctional, VectorImpl, ImageImpl, QuadRule > | Linearization for Constrained Optimization with Barrier methods |
CKaskade::IsFunction< T > | Checks if type is a function or member function |
CKaskade::Elastomechanics::IsochoricGreenLagrangeTensor< dim, Scalar > | Isochoric part of the full (right) Green-Lagrange strain tensor, used in compressible hyperelasticity |
CKaskade::Elastomechanics::IsochoricGreenLagrangeTensor< dim, Scalar > | |
►CKaskade::IterationParameters | Base class for algorithmic parameters |
CKaskade::HypIPParameters | |
CKaskade::InteriorPointParameters | |
CKaskade::InteriorPointParametersSqrt | |
►CKaskade::NewtonParameters | |
►CKaskade::GuardedCovariantNewtonParameters | Paramters that are used and Logged by GuardedCovariantNewtonMethod |
►CKaskade::DampedCovariantNewtonParameters | Paramters that are used and Logged by GuardedCovariantNewtonMethod |
CKaskade::ModifiedCovariantNewtonParameters | |
CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixExpressionChunk< Arguments, Operation >::iterator | |
CPartialIndexSet< Grid, IndexSet, Part >::Codim< cd >::Partition< pitype >::Iterator | |
CKaskade::SchurPreconditionerDetail::JacobiIteration< Scalar_ > | |
►CKaskade::Kalloc | A simple memory manager for NUMA systems |
CKaskade::KallocUnlocked | A class for local memory management |
CKaskade::BDDC::KKTSolver< Domain > | A class for solving a block-diagonal-structured KKT system |
CKaskade::BDDC::KKTSolver< Kaskade::BDDC::SharedMemoryDomain > | |
CKaskade::L2Norm | L_2-norms |
►CKaskade::LagrangeBase< dim > | |
CKaskade::EquidistantLagrange< dim, double > | |
CKaskade::EquidistantLagrange< dim, Real > | Lagrange shape functions on an equidistant grid over the simplex. These are polynomial basis functions \( p_i \) over the unit simplex, together with interpolation nodes \( \xi_j \), such that \( p_i(\xi_j) = \delta_{ij} \) holds |
CKaskade::LobattoGridLagrange< dim, Real > | |
►CKaskade::LagrangeMapperImplementation< ScalarType, GV, restricted > | A local to global mapper for scalar Lagrange bases |
CKaskade::DiscontinuousLagrangeMapperImplementation< ScalarType, GV > | |
►CKaskade::LagrangeMapperImplementation< double, GV, std::is_same< ScalarSpaceDetail::AllShapeFunctions, ScalarSpaceDetail::RestrictToBoundary >::value > | |
CKaskade::ContinuousLagrangeMapperImplementation< double, GV > | |
►CKaskade::LagrangeMapperImplementation< Scalar, typename Grid::LeafGridView > | |
CKaskade::DiscontinuousLagrangeMapperImplementation< Scalar, typename Grid::LeafGridView > | |
►CKaskade::LagrangeMapperImplementation< ScalarType, GV, std::is_same< ScalarSpaceDetail::AllShapeFunctions, ScalarSpaceDetail::RestrictToBoundary >::value > | |
CKaskade::ContinuousLagrangeMapperImplementation< ScalarType, GV, ShapeFunctionFilter > | |
CKaskade::LagrangianD2LipschitzConstant | |
CKaskade::Laplace< Scalar, dim, components, isotropic > | Convenience class for handling diffusion terms in elliptic/parabolic equations |
CKaskade::DampedCovariantNewtonParameters::LastRejected | |
CKaskade::LeaveRHS< CorrectionVector > | |
CKaskade::Limex< Eq > | Extrapolated linearly implicit Euler method |
CGeometricObject::Line< Scalar, dim > | |
CKaskade::QuadraticModel< Lin, simplified >::LinearFunctionalTimesDirection< LinFunctional > | |
►CKaskade::Bridge::Linearization< class > | |
CKaskade::Bridge::ConnectedLinearization< Linearization > | |
CKaskade::Bridge::LinearizationTraits< Vector, Functional > | Traits class to choose the right linearization class |
CBridge::LinearizationTraits< Dune::BlockVector< T >, Functional > | |
CBridge::LinearizationTraits< VariableSet< Descr >, IPFunctional< Functional, BarrierFu, paralin > > | Traits class to choose the right Bridge::Linearization class |
CKaskade::Elastomechanics::LinearizedGreenLagrangeTensor< Scalar, dim, byValue > | Linearized (right) Green-Lagrange strain tensor, the workhorse of linear elastomechanics |
CKaskade::Elastomechanics::LinearizedGreenLagrangeTensor< double, dim_ > | |
►CDune::LinearOperator | |
CKaskade::InverseLinearOperator< Kaskade::DirectSolver< Domain_, Range_ > > | |
CKaskade::InverseLinearOperator< Kaskade::DirectSolver< typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Domain, typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Range > > | |
CKaskade::InverseLinearOperator< Kaskade::DirectSolver< typename Kaskade::AssembledGalerkinOperator< Assembler >::Domain, typename Kaskade::AssembledGalerkinOperator< Assembler >::Range > > | |
CKaskade::InverseLinearOperator< Kaskade::DirectSolver< Domain, Range > > | |
►CKaskade::SymmetricLinearOperator< X, X > | |
CKaskade::SymmetricMatrixOperator< X, Matrix > | A symmetric operator represented by a matrix |
CKaskade::TransposedOperator< typename Traits::ControlOperator > | |
CKaskade::InverseLinearOperator< InverseOperator > | Dune::LinearOperator interface for inverse operators |
CKaskade::LagrangeOperator< NormalStepAssembler, TangentialStepAssembler, stateId, controlId, adjointId > | |
CKaskade::MatrixRepresentedOperator< Dune::BCRSMatrix< MatrixBlock, Allocator >, Domain_, Range_ > | |
CKaskade::MatrixRepresentedOperator< MatrixAsTriplet< Scalar_, SparseInt >, Domain_, Range_ > | |
►CKaskade::SymmetricLinearOperator< X, Xstar > | Interface for symmetric linear operators |
CKaskade::SymmetricLinearOperatorWrapper< X, Xstar > | Wrapper class to present (hopefully) symmetric linear operators in the SymmetricLinearOperator interface |
CKaskade::TransposedOperator< Operator > | |
CMatrixRepresentedOperator< X, Y > | Defines a linear operator \(A:\ X\rightarrow Y\) with matrix representation \(M_A \in \mathbb{K}^{n\times m}\) |
CKaskade::LinearProductSpace< Scalar_, Seq > | |
►CKaskade::LinearProductSpace< VSDescriptions::Scalar, VSDescriptions::RepresentationData > | |
CKaskade::VariableSet< VSDescriptions > | A class for storing a heterogeneous collection of FunctionSpaceElement s |
CKaskade::LN | Natural logarithm of the form a*\ln(x) |
CKaskade::ShapeFunctionCache< G, T, ComponentsEnd >::LocalDataType< nComp > | Defines the type returned by evaluate(sfs,qr,ip,subId) |
CKaskade::BDDC::LocalDof | A pair \( (s,i) \) of subdomain id \( s \) and local dof index \( i \) denotes a subdomain-local reference to a global dof |
CKaskade::LocalIntegral< Space > | Create a CellData by computing local integrals over each Cell |
CKaskade::LocalMatrices< Entry, diagonal, SortedRowIdx, SortedColIdx, IT, IndexType > | A structure for holding a sequence of several local matrices to be filled sequentially and to be scattered jointly |
CKaskade::LocalMatrix< Entry, diagonal, SortedRowIdx, SortedColIdx > | Providing a matrix or array interface to LAPACK-ordered entries |
CKaskade::LocalNormalMatrixBlock< LocalMatrix, Evaluators, RT, Cache, Row > | |
CKaskade::LocalNormalMatrixRow< LocalMatrix, Evaluators, RT, Cache, VarDesc > | |
CKaskade::TaylorHoodPreconditionerDetail::LocalStokesSolver< dim, Real > | Solves small Stokes systems even if incompressibility constraints are linearly dependent |
CLocalToGlobalMapperConcept | Management of degrees of freedom |
CKaskade::LocalTransfer< Space, CoarseningPolicy > | Class that stores for a cell ("this entity" or "father") a local projection matrix |
CKaskade::LocalVector< Entry, SortedIdx > | Providing a vector interface for contiguously stored entries |
CKaskade::LocalVectors< Entry, SortedIdx, Vector > | A structure for holding a sequence of several local vectors to be filled sequentially and to be scattered jointly |
CKaskade::LoggedQuantity< T > | Class that represents a quantity that can be logged during the course of an algortihm |
CKaskade::LoggedQuantity< double > | |
CKaskade::LoggedQuantity< int > | |
CKaskade::LoggedQuantity< std::pair< double, double > > | |
CKaskade::Logger | Simple logging facility |
CLossyStorage< Grid, VariableSet, Space, QuantizationPolicy > | |
Cboost::fusion::result_of::make_range< First, Last, Sequence > | A meta-function defining a boost::fusion iterator range from given sequence indices |
CKaskade::MakeAdditiveSchwarzSmoother< Space, Scalar > | Functor for creating overlapping Schwarz smoothers |
CKaskade::MakeJacobiSmoother | Functor for creating Jacobi smoothers |
CKaskade::Elastomechanics::MaterialLaws::MaterialLawBase< dim_, Scalar_, MaterialLaw > | Base class for hyperelastic material laws, providing default implementations of the stress and the tangent stiffness tensor \( C \) |
►CKaskade::Elastomechanics::MaterialLaws::MaterialLawBase< dim, double, OrthotropicLinearMaterial< dim, double > > | |
CKaskade::Elastomechanics::MaterialLaws::OrthotropicLinearMaterial< dim, Scalar > | Orthotropic linear material law |
CKaskade::Elastomechanics::MaterialLaws::OrthotropicNonLinearMaterial< dim, Scalar > | |
►CKaskade::Elastomechanics::MaterialLaws::MaterialLawBase< dim, double, StVenantKirchhoff< dim, double > > | |
CKaskade::Elastomechanics::MaterialLaws::StVenantKirchhoff< dim_, double > | |
CKaskade::Elastomechanics::MaterialLaws::StVenantKirchhoff< 3, double > | |
CKaskade::Elastomechanics::MaterialLaws::StVenantKirchhoff< dim, Scalar > | The St. Venant-Kirchhoff material, foundation of linear elastomechanics |
►CKaskade::Elastomechanics::MaterialLaws::MaterialLawBase< Material::dim, Material::Scalar, CompressibleInvariantsMaterialLaw< Material, DeviatoricPenalty > > | |
CKaskade::Elastomechanics::MaterialLaws::CompressibleInvariantsMaterialLaw< Material, DeviatoricPenalty > | Adaptor for hyperelastic material laws, providing an easy way to formulate compressible material laws in terms of the invariants of the isochoric part \( \bar C = C/(det C)^(1/d) \) of the Cauchy-Green strain tensor and a penalization of the deviatoric part \( I_d \) |
►CKaskade::Elastomechanics::MaterialLaws::MaterialLawBase< Material::dim, Material::Scalar, InvariantsMaterialLaw< Material > > | |
CKaskade::Elastomechanics::MaterialLaws::InvariantsMaterialLaw< Material > | Adaptor for hyperelastic material laws, providing an easy way to formulate incompressible material laws in terms of the invariants of the Cauchy-Green strain tensor \( C = I+2E\) |
CDune::Matrix< class, class > | |
CDune::Matrix< Dune::FieldMatrix< double, 1, 1 > > | |
CDune::Matrix< Dune::FieldVector< double, 1 > > | |
CDune::Matrix< FieldVector< double, 1 > > | |
CKaskade::Matrix_to_Triplet< Matrix > | A class template that supports converting certain Dune matrices into the coordinate (triplet) format |
CKaskade::Matrix_to_Triplet< Dune::BCRSMatrix< Dune::FieldMatrix< K, N, M >, Allocator > > | |
CKaskade::Matrix_to_Triplet< Dune::FieldMatrix< K, n, m > > | |
CKaskade::Matrix_to_Triplet< NumaBCRSMatrix< Dune::FieldMatrix< K, N, M >, Index > > | |
CKaskade::MatrixAsTriplet< Scalar, SparseIndexInt > | |
CKaskade::MatrixAsTriplet< double > | |
CKaskade::MatrixAsTriplet< Scalar, int > | |
CKaskade::MatrixAsTriplet< Scalar_, SparseInt > | |
CKaskade::ThreadedMatrixDetail::MatrixEntry< To, From, scalarsMatch > | |
CKaskade::ThreadedMatrixDetail::MatrixEntry< Entry, Entry > | |
CKaskade::ThreadedMatrixDetail::MatrixEntry< To, From, typename std::is_same< typename To::field_type, typename From::field_type >::type > | |
CKaskade::MatrixRepresentedOperator< Matrix_, Domain_, Range_ > | Operator with matrix-representation and coordinate mappings |
CKaskade::MatrixRepresentedOperator< Kaskade::MatrixAsTriplet, Domain, Range > | |
CKaskade::MatrixRepresentedOperator< Kaskade::MatrixAsTriplet< double >, Domain, Range > | |
CKaskade::MatrixTraits< Matrix > | Defines domain and range types for matrix classes |
CKaskade::MatrixTraits< Dune::FieldMatrix< Scalar, n, m > > | |
CKaskade::MatrixTraits< NumaBCRSMatrix< Entry, Index > > | |
CKaskade::MeasureTime | |
CKaskade::MembraneModelBase< Derived, n > | Convenience base class for membrane models providing numerical differentiation |
►CKaskade::MembraneModelBase< AlievPanfilov, 1 > | |
CKaskade::AlievPanfilov | Phenomenological model by Aliev and Panfilov |
►CKaskade::MembraneModelBase< FentonKarma, 2 > | |
CKaskade::FentonKarma | The 3-variable Fenton-Karma membrane model |
►CKaskade::MembraneModelBase< PhysiologicalAlievPanfilov, 1 > | |
CKaskade::PhysiologicalAlievPanfilov | Phenomenological model based on Aliev and Panfilov, scaled to physiological values |
►CKaskade::MembraneModelBase< TenTusscher16, 16 > | |
CKaskade::TenTusscher16 | Physiologcial model by tenTusscher et al |
►CKaskade::MembraneModelBase< TenTusscher18, 18 > | |
CKaskade::TenTusscher18 | Physiologcial model by tenTusscher et al. (2006) |
CKaskade::MGProjectionOnTangentSpace< Assembler, nComponents, stateId, controlId, adjointId > | |
CKaskade::MGProlongation | A prolongation operator for P1 finite elements from a coarser grid level to the next finer level |
CKaskade::MGSolverStatistics< d, Real > | An interface for gathering multigrid solver statistics |
CKaskade::MGSolverStatistics< d, double > | |
CLossy_Detail::MlStack< Grd > | |
CMlStack< Grd > | |
CKaskade::Monomial< k > | Monomial a*x^k of order k |
►CKaskade::Elastomechanics::MaterialLaws::MooneyRivlin< dimension > | Mooney-Rivlin material law formulated in terms of the (shifted) invariants \( i_1, i_2, i_3 \) of the doubled Green-Lagrange strain tensor \( 2E \) |
CKaskade::Elastomechanics::MaterialLaws::NeoHookean< dimension > | Neo-Hookean material law formulated in terms of the shifted invariants \( i_1, i_2, i_3 \) of the doubled Green-Lagrange strain tensor \( 2E \) |
CKaskade::MorleyMapper< ScalarType, GV > | Degrees of freedom manager for Morley nonconforming elements |
►CKaskade::Mortar< Scalar, dim > | Abstract base class for computation of constraints from constraint samples |
CKaskade::BezierMortar< Scalar, dim > | Defines a constraint formulation where samples are weighted by Bezier test functions |
CKaskade::DiracMortar< Scalar, dim > | Defines a constraint formulation where each sample is taken as a single constraint of its own |
CKaskade::MortarB | Defines the sample-based contact constraint formulation |
►CKaskade::MultigridSolver< Grid, nComponents > | |
CKaskade::MultiGridPreconditioner< Grid, components > | |
CKaskade::MultiGridPreconditioner< Grid, nComponents > | |
CMultigridSolver< Grd, domain_type > | |
CKaskade::MultigridSolver< Grid, components > | |
CKaskade::MultigridSolver< typename Assembler::Grid, nComponents > | |
CKaskade::MultiGridStack< Prolongation, Entry, Index > | Class for multigrid stacks |
CKaskade::MultiGridStack< Kaskade::NumaBCRSMatrix, Dune::FieldMatrix, size_t > | |
CKaskade::MultiGridStack< Kaskade::NumaBCRSMatrix, Entry, Index > | |
CKaskade::MultilevelCoarseningPolicy | Policy class for LocalTransfer These two structures are used for determining whether to perform a "normal" grid transfer (default, AdaptionCoarseningPolicy), or to calculate prolongation matrices for a FE function space based on a HierarchicIndexSet (see mgtools.hh) |
►CKaskade::MultiLevelLocalGeometry< Grid > | Transformation of coordinates between ancestor and child |
CKaskade::LocalGeometryInCoarseGridAncestor< Grid > | |
CKaskade::MultiGridSolver_Detail::MultiLevelStack< Grid, Scalar, nComponents, Matrix > | |
CKaskade::MultiGridSolver_Detail::MultiLevelStack< Grid, Scalar, 1 > | |
CKaskade::MultiGridSolver_Detail::MultiLevelStack< Grid, Scalar, nComponents > | |
CKaskade::MultiGridSolver_Detail::MultiLevelStack< typename Assembler::Grid, Scalar, nComponents > | |
CMultilevelTransfer< Space, Grid > | |
CKaskade::Factorization< Scalar >::Info::Mumps | The Mumps struct provides output information specific to MUMPS |
CKaskade::FactorizationOptions::Mumps | The Mumps struct allows to specify options which are exclusively relevant for the MUMPS solver |
CKaskade::Mutex | A utility class implementing appropriate copy semantics for boost mutexes |
CKaskade::NedelecMapper< ScalarType, GV > | Degrees of freedom manager for Nedelec edge elements |
CKaskade::NestedDissection< StorageScalar > | Nested dissection factorization for symmetric positive definite sparse matrices |
CKaskade::NestedDissectionStorageTag< StorageScalar, FactorizationScalar > | A parametrized tag type for selecting storage of inverses by nested dissection with floating point representation of type Scalar |
CKaskade::Giant< Grid, Equation, VariableSet, Spaces >::NleqInfo | |
CKaskade::NleqSolver< Grid, Equation, VariableSet, Spaces >::NleqInfo | |
CKaskade::NleqSolver< Grid, Equation, VariableSet, Spaces > | Solution of a nonlinear system of equations by a damped Newton-method |
CKaskade::DirectSolver_Detail::NoFieldType | |
CNonlinearVariationalFunctional | Documentation of the concept of a nonlinear variational functional The nonlinear variational functional concept defines the interface that is accessed by the LinearizationAt and linearizationAt adapters. It differs from the basic VariationalFunctional concept mainly in how the DomainCache and the BoundaryCache are constructed |
CKaskade::CG_Detail::NoRegularization< X, Xstar, class > | |
CKaskade::NoRegularization | |
CKaskade::LinAlg::Norm< ScalarProduct_ > | Norm defined via ScalarProdcut |
►CKaskade::NormalStep | |
CKaskade::NormalStepNewton< Newton > | |
CKaskade::LagrangeOperator< NormalStepAssembler, TangentialStepAssembler, stateId, controlId, adjointId >::NormalStepApplyScaleAdd | |
CKaskade::NormalStepPreconditioner2< Functional, Assembler, components > | |
CKaskade::NormModelCreator | |
CKaskade::LinAlg::NormSquared< ScalarProduct_ > | Norm squared defined via ScalarProduct |
CKaskade::LinAlg::NormSquared< ScalarProduct > | |
CKaskade::DirectSolver_Detail::NoScalar | |
CKaskade::NumaAllocator< T > | An STL allocator that uses memory of a specific NUMA node only |
CKaskade::NumaBCRSMatrix< Entry, Index > | A NUMA-aware compressed row storage matrix adhering mostly to the Dune ISTL interface (to complete...) |
CKaskade::NumaBCRSMatrix< Dune::FieldMatrix< Real, 1, 1 > > | |
CKaskade::NumaBCRSMatrix< Dune::FieldMatrix< Scalar, 1, 1 > > | |
CKaskade::NumaBCRSMatrix< Entry, Index > | |
CKaskade::NumaBCRSMatrix< Entry, std::size_t > | |
►CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixConstRowIterator< Entry, Index > | An iterator stepping through all entries in a row |
CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixRowIterator< Entry, Index > | |
CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixExpression< Arguments, Operation > | |
CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixExpressionChunk< Arguments, Operation > | |
►CKaskade::ThreadedMatrixDetail::NumaBCRSRow< Entry, Index > | |
►CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixConstIterator< Entry, Index > | |
CKaskade::ThreadedMatrixDetail::NumaBCRSMatrixIterator< Entry, Index > | |
CKaskade::NumaCRSPattern< Index > | A NUMA-aware compressed row storage sparsity pattern |
CKaskade::NumaCRSPatternCreator< Index > | A NUMA-aware creator for matrix sparsity patterns |
►CNumaDenseMatrixDetail::NumaDenseBase | |
CKaskade::NumaDenseMatrix< Entry > | A dense matrix class tailored towards NUMA architectures |
CKaskade::NumaVector< Entry > | A vector class tailored towards NUMA architectures. This vector distributes its entries in blocks of approximately equal size to the different nodes of NUMA machines in order to exploit the larger accumulated memory bandwidth for fast vector operations. This is most beneficial for large vectors exceeding the cache of the CPUs. Modern processors (2015-01-01) have up to 6MB 3rd level cache, so this is intended for vectors of more than 50,000 doubles, say |
CKaskade::NumaThreadPool | Implementation of thread pools suitable for parallelization of (more or less) memory-bound algorithms (not only) on NUMA machines |
CKaskade::LinAlg::OneNorm | One norm for stl-container, Dune::FieldVector and Dune::FieldMatrix |
CKaskade::OptimizationParameters | |
CKaskade::Options | |
CKaskade::Elastomechanics::OrthotropicLameNavier< Scalar, dim > | Convenience class for handling orthotropic materials in linear elastomechanics |
CParabolicEquation | Documentation of the concept of a parabolic parabolic equation |
CKaskade::MultigridSolver< Grid, nComponents >::Parameter | |
CPARDISOFactorization | Factorization with DirectType::PARDISO |
CKaskade::MultiGridSolver_Detail::ParentalNodes< Grid > | Finds the parent nodes and their interpolation weight for each node in the grid. usage eg.: ParentalNodes<Grid> parentalNodes( gridManager.grid() ); |
CLossy_Detail::ParentalNodes< Grid > | |
CParentalNodes< Grd > | Finds the parent nodes and their interpolation weight for each node in the grid. usage eg.: ParentalNodes<Grid> parentalNodes( gridManager.grid() ); |
CPartialIndexSet< Grid, IndexSet, Part > | |
CHierarchicIndexSet< Grid >::Codim< cd >::Partition< pitype > | |
CPartialIndexSet< Grid, IndexSet, Part >::Codim< cd >::Partition< pitype > | |
CKaskade::PatchDomainDecompositionPreconditionerTraits< StorageTag, components > | Provides the actual type of local matrix storage based on a tag and the number of components |
CKaskade::PatchDomainDecompositionPreconditionerTraits< DenseCholeskyStorageTag< Scalar >, components > | |
CKaskade::PatchDomainDecompositionPreconditionerTraits< DenseInverseStorageTag< Scalar >, components > | |
CKaskade::PatchDomainDecompositionPreconditionerTraits< NestedDissectionStorageTag< StorageScalar, FactorizationScalar >, components > | |
►CKaskade::PCGTerminationCriterion< R > | Interface for IterateType::PCG termination criterion policy classes |
CKaskade::PCGCountingTerminationCriterion< R > | PCG termination after a given number of iterations |
CKaskade::PCGEnergyErrorTerminationCriterion< R > | TerminationCriterion based on an absolute energy error estimate |
CKaskade::StrakosTichyEnergyErrorTerminationCriterion< R > | Relative energy error termination criterion according to Strakos, Tichy: Error estimation in preconditioned conjugate gradients. Requires that IterateType::CG starts at \( x = 0 \). More general starting values might be used, but must be chosen such that the estimate for the energy norm of the solution stays positive (see the above mentioned paper for details) |
CKaskade::StrakosTichyPTerminationCriterion< R > | Relative error termination criterion based on the norm induced by the preconditioner, according to Strakos, Tichy: Error estimation in preconditioned conjugate gradients. Requires that IterateType::CG starts at \( x = 0 \). More general starting values might be used, but must be chosen such that the estimate for the energy norm of the solution stays positive (see the above mentioned paper for details) |
CKaskade::PCGTerminationCriterion< double > | |
CKaskade::PCGTerminationCriterion< Real > | |
CKaskade::PlainAverage | A Weighing that associates to each cell a constant weight of 1 |
CPointwiseCorrection< PolyEquation > | Pointwise damping strategy |
CKaskade::Polynomial< k1, k2 > | |
►CDune::Preconditioner | |
►CKaskade::ChebyshevSemiIteration< Operator, true > | |
CKaskade::ChebyshevPreconditioner< Operator > | Preconditioner based on the Chebyshev semi-iteration. In order to provide a linear preconditioner the termination criterion based on relative descent in the energy-norm induced by the preconditioner is disabled here. Instead the preconditioner performs a fixed number of iterations thus yielding a linear preconditioner |
►CKaskade::ChebyshevSemiIteration< typename Traits::NormUOperator, true > | |
CKaskade::ChebyshevPreconditioner< typename Traits::NormUOperator > | |
CKaskade::DirectSolver< Dune::BlockVector, Dune::BlockVector > | |
CKaskade::DirectSolver< BlockVector< Dune::FieldVector< Scalar, 1 > >, BlockVector< Dune::FieldVector< Scalar, 1 > > > | |
CKaskade::DirectSolver< typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Domain, typename SchurPreconditionerDetail::ExtractDomainAndRange< Operator, IstlInterfaceDetail::BlockInfo< 0, 1, 0, 1 > >::Range > | |
CKaskade::DirectSolver< typename Kaskade::AssembledGalerkinOperator< Assembler >::Domain, typename Kaskade::AssembledGalerkinOperator< Assembler >::Range > | |
CKaskade::DirectSolver< DoubleDomain, DoubleRange > | |
CKaskade::DirectSolver< Domain, Range > | |
►CKaskade::SymmetricPreconditioner< Smoother::domain_type, Smoother::range_type > | |
CKaskade::AdditiveMultiGrid< Smoother, Prolongation, CoarsePreconditioner > | An additive multigrid preconditioner for P1 elements |
CKaskade::MultiplicativeMultiGrid< Entry, Index, Smoother, Prolongation > | A general multiplicative multigrid preconditioner |
►CKaskade::SymmetricPreconditioner< Operator::domain_type, Operator::range_type > | |
►CKaskade::JacobiPreconditionerDetail::JacobiPreconditionerBase< Operator::matrix_type, Operator::domain_type, Operator::range_type > | |
CKaskade::JacobiPreconditioner< Kaskade::AssembledGalerkinOperator > | |
CKaskade::JacobiPreconditioner< typename Traits::NormUOperator > | |
CKaskade::JacobiPreconditioner< Operator > | |
CKaskade::AgglomerationPreconditioner< Operator > | An agglomeration-based preconditioner for elliptic problems discretized with higher-order Lagrange finite elements |
►CKaskade::SymmetricPreconditioner< AssembledGalerkinOperator< Assembler, firstRow, firstRow+1, firstCol, firstCol+1, IstlInterfaceDetail::RangeBlockSelector< firstRow, firstRow+1, firstCol, firstCol+1 >, true >::domain_type, AssembledGalerkinOperator< Assembler, firstRow, firstRow+1, firstCol, firstCol+1, IstlInterfaceDetail::RangeBlockSelector< firstRow, firstRow+1, firstCol, firstCol+1 >, true >::range_type > | |
CKaskade::AgglomerationPreconditioner< AssembledGalerkinOperator< Assembler, firstRow, firstRow+1, firstCol, firstCol+1, IstlInterfaceDetail::RangeBlockSelector< firstRow, firstRow+1, firstCol, firstCol+1 >, true > > | |
►CKaskade::SymmetricPreconditioner< typename MatrixTraits< Matrix >::NaturalDomain, typename MatrixTraits< Matrix >::NaturalRange > | |
CKaskade::GaussSeidelPreconditioner< Matrix, Domain, Range > | A simple single-level symmetric Gauss-Seidel preconditioner |
CKaskade::JacobiPreconditionerDetail::JacobiPreconditionerBase< Matrix, Domain, Range > | |
►CKaskade::SymmetricPreconditioner< Domain, Range > | |
CKaskade::HierarchicalBasisPreconditioner< Grid, Domain, Range > | A hierarchical basis preconditioner |
►CKaskade::SymmetricPreconditioner< X, X > | |
CKaskade::IdentityPreconditioner< X > | The trivial (identity) preconditioner |
►CKaskade::SymmetricPreconditioner< AssembledGalerkinOperator< Assembler, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric >::Domain, AssembledGalerkinOperator< Assembler, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric >::Range > | |
CKaskade::JacobiPreconditioner< AssembledGalerkinOperator< Assembler, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric > > | A recursive Jacobi preconditioner for heterogeneous square block matrices from a variational assembler |
►CKaskade::SymmetricPreconditioner< typename MatrixTraits< NumaBCRSMatrix< Entry, Index > >::NaturalDomain, typename MatrixTraits< NumaBCRSMatrix< Entry, Index > >::NaturalRange > | |
►CKaskade::JacobiPreconditionerDetail::JacobiPreconditionerBase< NumaBCRSMatrix< Entry, Index > > | |
CKaskade::JacobiPreconditioner< NumaBCRSMatrix< Entry, Index > > | A simple single-level Jacobi preconditioner working on sparse matrices |
►CKaskade::SymmetricPreconditioner< Space::template Element< m >::type::StorageType, Space::template Element< m >::type::StorageType > | |
CKaskade::PatchDomainDecompositionPreconditioner< Space, m, StorageTag, SparseMatrixIndex > | An additive overlapping domain decomposition type preconditioner for higher order finite elements applied to elliptic equations |
►CKaskade::SymmetricPreconditioner< AGOP::Scalar, AGOP::Domain > | |
CKaskade::SymmetricTaylorHoodPreconditioner< AGOP > | Symmetric Taylor-Hood constraint preconditioner |
CKaskade::TaylorHoodPreconditioner< domain_type > | |
CKaskade::ARMSPreconditioner< Op > | |
CKaskade::AdditiveSchwarzPreconditioner< Op > | |
CKaskade::BlockDiagonalSchurPreconditioner< Operator, SchurComplement, BlockK, BlockM, LinearSolver, LinearSolver_SchurComplement > | |
CKaskade::BoomerAMG< Op > | |
CKaskade::ChebyshevSemiIteration< Operator, isPreconditioner > | Preconditioned chebyshev semi iteration |
CKaskade::DirectBlockSchurSolver< Factorization, VariableSet > | |
CKaskade::DirectNormalSolver< Assembler_, PrecondAssembler, Domain_, Range_, VariableSet, components > | |
CKaskade::DirectPreconditioner< Op > | |
CKaskade::DirectPreconditionerFloatWrapper< Domain, Range, SparseIndex > | |
CKaskade::DirectSolver< Domain_, Range_ > | |
CKaskade::DirectSolver< Dune::FieldVector< S, n >, Dune::FieldVector< S, n > > | |
CKaskade::Euclid< Op > | |
CKaskade::ICC_0Preconditioner< Op > | Incomplete Cholesky factorization by algorithm from book "Matrix Computations" by Gene Golub & Charles van Loan |
CKaskade::ILUKPreconditioner< Op > | |
CKaskade::ILUTPreconditioner< Op > | |
CKaskade::InexactTangentSpacePreconditioner< Functional, Assembler, components, exactConstraint > | |
CKaskade::InexactTangentSpacePreconditionerILU< Functional, Assembler, components, exactConstraint > | |
CKaskade::JacobiPreconditionerForTriplets< Scalar, Domain, Range, SparseIndexInt > | |
CKaskade::JacobiSolver< Scalar, nComponents > | |
CKaskade::JacobiSolverForTriplets< Scalar, Domain, Range, SparseIndexInt > | |
CKaskade::NormalStepPreconditioner< Functional, Assembler > | |
CKaskade::NormalStepPreconditioner3< Functional, Assembler, components > | |
CKaskade::PPCGAsNormalSolver< Assembler_, PrecondAssembler, Domain_, Range_, VariableSet, components > | |
CKaskade::PartialDirectPreconditioner< Op > | DEPRECATED A partial direct preconditioner applicable to assembled operators |
CKaskade::PreconditionerAsNormalSolver< Operator, PrecondAssembler, PreconditionerFactory, VariableSet > | |
►CKaskade::SymmetricPreconditioner< X, Xstar > | Interface for symmetric preconditioners |
CKaskade::SymmetricPreconditionerWrapper< X, Xstar > | Wrapper class presenting a symmetric preconditioner interface for any preconditioner |
CKaskade::TangentSpacePreconditioner< Functional, Assembler, components > | |
CKaskade::TangentSpacePreconditioner2< Functional, Assembler, components > | |
CKaskade::TaylorHoodPreconditioner< X > | Constraint preconditioner for Taylor-Hood discretizations of incompressibility problems |
CKaskade::TrivialPreconditioner< Operator > | The trivial preconditioner: this is simply the identity that does exactly nothing |
CKaskade::PreconditionerFactory< class, class, class, class > | |
CKaskade::DynamicMatrixDetail::ProductTraits< EntryA, EntryB, Enable > | |
CKaskade::DynamicMatrixDetail::ProductTraits< Dune::FieldMatrix< EntryA, n, m >, Dune::FieldMatrix< EntryB, m, k >, void > | |
CKaskade::DynamicMatrixDetail::ProductTraits< Scalar, Scalar, std::enable_if_t< std::is_arithmetic_v< Scalar > > > | |
CKaskade::CoarseningDetail::ProjectCoefficients< Projectors > | |
CGeometricObject::ImplementationDetail::ProjectionImpl< FirstObject, SecondObject, Scalar, dim, ScalarProduct > | |
CGeometricObject::ImplementationDetail::ProjectionImpl< Point< Scalar, dim >, Line< Scalar, dim >, Scalar, dim, ScalarProduct > | |
CGeometricObject::ImplementationDetail::ProjectionImpl< Point< Scalar, dim >, Rectangle< Scalar, dim >, Scalar, dim, ScalarProduct > | |
CKaskade::ProjectionOnTangentSpace< Assembler > | |
CKaskade::CoarseningDetail::Projector< Sp > | |
CLossy_Detail::Prolongation< Grid > | |
CLossy_Detail::ProlongationStack< Grid > | |
CProlongationStack< Grd > | |
CKaskade::Elastomechanics::Pstable | Numerically stable evaluation of \( (x+1)^p -1 \) |
CKaskade::QPALSolver< d, sparsity, Real > | An augmented Lagrangian solver for small instances of a particular class of quadratic programs |
CKaskade::QPBoundSolverBase< Real, Implementation > | An iterative solver for small instances of bound constrained quadratic programs |
►CKaskade::QPBoundSolverBase< double, QPBoundSolver< double > > | |
CKaskade::QPBoundSolver< R > | An iterative solver for small instances of bound constrained quadratic programs |
►CKaskade::QPBoundSolverBase< double, QPDirectSparse< double > > | |
CKaskade::QPDirectSparse< R > | A solver for sparse, medium-sized instances of bound constrained quadratic programs |
►CKaskade::QPBoundSolverBase< double, QPSlackSolver< QPStructure::DENSE, double > > | |
CKaskade::QPSlackSolver< sparsity, R > | An iterative solver for particular instances of bound constrained quadratic programs |
CKaskade::QPMultiGridBase< d, Prolongation, Smoother, CoarseSmoother, Real > | A base class for multigrid solver for QPs |
►CKaskade::QPMultiGridBase< d, Prolongation, QPPenaltySmoother< d, double >, QPPenaltySmoother< d, double >, double > | |
CKaskade::QPMultiGrid< d, Prolongation, Real, Smoother, CoarseSmoother > | A multigrid solver for convex QPs |
►CKaskade::QPMultiGridBase< d, Prolongation, QPSmoother< d, double >, QPSmoother< d, double >, double > | |
CKaskade::QPMultiGridStrict< d, Prolongation, Real, Smoother, CoarseSmoother > | |
CKaskade::QPPenalizedSolver< d, sparsity, Real > | An iterative solver for small instances of a particular class of quadratic programs |
CKaskade::QPPenalizedSolver< d, QPStructure::DENSE, double > | |
CKaskade::QPPenaltySmoother< d, Real, sparsity > | |
CKaskade::QPSmoother< d, Real, sparsity > | |
CKaskade::QPSolver< d, Real > | An iterative solver for small instances of a particular class of quadratic programs |
CKaskade::QuadraticAndLogBase | |
CKaskade::QuadraticModel< Lin, simplified > | Creates a (linear) model to a linearization of a functional |
CKaskade::QuadraticModelCreator | |
CDune::QuadratureRule< class, int > | |
►CDune::QuadratureRule< GType, dim > | |
CKaskade::NewtonCotesRule3< GType, dim > | |
CKaskade::RefinedTrapezoidal< GType, dim > | |
CKaskade::TrapezoidalRule< GType, dim > | |
CKaskade::QuadratureTraits< QuadRule > | A cache that stores suitable quadrature rules for quick retrieval |
CKaskade::QuadratureTraits< Dune::QuadratureRule< ctype, dim > > | A cache that stores suitable quadrature rules for quick retrieval |
►CRangeCoder< UInt > | Base class for entropy coding with range encoder and decoder |
CRangeDecoder< UInt > | Entropy coding with range decoder |
CRangeEncoder< UInt > | Entropy coding with range encoder |
CKaskade::RangeView< It > | DEPRECATED. Use boost::iterator_range instead |
CKaskade::RangeView< boost::compressed_pair< bool, int > > | |
CKaskade::NumaAllocator< T >::rebind< U > | |
CGeometricObject::Rectangle< Scalar, dim > | |
►CKaskade::RefinementCriterion | Base class for refinement criteria |
CKaskade::BulkCriterion | Bulk refinement criterion. Determines the refinement thresholds such that approximately the specified fraction of the total error is removed by the refinement (under the unrealistically optimistic assumption that refinement eliminates the error completely in that cell - in reality, it's only reduced by a certain factor, so the total error is reduced somewhat less) |
CKaskade::FixedFractionCriterion | Fixed fraction refinement criterion. Determines the refinement thresholds such that at least the specified fraction of the cells are marked for refinement. This ensures that not too few cells are marked, which could lead to very many refinement iterations, but may lead to erratic refinement if there are indeed only very local refinements necessary |
►CKaskade::MaxValueCriterion | Max value refinement criterion. Determines the refinement thresholds such that all cells with an error contribution exceeding a certain fraction of the maximum error contribution are refined |
CKaskade::BabuskaRheinboldtCriterion | Babuska-Rheinboldt refinement criterion. Determines the refinement thresholds such that all cells with an error contribution exceeding the expected error contribution of the worst cell after refinement will be marked. This tends to equilibrate the error contributions quite fast |
►CRefinementStrategy | |
CKaskade::ErrorEstimatorBase< VariableSetDescription, ErrorRepresentation, ExtensionSpace, RefinementStrategy > | |
CKaskade::CG_Detail::Regularization< X, Xstar, Derived > | |
CKaskade::PartitionedSpaceDetail::RestrictToBoundary | |
CKaskade::ScalarSpaceDetail::RestrictToBoundary | |
CKaskade::CoarseningDetail::CreateProjection::result< T > | |
CKaskade::ConstructCoefficientVector< Spaces >::result< Arg > | |
CKaskade::ConstructElement< Spaces >::result< Arg > | For a given variable, defines the correct FunctionSpaceElement type |
CKaskade::GetVarArgs< Evaluators >::result< T > | |
CKaskade::JacobiPreconditionerDetail::ExtractDiagonal::result< T > | |
CKaskade::QuadraticModel< Lin, simplified >::HessianTimesDirection< row, dim, Cache >::result< T > | |
CKaskade::QuadraticModel< Lin, simplified >::LinearFunctionalTimesDirection< LinFunctional >::result< T > | |
CKaskade::ScaledTwoNorm2Collector< Functions, Scaling, Collector >::TwoNorm2::result< T > | |
CKaskade::ConstructCoefficientVector< Spaces >::result< ConstructCoefficientVector< Spaces >(Variable)> | |
CKaskade::ConstructElement< Spaces >::result< ConstructElement< Spaces >(Variable)> | |
CKaskade::CoarseningDetail::CreateProjection::result< CreateProjection(SpacePtr)> | |
CKaskade::JacobiPreconditionerDetail::ExtractDiagonal::result< ExtractDiagonal(Block)> | |
CKaskade::GetVarArgs< Evaluators >::result< GetVarArgs(VD)> | |
CKaskade::QuadraticModel< Lin, simplified >::HessianTimesDirection< row, dim, Cache >::result< HessianTimesDirection< row, dim, Cache >(T, State)> | |
CKaskade::QuadraticModel< Lin, simplified >::LinearFunctionalTimesDirection< LinFunctional >::result< LinearFunctionalTimesDirection< LinFunctional >(T, State)> | |
CKaskade::ScaledTwoNorm2Collector< Functions, Scaling, Collector >::TwoNorm2::result< TwoNorm2(Vec)> | |
CKaskade::QuadraticModel< Lin, simplified >::RowValueType< row > | |
CKaskade::SumFunctional< Fu1, Fu2 >::RowValueType< row > | |
►Cstd::runtime_error | |
►CKaskade::DetailedException | A wrapper class for conveniently providing exceptions with context information |
CKaskade::GridException | An exception class for grid related errors |
►CKaskade::IOException | An exception class for IO errors |
CKaskade::FileIOException | An exception class for file IO errors |
►CKaskade::IterativeSolverException | To be raised if an iterative solver fails |
CKaskade::InfeasibleProblemException | To be raised if an iterative solver detects the problem to be infeasible (has no valid solution) |
CKaskade::LinesearchException | To be raised if a linesearch fails |
CKaskade::UnboundedProblemException | To be raised if an iterative solver detects the optimization problem to be unbounded (has no valid solution) |
►CKaskade::LinearAlgebraException | A base class for linear algebra exceptions |
CKaskade::DirectSolverException | To be raised if a direct solver fails |
CKaskade::NonpositiveMatrixException | To be raised if the matrix is not positive definite |
CKaskade::NonsquareMatrixException | To be raised if the matrix is nonsquare |
CKaskade::SingularMatrixException | To be raised if the matrix is singular |
CKaskade::LookupException | An exception that can be thrown whenever a key lookup fails |
CKaskade::ScalarConverter< Cell, Scalar > | A Converter for scalar shape functions that do not change their value under transformation from reference to actual element geometry |
CKaskade::ScalarLaplace< Scalar, dim, isotropic > | Convenience class for handling diffusion terms in elliptic/parabolic equations |
►CKaskade::ScalarModelFunction | Interface for a scalar model function on a scalar domain that may fit data |
►CKaskade::PolynomialModel | |
CKaskade::JModelLin | |
►CKaskade::TransformedPolynomialModel | |
►CKaskade::LogLogModel | Polynomial model in a loglog scale |
CKaskade::EtaModel | |
CKaskade::JModel | |
CKaskade::OmegaModel | |
CKaskade::ScalarProductView< Function > | (Scalar) product of two functions |
CKaskade::ScalarTraits< Scalar > | Helper class for working with (real or complex) scalar field types |
CKaskade::ScalarTraits< std::complex< T > > | |
CKaskade::ScalarTraits< typenameGetScalar< X >::type > | |
CKaskade::DirectSolver_Detail::ScalarType< T > | |
CKaskade::ScaledTwoNorm2Collector< Functions, Scaling, Collector > | A functor for computing scaled \(L^2\)-norms of a set of (possibly vector-valued) functions |
CScaling | A callable that allows to implement weighted (scaled) norms |
CKaskade::ScatterFullLocalSolution< LocalSolution, Evaluators, GlobalSolution > | |
CKaskade::ScatterLocalSolution< LocalSolution, Evaluators, GlobalSolution > | |
CKaskade::ScopedTimingSection | A scope guard object that automatically closes a timing section on destruction |
CKaskade::Sdc< Vector > | Encapsulates the state of an SDC fixed point iteration and provides stepping |
►CKaskade::SDCTimeGrid | Abstract base class of time grids for (block) spectral defect correction methods |
CKaskade::LobattoTimeGrid | Spectral time grid for defect correction methods with Lobatto points on \( [a,b]\) |
►CKaskade::SDCGridImplementationBase | A convenience class simplifying the implementation of different SDCTimeGrid derived classes |
CKaskade::GaussTimeGrid | Spectral time grid for defect correction methods with Gauss points |
CKaskade::RadauTimeGrid | Spectral time grid for defect correction methods with Radau points on \( [a,b]\) |
CKaskade::SearchSpaceCreator | |
CSecondOrderEquation< BarrierFunction, yIdx > | |
CSelect< decide, T1, T2 > | Deprecated (use std::conditional_t instead). Will be removed after 2019-12-31 |
CSelect< false, T1, T2 > | |
CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< ParabolicEquation, SemiEuler, hasInnerBoundaryCache > | |
►CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< EvolutionEquation, SemiImplicitEulerStep< EvolutionEquation >, hasInnerBoundaryCache< EvolutionEquation > > | |
CKaskade::SemiImplicitEulerStep< EvolutionEquation > | |
CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< ParabolicEquation, SemiEuler, true > | |
►CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< ParabolicEquation, SemiImplicitEulerStep< ParabolicEquation >, hasInnerBoundaryCache< ParabolicEquation > > | |
CKaskade::SemiImplicitEulerStep< ParabolicEquation > | |
►CKaskade::SemiEulerDetail::SemiImplicitEulerInnerBoundaryPolicyImpl< PE, SemiImplicitEulerStep< PE >, hasInnerBoundaryCache< PE > > | |
CKaskade::SemiImplicitEulerStep< PE > | Linearly implicit Euler method |
CKaskade::ShapeFunction< ctype, dim, T, comp > | Shape functions |
►CKaskade::ShapeFunction< ctype, dimension, double > | |
CKaskade::LagrangeSimplexShapeFunction< ctype, dimension, Basis, Scalar > | Scalar Lagrange shape functions on the unit simplex |
►CKaskade::ShapeFunction< ctype, dimension, Scalar > | |
CKaskade::HierarchicSimplexShapeFunction< ctype, dimension, Scalar > | Scalar hierarchic shape functions on the unit simplex |
CKaskade::LagrangeCubeShapeFunction< ctype, dimension, Scalar, O > | Scalar Lagrange shape functions on the unit cube |
►CKaskade::ShapeFunction< ctype, dimension, T, dimension > | |
CKaskade::HdivSimplexShapeFunction< ctype, dimension, T > | Vectorial \( H(\text{div}) \) conforming shape functions on the unit simplex |
CKaskade::NedelecSimplexShapeFunction< ctype, dimension, T > | Vectorial Nedelec shape functions on the unit simplex |
CKaskade::ShapeFunctionCache< G, T, ComponentsEnd > | This class caches values and derivatives of shape functions at quadrature points |
CKaskade::ShapeFunctionCache< Grid, Scalar > | |
CKaskade::ShapeFunctionCache< Grid, typename Functional::Scalar > | |
CKaskade::ShapeFunctionSet< ctype, dimension, T, comp > | A set of shape functions |
CKaskade::ShapeFunctionSet< ctype, dim, T > | |
►CKaskade::ShapeFunctionSet< ctype, dimension, double, dimension > | |
CKaskade::HdivSimplexShapeFunctionSet< ctype, dimension, T > | A shape function set of \( H(\text{div}) \) conforming functions |
►CKaskade::ShapeFunctionSet< ctype, dimension, Scalar > | |
CKaskade::HierarchicExtensionSimplexShapeFunctionSet< ctype, dimension, Scalar > | A container of hierarchic shape functions of nominal order Ord on the unit simplex of grid dimension. For Ord<0, this set is empty |
CKaskade::HierarchicSimplexShapeFunctionSet< ctype, dimension, Scalar > | A container of hierarchic shape functions (see HierarchicSimplexShapeFunction) up to a given nominal order on the unit simplex of grid dimension |
CKaskade::LagrangeCubeShapeFunctionSet< ctype, dimension, Scalar, Ord > | |
CKaskade::LagrangeSimplexShapeFunctionSet< ctype, dimension, Scalar > | A container of Lagrange shape functions of order Ord on the unit simplex of grid dimension. For Ord<0, this set is empty |
►CKaskade::ShapeFunctionSet< ctype, dimension, T, 1 > | |
CKaskade::EmptyShapeFunctionSet< ctype, dimension, T, comp > | |
►CKaskade::ShapeFunctionSet< ctype, dimension, T, dimension > | |
CKaskade::NedelecSimplexShapeFunctionSet< ctype, dimension, T > | |
►CShapeFunctionSet_ | |
CKaskade::RestrictedShapeFunctionSet< ShapeFunctionSet_ > | Restricted shape function set. Introduces a new local ordering for the shape functions. To retrieve the original shape function id use getId(int newLocalId) |
CKaskade::ShapeFunctionSetContainer< ctype, dimension, T, comp > | Base class for sets of shape function containers |
►CKaskade::ShapeFunctionSetContainer< ctype, dimension, Scalar > | |
CKaskade::HierarchicExtensionShapeFunctionSetContainer< ctype, dimension, Scalar, restricted > | |
CKaskade::HierarchicShapeFunctionSetContainer< ctype, dimension, Scalar, restricted > | |
CKaskade::LagrangeShapeFunctionSetContainer< ctype, dimension, Scalar, restricted > | |
►CKaskade::ShapeFunctionSetContainer< ctype, dimension, T, dimension > | |
CKaskade::HdivShapeFunctionSetContainer< ctype, dimension, T > | |
CKaskade::NedelecShapeFunctionSetContainer< ctype, dimension, T > | |
CKaskade::BoundarySpace_Detail::ShapeFunctionSetRestriction< Mapper > | Get restricted shape function set for simplicial grid |
CKaskade::BoundarySpace_Detail::ShapeFunctionSetRestriction< ContinuousHierarchicExtensionMapperImplementation< Scalar, GridView, Data > > | |
CKaskade::BoundarySpace_Detail::ShapeFunctionSetRestriction< ContinuousHierarchicMapperImplementation< Scalar, GridView, Data > > | |
CKaskade::BoundarySpace_Detail::ShapeFunctionSetRestriction< ContinuousLagrangeMapperImplementation< Scalar, GridView, Data > > | |
CKaskade::BDDC::SharedMemoryDomain< Subdomain > | A class that orchestrates the exchange of data between BDDC subdomains |
CKaskade::Elastomechanics::ShellEnergy< Energy, Real > | A stored energy density class for Taylor-based shell models |
CKaskade::Elastomechanics::ShellKinematics< dim, Real > | A lower-dimensional kinematics ansatz useful for shell models |
CKaskade::Elastomechanics::ShellKinematicsDerivative< dim, Real > | A lower-dimensional kinematics ansatz useful for shell models |
CKaskade::Elastomechanics::ShellKinematicsDerivative< dim, double > | |
CKaskade::Elastomechanics::ShiftedInvariants< dim, Scalar > | A class for shifted invariants of a tensor |
CKaskade::Elastomechanics::ShiftedInvariants< dim, Scalar > | |
CKaskade::PartitionedSpaceDetail::SingleTagger | |
CKaskade::SLAPMatrix< Num, offset > | Very simple dense matrix class for interfacing with LAPACK routines and the optimization tool uncmin |
CKaskade::SLAPMatrix< double > | |
CKaskade::SolveLocalSystem< LocalVector, LocalMatrix > | |
CKaskade::VariableSetDescription< SpaceList, VariableList >::SpaceIndex< idx > | DEPRECATED, use spaceIndex instead |
CKaskade::Bridge::SpaceTransfer | |
CKaskade::BDDC::SpaceTransferBase< m, Scalar > | Base class for BDDC SpaceTransfer implementations |
►CKaskade::BDDC::SpaceTransferBase< m, double > | |
CKaskade::BDDC::SpaceTransfer< m, double > | |
CKaskade::BDDC::SpaceTransfer< m, Scalar, TransmissionScalar > | A trivial BDDC space transfer |
CKaskade::SpaceType< Spaces, Idx > | Extracts the type of FE space with given index from set of spaces |
►CKaskade::SparseLinearSystem | Abstract base class for a sparse linear system |
CKaskade::Bridge::KaskadeLinearization< Functional > | Bridge::Linearization class that uses a VariationalFunctionalAssembler to create linear systems |
CKaskade::SimpleSparseLinearSystem | Simple Implementation for SparseLinearSystem |
CKaskade::BoundaryLocatorDetail::SpatialIndex< GridView, Function, dimw > | |
CKaskade::CellLocatorDetail::SpatialIndex< GridView, dimw > | |
CKaskade::Sqrt | |
CKaskade::StaticIndexRange< first, last > | A compile-time index range |
CStepEquation | |
CKaskade::Elastomechanics::StrainView< Displacement, StrainTensor > | A function view that provides on the fly computed strain tensors of displacemnts |
CKaskade::StrongBoundaryValues< LocalInd, RT, Cache, BoundaryCache, dim, Evaluators > | |
CKaskade::StrongResidualsTimesTestFunction< LocalInd, Evaluators, RT, TestFunctions, Cache > | |
CKaskade::BDDC::Subdomain< m, Scalar_, CoarseScalar, Transfer > | A class representing small KKT systems on a single subdomain |
CKaskade::SubstractCorrection< CorrectionVector > | |
CKaskade::SumCache< Cache1, Cache2 > | |
CKaskade::SumFunctional< Fu1, Fu2 > | |
CKaskade::SummationCollector | A Collector that sums up the weighted contributions |
CKaskade::SumUp< scl > | |
CKaskade::Elastomechanics::SurfaceGreenLagrangeTensor< Scalar, dim, byValue > | Full (right) Green-Lagrange strain tensor for displacements from dim-1 to dim |
CKaskade::SystDim< dim > | |
CKaskade::SystDimFull< dim > | |
►CKaskade::TangentialStep | |
CKaskade::TangentialStepArmijo | |
CKaskade::TangentialStepNewton< Newton > | |
CKaskade::LagrangeOperator< NormalStepAssembler, TangentialStepAssembler, stateId, controlId, adjointId >::TangentialStepApplyScaleAdd | |
CKaskade::TaskTiming | A class that gathers data on task timing and provides gnuplot visualization |
►CFunctional::template D1 | |
CKaskade::LinearizationAt< Functional_ >::D1< row > | Rhs block information |
CKaskade::LinearizationDifferenceAt< Functional_ >::D1< row > | Rhs block information |
►CParabolicEquation::template D1 | |
CKaskade::SemiImplicitEulerStep< PE >::D1< row > | |
►CFunctional::template D2 | |
CKaskade::CardioD2< Functional >::D2< row, col > | |
CKaskade::LinearizationAt< Functional_ >::D2< row, col > | Matrix block information |
CKaskade::LinearizationDifferenceAt< Functional_ >::D2< row, col > | Matrix block information |
►CParabolicEquation::template D2 | |
CKaskade::SemiImplicitEulerStep< PE >::D2< row, col > | |
CKaskade::TimeSeriesVTKWriter | |
CKaskade::Timings | Supports gathering and reporting execution times information for nested program parts |
CKaskade::FunctionSpace_Detail::ToDomainRepresentation< FEFunction > | |
CKaskade::FunctionSpace_Detail::ToDomainRepresentation< FunctionSpaceElement< FEFunctionSpace< BoundaryMapper< DomainMapper, Scalar, GridView > >, m > > | |
CKaskade::ErrorEstimator_Detail::Traits< Functional, VariableSetDescription, ExtensionVariableSetDescription > | |
CKaskade::TransferData< Space, CoarseningPolicy > | A class storing data collected before grid adaptation that is necessary to transfer FE functions. This includes global indices of shape functions on leaf cells and restriction matrices to coarser cells in case some leaf cells might be removed during grid adaptation |
CKaskade::TransferData< Space, CoarseningPolicy >::TransferMatrix | Matrix that transforms a data vector v_1 corresponding to the old grid to a data vector v_2 corresponding to the new grid, such that the functions represented by these vectors coincide as much as possible |
CTranspose< Matrix, transposed > | Returns the matrix type or its transposed type, depending on the given transpose flag |
CTranspose< Dune::FieldMatrix< Scalar, n, m >, transposed > | |
CKaskade::AssembledGalerkinOperator< Assembler_, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric >::TransposedApplyScaleAdd | |
CGeometricObject::Triangle< Scalar, dim > | |
CKaskade::TrivialBoundaryDetector | |
CKaskade::TrivialCacheBase< AnsatzVars, TestVars > | Base class simplifying the definition of domain and boundary caches |
►CKaskade::TrivialCacheBase< Functional::AnsatzVars, Functional::TestVars > | |
CKaskade::CacheBase< Functional, Cache, ScalarT > | Provides implementations of d1 and d2 for (possibly mixed) use of scalar and power spaces |
►Cstd::true_type | |
CKaskade::GridLocking< Dune::GeometryGrid< HostGrid, Deformation, Allocator > > | |
►CCG_Detail::ChooseRegularization::type | |
CKaskade::CGBase< X, Xstar, impl, TimerPolicy, Functor > | Regularized preconditioned conjugate gradient method |
►CIstlInterfaceDetail::Base::type | |
CKaskade::AssembledGalerkinOperator< Assembler_, firstRow, lastRow, firstCol, lastCol, BlockFilter, symmetric > | An adaptor presenting a Dune::LinearOperator <domain_type,range_type> interface to a contiguous sub-blockmatrix of an assembled heterogeneous Galerkin operator |
►CType | |
CGetProtectedConstructor< Type > | A wrapper class for access to protected constructors |
CKaskade::GetScalar< Type >::TypeNotFound | |
CKaskade::UnaryTrue | |
CKaskade::UNCMINVector | Very simple vector wrapper for the use of the optimization tool uncmin, which is not capable of using std::vector :( |
CKaskade::UniformPartitionedMapper< Implementation, Tagger, SFData > | Base class for piecewise continuous mappers |
►CKaskade::UniformPartitionedMapper< ContinuousLagrangeMapperImplementation< double, GV >, Tagger > | |
CKaskade::PiecewiseContinuousLagrangeMapper< Tagger, GV, ScalarType > | A degrees of freedom manager for piecewise continuous FEFunctionSpace s of local polynomials |
CUniformQuantizationPolicy< VariableSet, Grid, D > | |
CUniformQuantizationPolicy< VariableSet, Grid, Grid::dimension > | |
CKaskade::UniformSampler< Function > | Class that can sample a Function(View) on a uniform rectangular grid |
CKaskade::UniformScalarMapper< Implementation, SFData > | Base class for uniform scalar local to global mappers |
►CKaskade::UniformScalarMapper< BoundarySpace_Detail::ChooseMapper< Implementation_< Scalar_, GridView_ > >::type, BoundarySpace_Detail::GetSFDataType< Implementation_< Scalar_, GridView_ > >::type > | |
CKaskade::BoundaryMapper< Implementation_, Scalar_, GridView_ > | A local to global mapper implementation for boundary spaces, with functions defined on the domain boundary (or parts of it) only |
►CKaskade::UniformScalarMapper< ContinuousHierarchicExtensionMapperImplementation< Scalar, GV >, boost::compressed_pair< bool, int > > | |
CKaskade::ContinuousHierarchicExtensionMapper< Scalar, GV > | A degrees of freedom manager for globally continuous FEFunctionSpace s of piecewise polynomials |
►CKaskade::UniformScalarMapper< ContinuousHierarchicMapperImplementation< Scalar, GV >, boost::compressed_pair< bool, int > > | |
CKaskade::ContinuousHierarchicMapper< Scalar, GV > | A degrees of freedom manager for globally continuous FEFunctionSpace s of piecewise polynomials |
►CKaskade::UniformScalarMapper< ContinuousLagrangeMapperImplementation< ScalarType, GV > > | |
CKaskade::ContinuousLagrangeMapper< ScalarType, GV > | A degrees of freedom manager for globally continuous FEFunctionSpace s of piecewise polynomials |
►CKaskade::UniformScalarMapper< ContinuousLagrangeMapperSubdomainImplementation< GV, SupportOracle, double > > | |
CKaskade::ContinuousLagrangeMapperSubdomain< GV, SupportOracle, ScalarType > | A local-to-global mapper for continuous finite elements on a subdomain |
►CKaskade::UniformScalarMapper< DiscontinuousHierarchicExtensionMapperImplementation< Scalar, GV >, boost::compressed_pair< bool, int > > | |
CKaskade::DiscontinuousHierarchicExtensionMapper< Scalar, GV > | A degrees of freedom manager for FEFunctionSpace s of piecewise polynomials of given order |
►CKaskade::UniformScalarMapper< DiscontinuousHierarchicMapperImplementation< Scalar, GV >, boost::compressed_pair< bool, int > > | |
CKaskade::DiscontinuousHierarchicMapper< Scalar, GV > | A degrees of freedom manager for FEFunctionSpace s of piecewise polynomials of order Order |
►CKaskade::UniformScalarMapper< DiscontinuousLagrangeMapperImplementation< Scalar, typename Grid::LeafGridView > > | |
CKaskade::DiscontinuousLagrangeMapper< Scalar, typename Grid::LeafGridView > | |
►CKaskade::UniformScalarMapper< DiscontinuousLagrangeMapperImplementation< ScalarType, GV > > | |
CKaskade::DiscontinuousLagrangeMapper< ScalarType, GV > | A degrees of freedom manager for FEFunctionSpace s of piecewise polynomials of order Order |
CKaskade::DiscontinuousLagrangeMapperSubdomain< ScalarType, GV > | |
►CUpdatePolicy | |
CKaskade::StepPolicyProjectedRHS< UpdatePolicy > | |
CKaskade::Variable< A, B, C > | A class defining elementary information about a single variable |
CKaskade::VariableDescription< spaceId, components, Id > | A class storing elementary information about a single variable.This includes the number of components, the id and name of the variable, and the index of the associated FEFunctionSpace from which the variable comes |
►CKaskade::VariableDescription< spaceIndex,-1,-1 > | |
CKaskade::SpaceIndex< spaceIndex > | Helper class for specifying the FE space index of a variable |
►CKaskade::VariableDescription<-1, components,-1 > | |
CKaskade::Components< components > | Helper class for specifying the number of components of a variable |
►CKaskade::VariableDescription<-1,-1, id > | |
CKaskade::VariableId< id > | DEPRECATED |
CKaskade::VariableSetDescription< SpaceList, VariableList > | A class that stores information about a set of variables |
CKaskade::VariableSetDescription< AnsatzSpaces, VariableDescriptions > | |
CKaskade::VariationalArg< Scalar, dim, components > | A class that stores values, gradients, and Hessians of evaluated shape functions |
CKaskade::VariationalArg< RT, dim > | |
CKaskade::VariationalArg< Scalar, dim, ExtendedAnsatzVars::template Kaskade::Components< pIdx >::m > | |
CKaskade::VariationalArg< Scalar, dim, ExtendedAnsatzVars::template Kaskade::Components< uIdx >::m > | |
CKaskade::VariationalArg< Scalar, dim, ExtendedAnsatzVars::template Kaskade::Components< yIdx >::m > | |
CKaskade::VariationalArg< Scalar, dim, OriginalAnsatzVars::template Kaskade::Components< pIdx >::m > | |
CKaskade::VariationalArg< Scalar, dim, OriginalAnsatzVars::template Kaskade::Components< uIdx >::m > | |
CKaskade::VariationalArg< Scalar, dim, OriginalAnsatzVars::template Kaskade::Components< yIdx >::m > | |
CVariationalFunctional | Documentation of the concept of a quadratic variational functionalThe variational functional concept defines the interface that is accessed by the VariationalFunctionalAssembler |
CKaskade::vec | |
►CKaskade::VectorialConverterBase< GridView > | A class mapping local vectorial shape function values and gradients to global shape function values and gradients |
CKaskade::HcurlConverter< GridView > | A class mapping local vectorial shape function values and gradients to global shape function values and gradients in \( H(\text{curl}) \) conforming FE spaces |
CKaskade::HdivConverter< GridView > | A class mapping local vectorial shape function values and gradients to global shape function values and gradients in \( H(\text{div}) \) conforming FE spaces |
CKaskade::Bridge::VectorTraits< VectorImpl > | Traits class to unify the assignment of std::vector to a Vector |
CKaskade::Crsutil_Detail::VectorTraits< Vec > | |
CKaskade::Crsutil_Detail::VectorTraits< Dune::BlockVector< Entry > > | |
CKaskade::Crsutil_Detail::VectorTraits< Dune::FieldVector< Entry, n > > | |
CKaskade::Bridge::VectorTraits< VariableSet< Descr > > | Specialization for variable sets |
CKaskade::Volume | A Weighing that associates to each cell its volume |
CKaskade::VTKReader | A class to create a grid and load coefficients from a VTK file |
CKaskade::WeakBoundaryValues< LocalInd, RT, Cache, BoundaryCache, dim, Evaluators > | |
CKaskade::WeakBoundaryValuesFull< LocalInd, RT, Cache, BoundaryCache, dim, Evaluators > | |
CWeakFunctionView | A function that supports efficient evaluation via cell and local coordinate |
CKaskade::WeakFunctionViewAdaptor< Functor > | An adaptor that turns callables (e.g., lambdas) into weak function views |
CKaskade::WeakResiduum< LocalRHS, RT, Cache, Evaluators > | |
CKaskade::WeakResiduumFull< LocalRHS, RT, Cache, Evaluators > | |
CKaskade::WeakResiduumMainPart< LocalRHS, RT, Cache, Evaluators > | |
CWeighing | A Weighing is a class that allows to compute weighted averages of values associated to cells of a grid |
CKaskade::XMLHelper::XMLBlock | |
CKaskade::BoundaryLocatorDetail::ZeroDisplacement | |
►CKaskade::WeakFunctionViews::ZeroOrderView | Base class providing int order() |
CKaskade::WeakFunctionViews::GridLevel | Get level() of entity in Grid |
CKaskade::WeakFunctionViews::IsRegular | Return 1, if entity is constructed from red refinement |
CKaskade::WeakFunctionViews::MightBeCoarsened | Return 1, if entity mightbecoarsened |
CKaskade::WeakFunctionViews::WasRefined | Return 1, if entity was refined |