![]() |
|
Modules | |
Global array typedefs | |
Global matrix typedefs | |
Flags | |
Enumerations | |
Classes | |
class | Eigen::DenseCoeffsBase< Derived, ReadOnlyAccessors > |
Base class providing read-only coefficient access to matrices and arrays. More... | |
class | Eigen::DenseCoeffsBase< Derived, WriteAccessors > |
Base class providing read/write coefficient access to matrices and arrays. More... | |
class | Eigen::DenseCoeffsBase< Derived, DirectAccessors > |
Base class providing direct read-only coefficient access to matrices and arrays. More... | |
class | Eigen::DenseCoeffsBase< Derived, DirectWriteAccessors > |
Base class providing direct read/write coefficient access to matrices and arrays. More... | |
class | Eigen::MapBase< Derived, ReadOnlyAccessors > |
Base class for dense Map and Block expression with direct access. More... | |
class | Eigen::MapBase< Derived, WriteAccessors > |
Base class for non-const dense Map and Block expression with direct access. More... | |
class | Eigen::TriangularViewImpl< MatrixType_, Mode_, Dense > |
Base class for a triangular part in a dense matrix. More... | |
class | Eigen::ArithmeticSequence< FirstType, SizeType, IncrType > |
class | Eigen::Array< Scalar_, Rows_, Cols_, Options_, MaxRows_, MaxCols_ > |
General-purpose arrays with easy API for coefficient-wise operations. More... | |
class | Eigen::ArrayBase< Derived > |
Base class for all 1D and 2D array, and related expressions. More... | |
class | Eigen::ArrayWrapper< ExpressionType > |
Expression of a mathematical vector or matrix as an array object. More... | |
class | Eigen::MatrixWrapper< ExpressionType > |
Expression of an array as a mathematical vector or matrix. More... | |
class | Eigen::internal::BandMatrix< Scalar_, Rows, Cols, Supers, Subs, Options > |
Represents a rectangular matrix with a banded storage. More... | |
class | Eigen::internal::TridiagonalMatrix< Scalar, Size, Options > |
Represents a tridiagonal matrix with a compact banded storage. More... | |
class | Eigen::Block< XprType, BlockRows, BlockCols, InnerPanel > |
Expression of a fixed-size or dynamic-size block. More... | |
class | Eigen::CommaInitializer< XprType > |
Helper class used by the comma initializer operator. More... | |
class | Eigen::CwiseBinaryOp< BinaryOp, LhsType, RhsType > |
Generic expression where a coefficient-wise binary operator is applied to two expressions. More... | |
class | Eigen::CwiseNullaryOp< NullaryOp, PlainObjectType > |
Generic expression of a matrix where all coefficients are defined by a functor. More... | |
class | Eigen::CwiseTernaryOp< TernaryOp, Arg1Type, Arg2Type, Arg3Type > |
Generic expression where a coefficient-wise ternary operator is applied to two expressions. More... | |
class | Eigen::CwiseUnaryOp< UnaryOp, XprType > |
Generic expression where a coefficient-wise unary operator is applied to an expression. More... | |
class | Eigen::CwiseUnaryView< ViewOp, MatrixType, StrideType > |
Generic lvalue expression of a coefficient-wise unary operator of a matrix or a vector. More... | |
class | Eigen::DenseBase< Derived > |
Base class for all dense matrices, vectors, and arrays. More... | |
class | DenseStorage_impl |
Stores the data of a matrix. More... | |
class | Eigen::Diagonal< MatrixType, DiagIndex_ > |
Expression of a diagonal/subdiagonal/superdiagonal in a matrix. More... | |
class | Eigen::DiagonalBase< Derived > |
Base class for diagonal matrices and expressions. More... | |
class | Eigen::DiagonalMatrix< Scalar_, SizeAtCompileTime, MaxSizeAtCompileTime > |
Represents a diagonal matrix with its storage. More... | |
class | Eigen::DiagonalWrapper< DiagonalVectorType_ > |
Expression of a diagonal matrix. More... | |
class | Eigen::EigenBase< Derived > |
class | Eigen::ForceAlignedAccess< ExpressionType > |
Enforce aligned packet loads and stores regardless of what is requested. More... | |
class | Eigen::IndexedView< XprType, RowIndices, ColIndices > |
Expression of a non-sequential sub-matrix defined by arbitrary sequences of row and column indices. More... | |
class | Eigen::IOFormat |
Stores a set of parameters controlling the way matrices are printed. More... | |
class | Eigen::WithFormat< ExpressionType > |
Pseudo expression providing matrix output with given format. More... | |
class | Eigen::Map< PlainObjectType, MapOptions, StrideType > |
A matrix or vector expression mapping an existing array of data. More... | |
class | Eigen::Matrix< Scalar_, Rows_, Cols_, Options_, MaxRows_, MaxCols_ > |
The matrix class, also used for vectors and row-vectors. More... | |
class | Eigen::MatrixBase< Derived > |
Base class for all dense matrices, vectors, and expressions. More... | |
class | Eigen::NestByValue< ExpressionType > |
Expression which must be nested by value. More... | |
class | Eigen::NoAlias< ExpressionType, StorageBase > |
Pseudo expression providing an operator = assuming no aliasing. More... | |
class | Eigen::NumTraits< T > |
Holds information about the various numeric (i.e. scalar) types allowed by Eigen. More... | |
class | Eigen::PermutationBase< Derived > |
Base class for permutations. More... | |
class | Eigen::PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, StorageIndex_ > |
Permutation matrix. More... | |
class | Eigen::PermutationWrapper< IndicesType_ > |
Class to view a vector of integers as a permutation matrix. More... | |
class | Eigen::Product< Lhs_, Rhs_, Option > |
Expression of the product of two arbitrary matrices or vectors. More... | |
class | Eigen::Ref< PlainObjectType, Options, StrideType > |
A matrix or vector expression mapping an existing expression. More... | |
class | Eigen::Replicate< MatrixType, RowFactor, ColFactor > |
Expression of the multiple replication of a matrix or vector. More... | |
class | Eigen::Reshaped< XprType, Rows, Cols, Order > |
Expression of a fixed-size or dynamic-size reshape. More... | |
class | Eigen::ReturnByValue< Derived > |
class | Eigen::Reverse< MatrixType, Direction > |
Expression of the reverse of a vector or matrix. More... | |
class | Eigen::Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > |
Expression of a coefficient wise version of the C++ ternary operator ?: More... | |
class | Eigen::SelfAdjointView< MatrixType_, UpLo > |
Expression of a selfadjoint matrix from a triangular part of a dense matrix. More... | |
class | Eigen::SkewSymmetricBase< Derived > |
Base class for skew symmetric matrices and expressions. More... | |
class | Eigen::SkewSymmetricMatrix3< Scalar_ > |
Represents a 3x3 skew symmetric matrix with its storage. More... | |
class | Eigen::SkewSymmetricWrapper< SkewSymmetricVectorType_ > |
Expression of a skew symmetric matrix. More... | |
class | Eigen::Solve< Decomposition, RhsType > |
Pseudo expression representing a solving operation. More... | |
class | Eigen::Stride< OuterStrideAtCompileTime_, InnerStrideAtCompileTime_ > |
Holds strides information for Map. More... | |
class | Eigen::Transpose< MatrixType > |
Expression of the transpose of a matrix. More... | |
class | Eigen::Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, StorageIndex_ > |
Represents a sequence of transpositions (row/column interchange) More... | |
class | Eigen::TriangularBase< Derived > |
Base class for triangular part in a matrix. More... | |
class | Eigen::TriangularView< MatrixType_, Mode_ > |
Expression of a triangular part in a matrix. More... | |
class | Eigen::aligned_allocator< T > |
STL compatible allocator to use with types requiring a non-standard alignment. More... | |
class | Eigen::symbolic::BaseExpr< Derived_ > |
class | Eigen::ScalarBinaryOpTraits< ScalarA, ScalarB, BinaryOp > |
Determines whether the given binary operation of two numeric types is allowed and what the scalar return type is. More... | |
class | Eigen::VectorBlock< VectorType, Size > |
Expression of a fixed-size or dynamic-size sub-vector. More... | |
class | Eigen::PartialReduxExpr< MatrixType, MemberOp, Direction > |
Generic expression of a partially reduxed matrix. More... | |
class | Eigen::VectorwiseOp< ExpressionType, Direction > |
Pseudo expression providing broadcasting and partial reduction operations. More... | |
Variables | |
static constexpr const last_t | Eigen::placeholders::last |
static constexpr lastp1_t | Eigen::placeholders::lastp1 = lastp1_t{} |
static constexpr lastp1_t | Eigen::placeholders::end = lastp1 |
static constexpr Eigen::internal::all_t | Eigen::placeholders::all |
|
staticconstexpr |
Can be used as a parameter to DenseBase::operator()(const RowIndices&, const ColIndices&) to index all rows or columns
Referenced by array_complex(), array_real(), check_indexed_view(), check_tutorial_examples(), comparisons(), Eigen::BDCSVD< MatrixType_, Options_ >::computeSVDofM(), Eigen::AlignedBox< Scalar_, AmbientDim_ >::contains(), Eigen::BDCSVD< MatrixType_, Options_ >::deflation(), EIGEN_DECLARE_TEST(), equalsIdentity(), fixedSizeMatrixConstruction(), initializerListVectorConstruction(), Eigen::AlignedBox< Scalar_, AmbientDim_ >::intersects(), main(), check-makefile-subdirs::main(), reshape4x4(), smc.smc::run(), test_array(), and test_simple_reductions().
|
staticconstexpr |
Referenced by IcoSphere::_subdivide(), PolarNSProblem< ELEMENT >::actions_before_solve(), oomph::TreeBasedRefineableMeshBase::adapt_mesh(), oomph::OcTreeRoot::add_edge_neighbour_pt(), AirwayReopeningProblem< ELEMENT >::AirwayReopeningProblem(), Eigen::HouseholderSequence< VectorsType, CoeffsType, Side >::applyThisOnTheLeft(), Eigen::ThreadPoolTempl< Environment >::AssertBounds(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::assignDiagonal(), Eigen::internal::CompressedStorage< Scalar_, StorageIndex_ >::atInRange(), oomph::BlockPreconditioner< MATRIX >::block_number(), oomph::TetMeshBase::boundary_element_in_region_pt(), oomph::UnstructuredTwoDMeshGeometryBase::boundary_element_in_region_pt(), AirwayReopeningProblem< ELEMENT >::change_boundary_conditions(), Eigen::internal::inner_sort_impl< Derived, Comp, IsVector >::check(), oomph::BoundaryNode< NODE_TYPE >::clear_additional_copied_pointers(), Eigen::SparseMapBase< Derived, ReadOnlyAccessors >::coeff(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::coeff(), Eigen::SparseMapBase< Derived, WriteAccessors >::coeffRef(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::collapseDuplicates(), HomogenisationProblem< ELEMENT >::complete_problem_setup(), oomph::RefineableTetgenMesh< ELEMENT >::compute_volume_target(), oomph::RefineableTetMeshBase::compute_volume_target(), Eigen::internal::computeFromTridiagonal_impl(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::conservativeResize(), contraction(), contractionABT(), contractionAT(), contractionBT(), contractionRowMajor(), oomph::TrilinosEpetraHelpers::create_distributed_epetra_matrix_for_aztecoo(), oomph::GmshTetScaffoldMesh::create_mesh_from_msh_file(), oomph::Mesh::delete_all_external_storage(), Eigen::deserialize(), Eigen::Serializer< DenseBase< Derived >, void >::deserialize(), Eigen::Serializer< SparseMatrix< Scalar, Options, StorageIndex >, void >::deserialize(), Eigen::Serializer< SparseVector< Scalar, Options, StorageIndex >, void >::deserialize(), Eigen::Serializer< T, typename std::enable_if_t< std::is_trivial< T >::value &&std::is_standard_layout< T >::value > >::deserialize(), Eigen::internal::serialize_impl< N, T1, Ts... >::deserialize(), HGridOptimiser::diffEndExpectedCellsIntegral(), HGridOptimiser::diffHExpectedCellsIntegral(), HGridOptimiser::diffHExpectedCellsIntegralCellNumerator(), HGridOptimiser::diffStartExpectedCellsIntegral(), FancySpheres::draw(), GpuHelper::draw(), HGridOptimiser::expectedCellsIntegral(), HGridOptimiser::expectedCellsIntegralCellDenominator(), HGridOptimiser::expectedCellsIntegralCellNumerator(), oomph::TetMeshBase::face_index_at_boundary_in_region(), oomph::UnstructuredTwoDMeshGeometryBase::face_index_at_boundary_in_region(), FancySpheres::FancySpheres(), Eigen::DefaultDevice::fill(), finalizeBenchmark(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::findOrInsertCoeff(), for(), oomph::Problem::get_all_error_estimates(), oomph::RefineableQElement< 3 >::get_boundaries(), get_time(), helpers::getRealTime(), AreaVTK::getTotalsurfaceAreaFromFile(), preprocessed_inputfile_t::import_input_file_range_one_product_size(), Eigen::KdBVH< Scalar_, Dim_, _Object >::init(), oomph::Vector< _Tp >::initialise(), oomph::Vector< bool >::initialise(), oomph::DoubleVector::initialise(), HGridOptimiser::initialisePolyFunc(), Eigen::SparseCompressedBase< Derived >::innerIndicesAreSorted(), Eigen::internal::insert_from_triplets(), Eigen::internal::insert_from_triplets_sorted(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertByOuterInner(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertCompressed(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertEmptyOuterVectors(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertFromSortedTriplets(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertFromTriplets(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertUncompressed(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::insertUncompressedAtByOuterInner(), InterfaceProblem< ELEMENT, TIMESTEPPER >::InterfaceProblem(), Eigen::KdBVH< Scalar_, Dim_, _Object >::KdBVH(), main(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::makeCompressed(), oomph::SumOfMatrices::multiply(), oomph::TetMeshBase::nboundary_element_in_region(), oomph::UnstructuredTwoDMeshGeometryBase::nboundary_element_in_region(), Eigen::BlockImpl< XprType, BlockRows, BlockCols, true, Sparse >::nonZeros(), Eigen::internal::sparse_matrix_block_impl< SparseMatrixType, BlockRows, BlockCols >::operator=(), PolarNSProblem< ELEMENT >::output_streamfunction(), oomph::TreeBasedRefineableMeshBase::p_adapt_mesh(), Eigen::CoreThreadPoolDevice::parallelFor(), Eigen::ForkJoinScheduler::ParallelFor(), Eigen::ForkJoinScheduler::ParallelForAsync(), Eigen::CoreThreadPoolDevice::parallelForImpl(), oomph::METIS::partition_mesh(), HGridOptimiser::pdfInt(), HGridOptimiser::pdfIntCell(), Eigen::PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, StorageIndex_ >::PermutationMatrix(), Eigen::internal::permutation_matrix_product< ExpressionType, Side, Transposed, SparseShape >::permute_inner(), Eigen::internal::permutation_matrix_product< ExpressionType, Side, Transposed, SparseShape >::permute_outer(), PolarNSProblem< ELEMENT >::pin_boundaries(), PolarNSProblem< ELEMENT >::pin_boundaries_to_zero(), oomph::BlockTriangularPreconditioner< MATRIX >::preconditioner_solve(), oomph::BandedBlockTriangularPreconditioner< MATRIX >::preconditioner_solve(), oomph::PseudoElasticPreconditionerSubsidiaryBlockPreconditionerOld::preconditioner_solve(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::prune(), oomph::Mesh::remove_boundary_node(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::removeOuterVectors(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::reserveInnerVectors(), Eigen::internal::smart_copy_helper< T, true >::run(), Eigen::internal::smart_copy_helper< T, false >::run(), Eigen::internal::smart_memmove_helper< T, true >::run(), Eigen::internal::smart_memmove_helper< T, false >::run(), Eigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, ResInnerStride, Version >::run(), Eigen::internal::triangular_solve_matrix< Scalar, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, OtherInnerStride >::run(), Eigen::internal::unaligned_dense_assignment_loop< false >::run(), Eigen::internal::inner_sort_impl< Derived, Comp, IsVector >::run(), Eigen::ForkJoinScheduler::RunParallelForAsync(), Eigen::internal::CompressedStorage< Scalar_, StorageIndex_ >::searchLowerIndex(), segmentFromRange(), Eigen::serialize(), Eigen::Serializer< DenseBase< Derived >, void >::serialize(), Eigen::Serializer< SparseMatrix< Scalar, Options, StorageIndex >, void >::serialize(), Eigen::Serializer< SparseVector< Scalar, Options, StorageIndex >, void >::serialize(), Eigen::Serializer< T, typename std::enable_if_t< std::is_trivial< T >::value &&std::is_standard_layout< T >::value > >::serialize(), Eigen::internal::serialize_impl< N, T1, Ts... >::serialize(), Eigen::internal::set_from_triplets(), Eigen::internal::set_from_triplets_sorted(), Eigen::internal::AmbiVector< Scalar_, StorageIndex_ >::setBounds(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::setFromSortedTriplets(), Eigen::BlockSparseMatrix< Scalar_, _BlockAtCompileTime, Options_, StorageIndex_ >::setFromTriplets(), Eigen::SparseMatrix< Scalar_, Options_, StorageIndex_ >::setFromTriplets(), Eigen::ThreadPoolTempl< Environment >::SetStealPartitions(), oomph::BrickMeshBase::setup_boundary_element_info(), oomph::QuadMeshBase::setup_boundary_element_info(), oomph::TetMeshBase::setup_boundary_element_info(), oomph::TriangleMeshBase::setup_boundary_element_info(), oomph::Multi_domain_functions::setup_bulk_elements_adjacent_to_face_mesh(), skinnyTensor_col(), skinnyTensor_row(), Eigen::internal::smart_copy(), Eigen::internal::smart_memmove(), Eigen::internal::smart_move(), TestRefineableRectangularQuadMesh< ELEMENT >::sort_elements(), TestRefineableCubicMesh< ELEMENT >::sort_elements(), Eigen::SparseCompressedBase< Derived >::sortInnerIndices(), Eigen::internal::sparse_reserve_op< StorageIndex >::sparse_reserve_op(), oomph::TetMeshBase::split_elements_in_corners(), oomph::Refineable_r_mesh< ELEMENT >::stretch_mesh(), tensor_contraction_batch_per_device(), tensor_contraction_both_transposed_per_device(), tensor_contraction_lhs_transposed_per_device(), tensor_contraction_rhs_transposed_per_device(), tensorOutofBound(), tensorScalar(), tensorTensor(), tensorTensor_k(), tensorTensor_m(), tensorTensor_n(), tensorTensor_sizes(), tensorVector(), test_dense_types(), test_eigen_type(), test_pod_type(), test_stl_iterators(), oomph::TetgenScaffoldMesh::TetgenScaffoldMesh(), oomph::TriangleScaffoldMesh::TriangleScaffoldMesh(), Eigen::internal::tridiagonal_qr_step(), oomph::BlockPreconditioner< CRDoubleMatrix >::turn_into_subsidiary_block_preconditioner(), oomph::AddedMainNumberingLookup::unsafe_main_to_added(), vectorTensor(), vectorVector(), oomph::XdaTetMesh< ELEMENT >::XdaTetMesh(), and Eigen::RandomSetter< SparseMatrixType, MapTraits, OuterPacketBits >::~RandomSetter().
|
staticconstexpr |
Can be used as a parameter to Eigen::seq and Eigen::seqN functions to symbolically reference the last element/row/columns of the underlying vector or matrix once passed to DenseBase::operator()(const RowIndices&, const ColIndices&).
This symbolic placeholder supports standard arithmetic operations.
A typical usage example would be:
Referenced by check_indexed_view(), check_symbolic_index(), check_tutorial_examples(), coo_tocsr(), ConstantMassFlowMaserBoundary::createGhostCopy(), SubcriticalMaserBoundary::createGhostCopy(), Eigen::internal::SymbolicExpressionEvaluator< Expr, Dynamic, std::enable_if_t< symbolic::is_symbolic< Expr >::value > >::eval(), Eigen::internal::SymbolicExpressionEvaluator< Expr, SizeAtCompileTime, std::enable_if_t< symbolic::is_symbolic< Expr >::value > >::eval(), oomph::ImmersedRigidBodyTriangleMeshPolygon::get_initial_position(), is_same_symb(), Eigen::placeholders::lastN(), Eigen::internal::minimum_degree_ordering(), oomph::TrilinosEpetraHelpers::multiply(), Eigen::internal::QuickSplit(), rapidjson::GenericValue< Encoding, Allocator >::RemoveMember(), reshape4x4(), testing::Benchmark::RunWithArg(), oomph::HSL_MA42::solve(), and test_stl_iterators().
|
staticconstexpr |
Can be used as a parameter to Eigen::seq and Eigen::seqN functions to symbolically reference the last+1 element/row/columns of the underlying vector or matrix once passed to DenseBase::operator()(const RowIndices&, const ColIndices&).
This symbolic placeholder supports standard arithmetic operations. It is essentially an alias to last+fix<1>.
Referenced by check_indexed_view(), and check_symbolic_index().