|
class | aligned_allocator |
| STL compatible allocator to use with types requiring a non standrad alignment. More...
|
|
class | aligned_allocator_indirection |
|
class | AlignedBox |
| An axis aligned box. More...
|
|
class | AMDOrdering |
|
class | AngleAxis |
| Represents a 3D rotation as a rotation angle around an arbitrary 3D axis. More...
|
|
class | ArithmeticSequence |
|
class | Array |
| General-purpose arrays with easy API for coefficient-wise operations. More...
|
|
class | ArrayBase |
| Base class for all 1D and 2D array, and related expressions. More...
|
|
class | ArrayWrapper |
| Expression of a mathematical vector or matrix as an array object. More...
|
|
struct | ArrayXpr |
|
struct | BandShape |
|
class | BDCSVD |
| class Bidiagonal Divide and Conquer SVD More...
|
|
struct | bfloat16 |
|
class | BiCGSTAB |
| A bi conjugate gradient stabilized solver for sparse square problems. More...
|
|
class | Block |
| Expression of a fixed-size or dynamic-size block. More...
|
|
class | BlockImpl |
|
class | BlockImpl< const SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true, Sparse > |
|
class | BlockImpl< SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true, Sparse > |
|
class | BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Dense > |
|
class | BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Sparse > |
|
class | BlockImpl< XprType, BlockRows, BlockCols, true, Sparse > |
|
class | CholmodBase |
| The base class for the direct Cholesky factorization of Cholmod. More...
|
|
class | CholmodDecomposition |
| A general Cholesky factorization and solver based on Cholmod. More...
|
|
class | CholmodSimplicialLDLT |
| A simplicial direct Cholesky (LDLT) factorization and solver based on Cholmod. More...
|
|
class | CholmodSimplicialLLT |
| A simplicial direct Cholesky (LLT) factorization and solver based on Cholmod. More...
|
|
class | CholmodSupernodalLLT |
| A supernodal Cholesky (LLT) factorization and solver based on Cholmod. More...
|
|
class | COLAMDOrdering |
|
class | ColPivHouseholderQR |
| Householder rank-revealing QR decomposition of a matrix with column-pivoting. More...
|
|
class | CommaInitializer |
| Helper class used by the comma initializer operator. More...
|
|
class | CompleteOrthogonalDecomposition |
| Complete orthogonal decomposition (COD) of a matrix. More...
|
|
class | ComplexEigenSolver |
| Computes eigenvalues and eigenvectors of general complex matrices. More...
|
|
class | ComplexSchur |
| Performs a complex Schur decomposition of a real or complex square matrix. More...
|
|
class | Conjugate |
|
class | ConjugateGradient |
| A conjugate gradient solver for sparse (or dense) self-adjoint problems. More...
|
|
class | Cross |
|
class | CwiseBinaryOp |
| Generic expression where a coefficient-wise binary operator is applied to two expressions. More...
|
|
class | CwiseBinaryOpImpl |
|
class | CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Sparse > |
|
class | CwiseNullaryOp |
| Generic expression of a matrix where all coefficients are defined by a functor. More...
|
|
class | CwiseTernaryOp |
| Generic expression where a coefficient-wise ternary operator is applied to two expressions. More...
|
|
class | CwiseTernaryOpImpl |
|
class | CwiseUnaryOp |
| Generic expression where a coefficient-wise unary operator is applied to an expression. More...
|
|
class | CwiseUnaryOpImpl |
|
class | CwiseUnaryView |
| Generic lvalue expression of a coefficient-wise unary operator of a matrix or a vector. More...
|
|
class | CwiseUnaryViewImpl |
|
class | CwiseUnaryViewImpl< ViewOp, MatrixType, Dense > |
|
struct | Dense |
|
class | DenseBase |
| Base class for all dense matrices, vectors, and arrays. More...
|
|
class | DenseCoeffsBase |
|
class | DenseCoeffsBase< Derived, DirectAccessors > |
| Base class providing direct read-only coefficient access to matrices and arrays. More...
|
|
class | DenseCoeffsBase< Derived, DirectWriteAccessors > |
| Base class providing direct read/write coefficient access to matrices and arrays. More...
|
|
class | DenseCoeffsBase< Derived, ReadOnlyAccessors > |
| Base class providing read-only coefficient access to matrices and arrays. More...
|
|
class | DenseCoeffsBase< Derived, WriteAccessors > |
| Base class providing read/write coefficient access to matrices and arrays. More...
|
|
struct | DenseShape |
|
struct | DenseSparseProductReturnType |
|
class | DenseStorage |
|
class | DenseStorage< T, 0, _Rows, _Cols, _Options > |
|
class | DenseStorage< T, 0, _Rows, Dynamic, _Options > |
|
class | DenseStorage< T, 0, Dynamic, _Cols, _Options > |
|
class | DenseStorage< T, 0, Dynamic, Dynamic, _Options > |
|
class | DenseStorage< T, Dynamic, _Rows, Dynamic, _Options > |
|
class | DenseStorage< T, Dynamic, Dynamic, _Cols, _Options > |
|
class | DenseStorage< T, Dynamic, Dynamic, Dynamic, _Options > |
|
class | DenseStorage< T, Size, _Rows, Dynamic, _Options > |
|
class | DenseStorage< T, Size, Dynamic, _Cols, _Options > |
|
class | DenseStorage< T, Size, Dynamic, Dynamic, _Options > |
|
class | DenseTimeSparseProduct |
|
class | Diagonal |
| Expression of a diagonal/subdiagonal/superdiagonal in a matrix. More...
|
|
class | DiagonalBase |
|
class | DiagonalMatrix |
| Represents a diagonal matrix with its storage. More...
|
|
class | DiagonalPreconditioner |
| A preconditioner based on the digonal entries. More...
|
|
class | DiagonalProduct |
|
struct | DiagonalShape |
|
class | DiagonalWrapper |
| Expression of a diagonal matrix. More...
|
|
class | DynamicSparseMatrix |
|
class | EigenBase |
|
class | EigenSolver |
| Computes eigenvalues and eigenvectors of general matrices. More...
|
|
class | Flagged |
|
class | ForceAlignedAccess |
| Enforce aligned packet loads and stores regardless of what is requested. More...
|
|
class | FullPivHouseholderQR |
| Householder rank-revealing QR decomposition of a matrix with full pivoting. More...
|
|
class | FullPivLU |
| LU decomposition of a matrix with complete pivoting, and related features. More...
|
|
struct | general_product_to_triangular_selector |
|
struct | general_product_to_triangular_selector< MatrixType, ProductType, UpLo, false > |
|
struct | general_product_to_triangular_selector< MatrixType, ProductType, UpLo, true > |
|
class | GeneralizedEigenSolver |
| Computes the generalized eigenvalues and eigenvectors of a pair of general matrices. More...
|
|
class | GeneralizedSelfAdjointEigenSolver |
| Computes eigenvalues and eigenvectors of the generalized selfadjoint eigen problem. More...
|
|
struct | GenericNumTraits |
|
struct | half |
|
class | HessenbergDecomposition |
| Reduces a square matrix to Hessenberg form by an orthogonal similarity transformation. More...
|
|
class | Homogeneous |
| Expression of one (or a set of) homogeneous vector(s) More...
|
|
struct | HomogeneousShape |
|
class | HouseholderQR |
| Householder QR decomposition of a matrix. More...
|
|
class | HouseholderSequence |
| Sequence of Householder reflections acting on subspaces with decreasing size. More...
|
|
class | Hyperplane |
| A hyperplane. More...
|
|
class | IdentityPreconditioner |
| A naive preconditioner which approximates any matrix as the identity matrix. More...
|
|
class | IncompleteCholesky |
| Modified Incomplete Cholesky with dual threshold. More...
|
|
class | IncompleteLUT |
| Incomplete LU factorization with dual-threshold strategy. More...
|
|
class | IndexedView |
| Expression of a non-sequential sub-matrix defined by arbitrary sequences of row and column indices. More...
|
|
class | IndexedViewImpl |
|
class | InnerIterator |
| An InnerIterator allows to loop over the element of any matrix expression. More...
|
|
class | InnerStride |
| Convenience specialization of Stride to specify only an inner stride See class Map for some examples. More...
|
|
class | Inverse |
| Expression of the inverse of another expression. More...
|
|
class | InverseImpl |
|
class | InverseImpl< PermutationType, PermutationStorage > |
|
class | IOFormat |
| Stores a set of parameters controlling the way matrices are printed. More...
|
|
class | IterativeSolverBase |
| Base class for linear iterative solvers. More...
|
|
class | JacobiRotation |
| Rotation given by a cosine-sine pair. More...
|
|
class | JacobiSVD |
| Two-sided Jacobi SVD decomposition of a rectangular matrix. More...
|
|
class | KLU |
|
struct | LazyProductReturnType |
|
class | LDLT |
| Robust Cholesky decomposition of a matrix with pivoting. More...
|
|
class | LeastSquareDiagonalPreconditioner |
| Jacobi preconditioner for LeastSquaresConjugateGradient. More...
|
|
class | LeastSquaresConjugateGradient |
| A conjugate gradient solver for sparse (or dense) least-square problems. More...
|
|
class | LLT |
| Standard Cholesky decomposition (LL^T) of a matrix and associated features. More...
|
|
class | Map |
| A matrix or vector expression mapping an existing array of data. More...
|
|
class | Map< const Quaternion< _Scalar >, _Options > |
| Quaternion expression mapping a constant memory buffer. More...
|
|
class | Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
|
class | Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess > |
|
class | Map< Quaternion< _Scalar >, _Options > |
| Expression of a quaternion from a memory buffer. More...
|
|
class | Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
| Specialization of class Map for SparseMatrix-like storage. More...
|
|
class | Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, PacketAccess > |
|
class | MapBase |
|
class | MapBase< Derived, ReadOnlyAccessors > |
| Base class for dense Map and Block expression with direct access. More...
|
|
class | MapBase< Derived, WriteAccessors > |
| Base class for non-const dense Map and Block expression with direct access. More...
|
|
class | MappedSparseMatrix |
| Sparse matrix. More...
|
|
class | Matrix |
| The matrix class, also used for vectors and row-vectors. More...
|
|
class | MatrixBase |
| Base class for all dense matrices, vectors, and expressions. More...
|
|
class | MatrixComplexPowerReturnValue |
|
struct | MatrixExponentialReturnValue |
|
class | MatrixFunctionReturnValue |
|
class | MatrixLogarithmReturnValue |
|
class | MatrixPowerReturnValue |
|
class | MatrixSquareRootReturnValue |
|
class | MatrixWrapper |
| Expression of an array as a mathematical vector or matrix. More...
|
|
struct | MatrixXpr |
|
class | MetisOrdering |
|
class | NaturalOrdering |
|
class | NestByValue |
| Expression which must be nested by value. More...
|
|
class | NoAlias |
| Pseudo expression providing an operator = assuming no aliasing. More...
|
|
class | NumTraits |
| Holds information about the various numeric (i.e. scalar) types allowed by Eigen. More...
|
|
struct | NumTraits< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > > |
|
struct | NumTraits< bool > |
|
struct | NumTraits< double > |
|
struct | NumTraits< Eigen::bfloat16 > |
|
struct | NumTraits< Eigen::half > |
|
struct | NumTraits< float > |
|
struct | NumTraits< long double > |
|
struct | NumTraits< std::complex< _Real > > |
|
struct | NumTraits< std::string > |
|
struct | NumTraits< void > |
|
class | OuterStride |
| Convenience specialization of Stride to specify only an outer stride See class Map for some examples. More...
|
|
class | ParametrizedLine |
| A parametrized line. More...
|
|
class | PardisoImpl |
|
class | PardisoLDLT |
| A sparse direct Cholesky (LDLT) factorization and solver based on the PARDISO library. More...
|
|
class | PardisoLLT |
| A sparse direct Cholesky (LLT) factorization and solver based on the PARDISO library. More...
|
|
class | PardisoLU |
| A sparse direct LU factorization and solver based on the PARDISO library. More...
|
|
struct | partial_redux_dummy_func |
|
class | PartialPivLU |
| LU decomposition of a matrix with partial pivoting, and related features. More...
|
|
class | PartialReduxExpr |
| Generic expression of a partially reduxed matrix. More...
|
|
class | PastixBase |
|
class | PastixLDLT |
| A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library. More...
|
|
class | PastixLLT |
| A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library. More...
|
|
class | PastixLU |
| Interface to the PaStix solver. More...
|
|
class | PermutationBase |
| Base class for permutations. More...
|
|
class | PermutationMatrix |
| Permutation matrix. More...
|
|
struct | PermutationShape |
|
struct | PermutationStorage |
|
class | PermutationWrapper |
| Class to view a vector of integers as a permutation matrix. More...
|
|
class | PlainObjectBase |
|
class | Product |
| Expression of the product of two arbitrary matrices or vectors. More...
|
|
class | ProductImpl |
|
class | ProductImpl< Lhs, Rhs, Option, Dense > |
|
struct | ProductReturnType |
|
class | Quaternion |
| The quaternion class used to represent 3D orientations and rotations. More...
|
|
class | QuaternionBase |
| Base class for quaternion expressions. More...
|
|
class | RealQZ |
| Performs a real QZ decomposition of a pair of square matrices. More...
|
|
class | RealSchur |
| Performs a real Schur decomposition of a square matrix. More...
|
|
class | Ref |
| A matrix or vector expression mapping an existing expression. More...
|
|
class | Ref< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
|
class | Ref< const SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
|
class | Ref< const TPlainObjectType, Options, StrideType > |
|
class | Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
| A sparse matrix expression referencing an existing sparse expression. More...
|
|
class | Ref< SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > |
| A sparse vector expression referencing an existing sparse vector expression. More...
|
|
class | RefBase |
|
class | Replicate |
| Expression of the multiple replication of a matrix or vector. More...
|
|
class | Reshaped |
| Expression of a fixed-size or dynamic-size reshape. More...
|
|
class | ReshapedImpl |
|
class | ReshapedImpl< XprType, Rows, Cols, Order, Dense > |
|
class | ReturnByValue |
|
class | Reverse |
| Expression of the reverse of a vector or matrix. More...
|
|
class | Rotation2D |
| Represents a rotation/orientation in a 2 dimensional space. More...
|
|
class | RotationBase |
| Common base class for compact rotation representations. More...
|
|
class | ScalarBinaryOpTraits |
| Determines whether the given binary operation of two numeric types is allowed and what the scalar return type is. More...
|
|
struct | ScalarBinaryOpTraits< T, T, BinaryOp > |
|
struct | ScalarBinaryOpTraits< T, typename NumTraits< typename internal::enable_if< NumTraits< T >::IsComplex, T >::type >::Real, BinaryOp > |
|
struct | ScalarBinaryOpTraits< T, void, BinaryOp > |
|
struct | ScalarBinaryOpTraits< typename NumTraits< typename internal::enable_if< NumTraits< T >::IsComplex, T >::type >::Real, T, BinaryOp > |
|
struct | ScalarBinaryOpTraits< void, T, BinaryOp > |
|
struct | ScalarBinaryOpTraits< void, void, BinaryOp > |
|
class | Select |
| Expression of a coefficient wise version of the C++ ternary operator ?: More...
|
|
struct | selfadjoint_product_selector |
|
struct | selfadjoint_product_selector< MatrixType, OtherType, UpLo, false > |
|
struct | selfadjoint_product_selector< MatrixType, OtherType, UpLo, true > |
|
struct | selfadjoint_rank1_update |
|
struct | selfadjoint_rank1_update< Scalar, Index, ColMajor, UpLo, ConjLhs, ConjRhs > |
|
struct | selfadjoint_rank1_update< Scalar, Index, RowMajor, UpLo, ConjLhs, ConjRhs > |
|
class | SelfAdjointEigenSolver |
| Computes eigenvalues and eigenvectors of selfadjoint matrices. More...
|
|
struct | SelfAdjointShape |
|
class | SelfAdjointView |
| Expression of a selfadjoint matrix from a triangular part of a dense matrix. More...
|
|
class | SimplicialCholesky |
|
class | SimplicialCholeskyBase |
| A base class for direct sparse Cholesky factorizations. More...
|
|
class | SimplicialLDLT |
| A direct sparse LDLT Cholesky factorizations without square root. More...
|
|
class | SimplicialLLT |
| A direct sparse LLT Cholesky factorizations. More...
|
|
struct | SluMatrix |
|
struct | SluMatrixMapHelper |
|
struct | SluMatrixMapHelper< Matrix< Scalar, Rows, Cols, Options, MRows, MCols > > |
|
struct | SluMatrixMapHelper< SparseMatrixBase< Derived > > |
|
class | Solve |
| Pseudo expression representing a solving operation. More...
|
|
class | SolveImpl |
|
class | SolveImpl< Decomposition, RhsType, Dense > |
|
class | SolverBase |
| A base class for matrix decomposition and solvers. More...
|
|
struct | SolverShape |
|
struct | SolverStorage |
|
class | SolveWithGuess |
| Pseudo expression representing a solving operation. More...
|
|
struct | Sparse |
|
class | SparseCompressedBase |
| Common base class for sparse [compressed]-{row|column}-storage format. More...
|
|
class | SparseDenseOuterProduct |
|
struct | SparseDenseProductReturnType |
|
class | SparseDiagonalProduct |
|
class | SparseLU |
| Sparse supernodal LU factorization for general matrices. More...
|
|
struct | SparseLUMatrixLReturnType |
|
struct | SparseLUMatrixUReturnType |
|
class | SparseMapBase |
|
class | SparseMapBase< Derived, ReadOnlyAccessors > |
| Common base class for Map and Ref instance of sparse matrix and vector. More...
|
|
class | SparseMapBase< Derived, WriteAccessors > |
| Common base class for writable Map and Ref instance of sparse matrix and vector. More...
|
|
class | SparseMatrix |
| A versatible sparse matrix representation. More...
|
|
class | SparseMatrixBase |
| Base class of any sparse matrices or sparse expressions. More...
|
|
class | SparseQR |
| Sparse left-looking QR factorization with numerical column pivoting. More...
|
|
struct | SparseQR_QProduct |
|
struct | SparseQRMatrixQReturnType |
|
struct | SparseQRMatrixQTransposeReturnType |
|
class | SparseSelfAdjointView |
| Pseudo expression to manipulate a triangular sparse matrix as a selfadjoint matrix. More...
|
|
struct | SparseShape |
|
class | SparseSolverBase |
| A base class for sparse solvers. More...
|
|
class | SparseSparseProduct |
|
struct | SparseSparseProductReturnType |
|
class | SparseSymmetricPermutationProduct |
|
class | SparseTimeDenseProduct |
|
class | SparseVector |
| a sparse vector class More...
|
|
class | SparseView |
| Expression of a dense or sparse matrix with zero or too small values removed. More...
|
|
class | SPQR |
| Sparse QR factorization based on SuiteSparseQR library. More...
|
|
struct | SPQR_QProduct |
|
struct | SPQRMatrixQReturnType |
|
struct | SPQRMatrixQTransposeReturnType |
|
class | Stride |
| Holds strides information for Map. More...
|
|
class | SuperLU |
| A sparse direct LU factorization and solver based on the SuperLU library. More...
|
|
class | SuperLUBase |
| The base class for the direct and incomplete LU factorization of SuperLU. More...
|
|
class | SVDBase |
| Base class of SVD algorithms. More...
|
|
class | SwapWrapper |
|
class | Transform |
| Represents an homogeneous transformation in a N dimensional space. More...
|
|
class | Translation |
| Represents a translation transformation. More...
|
|
class | Transpose |
| Expression of the transpose of a matrix. More...
|
|
class | Transpose< TranspositionsBase< TranspositionsDerived > > |
|
class | TransposeImpl |
|
class | TransposeImpl< MatrixType, Dense > |
|
class | TransposeImpl< MatrixType, Sparse > |
|
class | Transpositions |
| Represents a sequence of transpositions (row/column interchange) More...
|
|
class | TranspositionsBase |
|
struct | TranspositionsShape |
|
struct | TranspositionsStorage |
|
class | TranspositionsWrapper |
|
class | TriangularBase |
| Base class for triangular part in a matrix. More...
|
|
struct | TriangularShape |
|
class | TriangularView |
| Expression of a triangular part in a matrix. More...
|
|
class | TriangularViewImpl |
|
class | TriangularViewImpl< _MatrixType, _Mode, Dense > |
| Base class for a triangular part in a dense matrix. More...
|
|
class | TriangularViewImpl< MatrixType, Mode, Sparse > |
| Base class for a triangular part in a sparse matrix. More...
|
|
class | Tridiagonalization |
| Tridiagonal decomposition of a selfadjoint matrix. More...
|
|
class | Triplet |
| A small structure to hold a non zero as a triplet (i,j,value). More...
|
|
class | UmfPackLU |
| A sparse LU factorization and solver based on UmfPack. More...
|
|
class | UniformScaling |
| Represents a generic uniform scaling transformation. More...
|
|
class | VectorBlock |
| Expression of a fixed-size or dynamic-size sub-vector. More...
|
|
class | VectorwiseOp |
| Pseudo expression providing broadcasting and partial reduction operations. More...
|
|
class | WithFormat |
| Pseudo expression providing matrix output with given format. More...
|
|
|
template<typename _Scalar , int _Options, typename _StorageIndex > |
cholmod_sparse | viewAsCholmod (Ref< SparseMatrix< _Scalar, _Options, _StorageIndex > > mat) |
|
template<typename _Scalar , int _Options, typename _Index > |
const cholmod_sparse | viewAsCholmod (const SparseMatrix< _Scalar, _Options, _Index > &mat) |
|
template<typename _Scalar , int _Options, typename _Index > |
const cholmod_sparse | viewAsCholmod (const SparseVector< _Scalar, _Options, _Index > &mat) |
|
template<typename _Scalar , int _Options, typename _Index , unsigned int UpLo> |
cholmod_sparse | viewAsCholmod (const SparseSelfAdjointView< const SparseMatrix< _Scalar, _Options, _Index >, UpLo > &mat) |
|
template<typename Derived > |
cholmod_dense | viewAsCholmod (MatrixBase< Derived > &mat) |
|
template<typename Scalar , int Flags, typename StorageIndex > |
MappedSparseMatrix< Scalar, Flags, StorageIndex > | viewAsEigen (cholmod_sparse &cm) |
|
template<typename FirstType , typename SizeType , typename IncrType > |
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type, typename internal::cleanup_seq_incr< IncrType >::type > | seqN (FirstType first, SizeType size, IncrType incr) |
|
template<typename FirstType , typename SizeType > |
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type > | seqN (FirstType first, SizeType size) |
|
template<typename FirstType , typename LastType > |
internal::enable_if<!(symbolic::is_symbolic< FirstType >::value||symbolic::is_symbolic< LastType >::value), ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, Index > >::type | seq (FirstType f, LastType l) |
|
template<typename FirstTypeDerived , typename LastType > |
internal::enable_if<!symbolic::is_symbolic< LastType >::value, ArithmeticSequence< FirstTypeDerived, symbolic::AddExpr< symbolic::AddExpr< symbolic::NegateExpr< FirstTypeDerived >, symbolic::ValueExpr<> >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > >::type | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, LastType l) |
|
template<typename FirstType , typename LastTypeDerived > |
internal::enable_if<!symbolic::is_symbolic< FirstType >::value, ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::ValueExpr<> >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > >::type | seq (FirstType f, const symbolic::BaseExpr< LastTypeDerived > &l) |
|
template<typename FirstTypeDerived , typename LastTypeDerived > |
ArithmeticSequence< FirstTypeDerived, symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::NegateExpr< FirstTypeDerived > >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, const symbolic::BaseExpr< LastTypeDerived > &l) |
|
template<typename FirstType , typename LastType , typename IncrType > |
internal::enable_if<!(symbolic::is_symbolic< FirstType >::value||symbolic::is_symbolic< LastType >::value), ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, Index, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (FirstType f, LastType l, IncrType incr) |
|
template<typename FirstTypeDerived , typename LastType , typename IncrType > |
internal::enable_if<!symbolic::is_symbolic< LastType >::value, ArithmeticSequence< FirstTypeDerived, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< symbolic::NegateExpr< FirstTypeDerived >, symbolic::ValueExpr<> >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, LastType l, IncrType incr) |
|
template<typename FirstType , typename LastTypeDerived , typename IncrType > |
internal::enable_if<!symbolic::is_symbolic< FirstType >::value, ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::ValueExpr<> >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (FirstType f, const symbolic::BaseExpr< LastTypeDerived > &l, IncrType incr) |
|
template<typename FirstTypeDerived , typename LastTypeDerived , typename IncrType > |
ArithmeticSequence< FirstTypeDerived, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::NegateExpr< FirstTypeDerived > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, const symbolic::BaseExpr< LastTypeDerived > &l, IncrType incr) |
|
template<typename MatrixDerived , typename PermutationDerived > |
EIGEN_DEVICE_FUNC const Product< MatrixDerived, PermutationDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const PermutationBase< PermutationDerived > &permutation) |
|
template<typename PermutationDerived , typename MatrixDerived > |
EIGEN_DEVICE_FUNC const Product< PermutationDerived, MatrixDerived, AliasFreeProduct > | operator* (const PermutationBase< PermutationDerived > &permutation, const MatrixBase< MatrixDerived > &matrix) |
|
std::ptrdiff_t | l1CacheSize () |
|
std::ptrdiff_t | l2CacheSize () |
|
std::ptrdiff_t | l3CacheSize () |
|
void | setCpuCacheSizes (std::ptrdiff_t l1, std::ptrdiff_t l2, std::ptrdiff_t l3) |
|
void | initParallel () |
|
int | nbThreads () |
|
void | setNbThreads (int v) |
|
template<typename MatrixDerived , typename TranspositionsDerived > |
EIGEN_DEVICE_FUNC const Product< MatrixDerived, TranspositionsDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const TranspositionsBase< TranspositionsDerived > &transpositions) |
|
template<typename TranspositionsDerived , typename MatrixDerived > |
EIGEN_DEVICE_FUNC const Product< TranspositionsDerived, MatrixDerived, AliasFreeProduct > | operator* (const TranspositionsBase< TranspositionsDerived > &transpositions, const MatrixBase< MatrixDerived > &matrix) |
|
template<int N> |
internal::FixedInt< N > | fix () |
|
template<int N, typename T > |
internal::VariableAndFixedInt< N > | fix (T val) |
|
UniformScaling< float > | Scaling (float s) |
|
UniformScaling< double > | Scaling (double s) |
|
template<typename RealScalar > |
UniformScaling< std::complex< RealScalar > > | Scaling (const std::complex< RealScalar > &s) |
|
template<typename Scalar > |
DiagonalMatrix< Scalar, 2 > | Scaling (const Scalar &sx, const Scalar &sy) |
|
template<typename Scalar > |
DiagonalMatrix< Scalar, 3 > | Scaling (const Scalar &sx, const Scalar &sy, const Scalar &sz) |
|
template<typename Derived > |
const DiagonalWrapper< const Derived > | Scaling (const MatrixBase< Derived > &coeffs) |
|
template<typename Derived , typename OtherDerived > |
internal::umeyama_transform_matrix_type< Derived, OtherDerived >::type | umeyama (const MatrixBase< Derived > &src, const MatrixBase< OtherDerived > &dst, bool with_scaling=true) |
| Returns the transformation between two point sets. More...
|
|
template<typename OtherDerived , typename VectorsType , typename CoeffsType , int Side> |
internal::matrix_type_times_scalar_type< typename VectorsType::Scalar, OtherDerived >::Type | operator* (const MatrixBase< OtherDerived > &other, const HouseholderSequence< VectorsType, CoeffsType, Side > &h) |
| Computes the product of a matrix with a Householder sequence. More...
|
|
template<typename VectorsType , typename CoeffsType > |
HouseholderSequence< VectorsType, CoeffsType > | householderSequence (const VectorsType &v, const CoeffsType &h) |
| Convenience function for constructing a Householder sequence. More...
|
|
template<typename VectorsType , typename CoeffsType > |
HouseholderSequence< VectorsType, CoeffsType, OnTheRight > | rightHouseholderSequence (const VectorsType &v, const CoeffsType &h) |
| Convenience function for constructing a Householder sequence. More...
|
|
int | klu_solve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, double B[], klu_common *Common, double) |
| A sparse LU factorization and solver based on KLU. More...
|
|
int | klu_solve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, std::complex< double >B[], klu_common *Common, std::complex< double >) |
|
int | klu_tsolve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, double B[], klu_common *Common, double) |
|
int | klu_tsolve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, std::complex< double >B[], klu_common *Common, std::complex< double >) |
|
klu_numeric * | klu_factor (int Ap[], int Ai[], double Ax[], klu_symbolic *Symbolic, klu_common *Common, double) |
|
klu_numeric * | klu_factor (int Ap[], int Ai[], std::complex< double > Ax[], klu_symbolic *Symbolic, klu_common *Common, std::complex< double >) |
|
template<typename DenseDerived , typename SparseDerived > |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_sum_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > | operator+ (const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b) |
|
template<typename SparseDerived , typename DenseDerived > |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_sum_op< typename SparseDerived::Scalar, typename DenseDerived::Scalar >, const SparseDerived, const DenseDerived > | operator+ (const SparseMatrixBase< SparseDerived > &a, const MatrixBase< DenseDerived > &b) |
|
template<typename DenseDerived , typename SparseDerived > |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_difference_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > | operator- (const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b) |
|
template<typename SparseDerived , typename DenseDerived > |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_difference_op< typename SparseDerived::Scalar, typename DenseDerived::Scalar >, const SparseDerived, const DenseDerived > | operator- (const SparseMatrixBase< SparseDerived > &a, const MatrixBase< DenseDerived > &b) |
|
template<typename SparseDerived , typename PermDerived > |
const Product< SparseDerived, PermDerived, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const PermutationBase< PermDerived > &perm) |
|
template<typename SparseDerived , typename PermDerived > |
const Product< PermDerived, SparseDerived, AliasFreeProduct > | operator* (const PermutationBase< PermDerived > &perm, const SparseMatrixBase< SparseDerived > &matrix) |
|
template<typename SparseDerived , typename PermutationType > |
const Product< SparseDerived, Inverse< PermutationType >, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const InverseImpl< PermutationType, PermutationStorage > &tperm) |
|
template<typename SparseDerived , typename PermutationType > |
const Product< Inverse< PermutationType >, SparseDerived, AliasFreeProduct > | operator* (const InverseImpl< PermutationType, PermutationStorage > &tperm, const SparseMatrixBase< SparseDerived > &matrix) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, int) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, int) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, SuiteSparse_long) |
|
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], double, int) |
|
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], std::complex< double >, int) |
|
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], double, SuiteSparse_long) |
|
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], std::complex< double >, SuiteSparse_long) |
|
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, double, int) |
|
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, int) |
|
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, double, SuiteSparse_long) |
|
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, SuiteSparse_long) |
|
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, int) |
|
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, int) |
|
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
|
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, SuiteSparse_long) |
|
void | umfpack_free_numeric (void **Numeric, double, int) |
|
void | umfpack_free_numeric (void **Numeric, std::complex< double >, int) |
|
void | umfpack_free_numeric (void **Numeric, double, SuiteSparse_long) |
|
void | umfpack_free_numeric (void **Numeric, std::complex< double >, SuiteSparse_long) |
|
void | umfpack_free_symbolic (void **Symbolic, double, int) |
|
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, int) |
|
void | umfpack_free_symbolic (void **Symbolic, double, SuiteSparse_long) |
|
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, SuiteSparse_long) |
|
int | umfpack_symbolic (int n_row, int n_col, const int Ap[], const int Ai[], const double Ax[], void **Symbolic, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_symbolic (int n_row, int n_col, const int Ap[], const int Ai[], const std::complex< double > Ax[], void **Symbolic, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_symbolic (SuiteSparse_long n_row, SuiteSparse_long n_col, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], void **Symbolic, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_symbolic (SuiteSparse_long n_row, SuiteSparse_long n_col, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], void **Symbolic, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_numeric (const int Ap[], const int Ai[], const double Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_numeric (const int Ap[], const int Ai[], const std::complex< double > Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_numeric (const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_numeric (const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_solve (int sys, const int Ap[], const int Ai[], const double Ax[], double X[], const double B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_solve (int sys, const int Ap[], const int Ai[], const std::complex< double > Ax[], std::complex< double > X[], const std::complex< double > B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_solve (int sys, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], double X[], const double B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
SuiteSparse_long | umfpack_solve (int sys, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], std::complex< double > X[], const std::complex< double > B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
|
int | umfpack_get_lunz (int *lnz, int *unz, int *n_row, int *n_col, int *nz_udiag, void *Numeric, double) |
|
int | umfpack_get_lunz (int *lnz, int *unz, int *n_row, int *n_col, int *nz_udiag, void *Numeric, std::complex< double >) |
|
SuiteSparse_long | umfpack_get_lunz (SuiteSparse_long *lnz, SuiteSparse_long *unz, SuiteSparse_long *n_row, SuiteSparse_long *n_col, SuiteSparse_long *nz_udiag, void *Numeric, double) |
|
SuiteSparse_long | umfpack_get_lunz (SuiteSparse_long *lnz, SuiteSparse_long *unz, SuiteSparse_long *n_row, SuiteSparse_long *n_col, SuiteSparse_long *nz_udiag, void *Numeric, std::complex< double >) |
|
int | umfpack_get_numeric (int Lp[], int Lj[], double Lx[], int Up[], int Ui[], double Ux[], int P[], int Q[], double Dx[], int *do_recip, double Rs[], void *Numeric) |
|
int | umfpack_get_numeric (int Lp[], int Lj[], std::complex< double > Lx[], int Up[], int Ui[], std::complex< double > Ux[], int P[], int Q[], std::complex< double > Dx[], int *do_recip, double Rs[], void *Numeric) |
|
SuiteSparse_long | umfpack_get_numeric (SuiteSparse_long Lp[], SuiteSparse_long Lj[], double Lx[], SuiteSparse_long Up[], SuiteSparse_long Ui[], double Ux[], SuiteSparse_long P[], SuiteSparse_long Q[], double Dx[], SuiteSparse_long *do_recip, double Rs[], void *Numeric) |
|
SuiteSparse_long | umfpack_get_numeric (SuiteSparse_long Lp[], SuiteSparse_long Lj[], std::complex< double > Lx[], SuiteSparse_long Up[], SuiteSparse_long Ui[], std::complex< double > Ux[], SuiteSparse_long P[], SuiteSparse_long Q[], std::complex< double > Dx[], SuiteSparse_long *do_recip, double Rs[], void *Numeric) |
|
int | umfpack_get_determinant (double *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], int) |
|
int | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], int) |
|
SuiteSparse_long | umfpack_get_determinant (double *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], SuiteSparse_long) |
|
SuiteSparse_long | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], SuiteSparse_long) |
|