: InteropHeaders More...
Namespaces | |
Architecture | |
bfloat16_impl | |
doxygen | |
half_impl | |
indexing | |
internal | |
numext | |
placeholders | |
symbolic | |
TensorSycl | |
Classes | |
class | AccelerateImpl |
class | aligned_allocator |
STL compatible allocator to use with types requiring a non-standard 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 | Barrier |
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 | 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, StrideType, 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 | DenseTimeSparseProduct |
class | Diagonal |
Expression of a diagonal/subdiagonal/superdiagonal in a matrix. More... | |
class | DiagonalBase |
Base class for diagonal matrices and expressions. More... | |
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 | EigenBase |
class | EigenSolver |
Computes eigenvalues and eigenvectors of general matrices. More... | |
class | EventCount |
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 | 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< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, StorageIndex_ >, PacketAccess_ > |
class | Map< Quaternion< Scalar_ >, Options_ > |
Expression of a quaternion from a memory buffer. More... | |
class | Map< SparseMatrixType > |
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 | 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 | MaxSizeVector |
The MaxSizeVector class. More... | |
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... | |
struct | Notification |
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 |
Dense storage base class for matrices and arrays. More... | |
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< SparseMatrixType, Options > |
A sparse matrix expression referencing an existing sparse expression. More... | |
class | Ref< SparseVectorType > |
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 | RunQueue |
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< std::enable_if_t< NumTraits< T >::IsComplex, T > >::Real, BinaryOp > |
struct | ScalarBinaryOpTraits< T, void, BinaryOp > |
struct | ScalarBinaryOpTraits< typename NumTraits< std::enable_if_t< NumTraits< T >::IsComplex, T > >::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 | Serializer |
class | Serializer< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > > |
class | Serializer< DenseBase< Derived >, void > |
class | Serializer< Matrix< Scalar, Rows, Cols, Options, MaxRows, MaxCols > > |
class | Serializer< SparseMatrix< Scalar, Options, StorageIndex >, void > |
class | Serializer< SparseVector< Scalar, Options, StorageIndex >, void > |
class | Serializer< T, typename std::enable_if_t< std::is_trivial< T >::value &&std::is_standard_layout< T >::value > > |
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... | |
class | SkewSymmetricBase |
Base class for skew symmetric matrices and expressions. More... | |
class | SkewSymmetricMatrix3 |
Represents a 3x3 skew symmetric matrix with its storage. More... | |
struct | SkewSymmetricShape |
class | SkewSymmetricWrapper |
Expression of a skew symmetric matrix. 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 | SparseLUTransposeView |
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 |
struct | StlThreadEnvironment |
class | Stride |
Holds strides information for Map. More... | |
class | SuperILU |
A sparse direct incomplete LU factorization and solver based on the SuperLU library. 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 | ThreadLocal |
class | ThreadPoolInterface |
class | ThreadPoolTempl |
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, Sparse > |
Base class for a triangular part in a sparse matrix. More... | |
class | TriangularViewImpl< MatrixType_, Mode_, Dense > |
Base class for a triangular part in a dense 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... | |
Typedefs | |
template<typename MatrixType > | |
using | AccelerateCholeskyAtA = AccelerateImpl< MatrixType, 0, SparseFactorizationCholeskyAtA, false > |
template<typename MatrixType , int UpLo = Lower> | |
using | AccelerateLDLT = AccelerateImpl< MatrixType, UpLo|Symmetric, SparseFactorizationLDLT, true > |
template<typename MatrixType , int UpLo = Lower> | |
using | AccelerateLDLTSBK = AccelerateImpl< MatrixType, UpLo|Symmetric, SparseFactorizationLDLTSBK, true > |
template<typename MatrixType , int UpLo = Lower> | |
using | AccelerateLDLTTPP = AccelerateImpl< MatrixType, UpLo|Symmetric, SparseFactorizationLDLTTPP, true > |
template<typename MatrixType , int UpLo = Lower> | |
using | AccelerateLDLTUnpivoted = AccelerateImpl< MatrixType, UpLo|Symmetric, SparseFactorizationLDLTUnpivoted, true > |
template<typename MatrixType , int UpLo = Lower> | |
using | AccelerateLLT = AccelerateImpl< MatrixType, UpLo|Symmetric, SparseFactorizationCholesky, true > |
template<typename MatrixType > | |
using | AccelerateQR = AccelerateImpl< MatrixType, 0, SparseFactorizationQR, false > |
typedef Transform< double, 2, Affine > | Affine2d |
typedef Transform< float, 2, Affine > | Affine2f |
typedef Transform< double, 3, Affine > | Affine3d |
typedef Transform< float, 3, Affine > | Affine3f |
typedef Transform< double, 2, AffineCompact > | AffineCompact2d |
typedef Transform< float, 2, AffineCompact > | AffineCompact2f |
typedef Transform< double, 3, AffineCompact > | AffineCompact3d |
typedef Transform< float, 3, AffineCompact > | AffineCompact3f |
typedef AlignedBox< double, 1 > | AlignedBox1d |
typedef AlignedBox< float, 1 > | AlignedBox1f |
typedef AlignedBox< int, 1 > | AlignedBox1i |
typedef AlignedBox< double, 2 > | AlignedBox2d |
typedef AlignedBox< float, 2 > | AlignedBox2f |
typedef AlignedBox< int, 2 > | AlignedBox2i |
typedef AlignedBox< double, 3 > | AlignedBox3d |
typedef AlignedBox< float, 3 > | AlignedBox3f |
typedef AlignedBox< int, 3 > | AlignedBox3i |
typedef AlignedBox< double, 4 > | AlignedBox4d |
typedef AlignedBox< float, 4 > | AlignedBox4f |
typedef AlignedBox< int, 4 > | AlignedBox4i |
typedef AlignedBox< double, Dynamic > | AlignedBoxXd |
typedef AlignedBox< float, Dynamic > | AlignedBoxXf |
typedef AlignedBox< int, Dynamic > | AlignedBoxXi |
typedef DiagonalMatrix< double, 2 > | AlignedScaling2d |
typedef DiagonalMatrix< float, 2 > | AlignedScaling2f |
typedef DiagonalMatrix< double, 3 > | AlignedScaling3d |
typedef DiagonalMatrix< float, 3 > | AlignedScaling3f |
typedef AngleAxis< double > | AngleAxisd |
typedef AngleAxis< float > | AngleAxisf |
template<typename T , std::size_t N> | |
using | array = std::array< T, N > |
template<typename Type > | |
using | Array2 = Array< Type, 2, 1 > |
[c++11] More... | |
template<typename Type > | |
using | Array22 = Array< Type, 2, 2 > |
[c++11] More... | |
typedef Array< std::complex< double >, 2, 2 > | Array22cd |
typedef Array< std::complex< float >, 2, 2 > | Array22cf |
typedef Array< double, 2, 2 > | Array22d |
typedef Array< float, 2, 2 > | Array22f |
typedef Array< int, 2, 2 > | Array22i |
typedef Array< std::complex< double >, 2, 1 > | Array2cd |
typedef Array< std::complex< float >, 2, 1 > | Array2cf |
typedef Array< double, 2, 1 > | Array2d |
typedef Array< float, 2, 1 > | Array2f |
typedef Array< int, 2, 1 > | Array2i |
template<typename Type > | |
using | Array2X = Array< Type, 2, Dynamic > |
[c++11] More... | |
typedef Array< std::complex< double >, 2, Dynamic > | Array2Xcd |
typedef Array< std::complex< float >, 2, Dynamic > | Array2Xcf |
typedef Array< double, 2, Dynamic > | Array2Xd |
typedef Array< float, 2, Dynamic > | Array2Xf |
typedef Array< int, 2, Dynamic > | Array2Xi |
template<typename Type > | |
using | Array3 = Array< Type, 3, 1 > |
[c++11] More... | |
template<typename Type > | |
using | Array33 = Array< Type, 3, 3 > |
[c++11] More... | |
typedef Array< std::complex< double >, 3, 3 > | Array33cd |
typedef Array< std::complex< float >, 3, 3 > | Array33cf |
typedef Array< double, 3, 3 > | Array33d |
typedef Array< float, 3, 3 > | Array33f |
typedef Array< int, 3, 3 > | Array33i |
typedef Array< std::complex< double >, 3, 1 > | Array3cd |
typedef Array< std::complex< float >, 3, 1 > | Array3cf |
typedef Array< double, 3, 1 > | Array3d |
typedef Array< float, 3, 1 > | Array3f |
typedef Array< int, 3, 1 > | Array3i |
template<typename Type > | |
using | Array3X = Array< Type, 3, Dynamic > |
[c++11] More... | |
typedef Array< std::complex< double >, 3, Dynamic > | Array3Xcd |
typedef Array< std::complex< float >, 3, Dynamic > | Array3Xcf |
typedef Array< double, 3, Dynamic > | Array3Xd |
typedef Array< float, 3, Dynamic > | Array3Xf |
typedef Array< int, 3, Dynamic > | Array3Xi |
template<typename Type > | |
using | Array4 = Array< Type, 4, 1 > |
[c++11] More... | |
template<typename Type > | |
using | Array44 = Array< Type, 4, 4 > |
[c++11] More... | |
typedef Array< std::complex< double >, 4, 4 > | Array44cd |
typedef Array< std::complex< float >, 4, 4 > | Array44cf |
typedef Array< double, 4, 4 > | Array44d |
typedef Array< float, 4, 4 > | Array44f |
typedef Array< int, 4, 4 > | Array44i |
typedef Array< std::complex< double >, 4, 1 > | Array4cd |
typedef Array< std::complex< float >, 4, 1 > | Array4cf |
typedef Array< double, 4, 1 > | Array4d |
typedef Array< float, 4, 1 > | Array4f |
typedef Array< int, 4, 1 > | Array4i |
template<typename Type > | |
using | Array4X = Array< Type, 4, Dynamic > |
[c++11] More... | |
typedef Array< std::complex< double >, 4, Dynamic > | Array4Xcd |
typedef Array< std::complex< float >, 4, Dynamic > | Array4Xcf |
typedef Array< double, 4, Dynamic > | Array4Xd |
typedef Array< float, 4, Dynamic > | Array4Xf |
typedef Array< int, 4, Dynamic > | Array4Xi |
template<typename Type > | |
using | ArrayX = Array< Type, Dynamic, 1 > |
[c++11] More... | |
template<typename Type > | |
using | ArrayX2 = Array< Type, Dynamic, 2 > |
[c++11] More... | |
typedef Array< std::complex< double >, Dynamic, 2 > | ArrayX2cd |
typedef Array< std::complex< float >, Dynamic, 2 > | ArrayX2cf |
typedef Array< double, Dynamic, 2 > | ArrayX2d |
typedef Array< float, Dynamic, 2 > | ArrayX2f |
typedef Array< int, Dynamic, 2 > | ArrayX2i |
template<typename Type > | |
using | ArrayX3 = Array< Type, Dynamic, 3 > |
[c++11] More... | |
typedef Array< std::complex< double >, Dynamic, 3 > | ArrayX3cd |
typedef Array< std::complex< float >, Dynamic, 3 > | ArrayX3cf |
typedef Array< double, Dynamic, 3 > | ArrayX3d |
typedef Array< float, Dynamic, 3 > | ArrayX3f |
typedef Array< int, Dynamic, 3 > | ArrayX3i |
template<typename Type > | |
using | ArrayX4 = Array< Type, Dynamic, 4 > |
[c++11] More... | |
typedef Array< std::complex< double >, Dynamic, 4 > | ArrayX4cd |
typedef Array< std::complex< float >, Dynamic, 4 > | ArrayX4cf |
typedef Array< double, Dynamic, 4 > | ArrayX4d |
typedef Array< float, Dynamic, 4 > | ArrayX4f |
typedef Array< int, Dynamic, 4 > | ArrayX4i |
typedef Array< std::complex< double >, Dynamic, 1 > | ArrayXcd |
typedef Array< std::complex< float >, Dynamic, 1 > | ArrayXcf |
typedef Array< double, Dynamic, 1 > | ArrayXd |
typedef Array< float, Dynamic, 1 > | ArrayXf |
typedef Array< int, Dynamic, 1 > | ArrayXi |
template<typename Type > | |
using | ArrayXX = Array< Type, Dynamic, Dynamic > |
[c++11] More... | |
typedef Array< std::complex< double >, Dynamic, Dynamic > | ArrayXXcd |
typedef Array< std::complex< float >, Dynamic, Dynamic > | ArrayXXcf |
typedef Array< double, Dynamic, Dynamic > | ArrayXXd |
typedef Array< float, Dynamic, Dynamic > | ArrayXXf |
typedef Array< int, Dynamic, Dynamic > | ArrayXXi |
typedef int | BlasIndex |
typedef std::complex< double > | dcomplex |
typedef int | DefaultPermutationIndex |
typedef EIGEN_DEFAULT_DENSE_INDEX_TYPE | DenseIndex |
template<typename Derived , typename ScalarExponent > | |
using | GlobalUnaryPowReturnType = std::enable_if_t< !internal::is_arithmetic< typename NumTraits< Derived >::Real >::value &&internal::is_arithmetic< typename NumTraits< ScalarExponent >::Real >::value, CwiseUnaryOp< internal::scalar_unary_pow_op< typename Derived::Scalar, ScalarExponent >, const Derived > > |
typedef EIGEN_DEFAULT_DENSE_INDEX_TYPE | Index |
The Index type as used for the API. More... | |
typedef Transform< double, 2, Isometry > | Isometry2d |
typedef Transform< float, 2, Isometry > | Isometry2f |
typedef Transform< double, 3, Isometry > | Isometry3d |
typedef Transform< float, 3, Isometry > | Isometry3f |
template<typename Type > | |
using | Matrix2 = Matrix< Type, 2, 2 > |
[c++11] 2 ×2 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, 2, 2 > | Matrix2cd |
2 ×2 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 2, 2 > | Matrix2cf |
2 ×2 matrix of type std::complex<float> . More... | |
typedef Matrix< double, 2, 2 > | Matrix2d |
2 ×2 matrix of type double . More... | |
typedef Matrix< float, 2, 2 > | Matrix2f |
2 ×2 matrix of type float . More... | |
typedef Matrix< int, 2, 2 > | Matrix2i |
2 ×2 matrix of type int . More... | |
template<typename Type > | |
using | Matrix2X = Matrix< Type, 2, Dynamic > |
[c++11] 2 ×Dynamic matrix of type Type More... | |
typedef Matrix< std::complex< double >, 2, Dynamic > | Matrix2Xcd |
2 ×Dynamic matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 2, Dynamic > | Matrix2Xcf |
2 ×Dynamic matrix of type std::complex<float> . More... | |
typedef Matrix< double, 2, Dynamic > | Matrix2Xd |
2 ×Dynamic matrix of type double . More... | |
typedef Matrix< float, 2, Dynamic > | Matrix2Xf |
2 ×Dynamic matrix of type float . More... | |
typedef Matrix< int, 2, Dynamic > | Matrix2Xi |
2 ×Dynamic matrix of type int . More... | |
template<typename Type > | |
using | Matrix3 = Matrix< Type, 3, 3 > |
[c++11] 3 ×3 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, 3, 3 > | Matrix3cd |
3 ×3 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 3, 3 > | Matrix3cf |
3 ×3 matrix of type std::complex<float> . More... | |
typedef Matrix< double, 3, 3 > | Matrix3d |
3 ×3 matrix of type double . More... | |
typedef Matrix< float, 3, 3 > | Matrix3f |
3 ×3 matrix of type float . More... | |
typedef Matrix< int, 3, 3 > | Matrix3i |
3 ×3 matrix of type int . More... | |
template<typename Type > | |
using | Matrix3X = Matrix< Type, 3, Dynamic > |
[c++11] 3 ×Dynamic matrix of type Type More... | |
typedef Matrix< std::complex< double >, 3, Dynamic > | Matrix3Xcd |
3 ×Dynamic matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 3, Dynamic > | Matrix3Xcf |
3 ×Dynamic matrix of type std::complex<float> . More... | |
typedef Matrix< double, 3, Dynamic > | Matrix3Xd |
3 ×Dynamic matrix of type double . More... | |
typedef Matrix< float, 3, Dynamic > | Matrix3Xf |
3 ×Dynamic matrix of type float . More... | |
typedef Matrix< int, 3, Dynamic > | Matrix3Xi |
3 ×Dynamic matrix of type int . More... | |
template<typename Type > | |
using | Matrix4 = Matrix< Type, 4, 4 > |
[c++11] 4 ×4 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, 4, 4 > | Matrix4cd |
4 ×4 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 4, 4 > | Matrix4cf |
4 ×4 matrix of type std::complex<float> . More... | |
typedef Matrix< double, 4, 4 > | Matrix4d |
4 ×4 matrix of type double . More... | |
typedef Matrix< float, 4, 4 > | Matrix4f |
4 ×4 matrix of type float . More... | |
typedef Matrix< int, 4, 4 > | Matrix4i |
4 ×4 matrix of type int . More... | |
template<typename Type > | |
using | Matrix4X = Matrix< Type, 4, Dynamic > |
[c++11] 4 ×Dynamic matrix of type Type More... | |
typedef Matrix< std::complex< double >, 4, Dynamic > | Matrix4Xcd |
4 ×Dynamic matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 4, Dynamic > | Matrix4Xcf |
4 ×Dynamic matrix of type std::complex<float> . More... | |
typedef Matrix< double, 4, Dynamic > | Matrix4Xd |
4 ×Dynamic matrix of type double . More... | |
typedef Matrix< float, 4, Dynamic > | Matrix4Xf |
4 ×Dynamic matrix of type float . More... | |
typedef Matrix< int, 4, Dynamic > | Matrix4Xi |
4 ×Dynamic matrix of type int . More... | |
template<typename Type > | |
using | MatrixX = Matrix< Type, Dynamic, Dynamic > |
[c++11] Dynamic ×Dynamic matrix of type Type . More... | |
template<typename Type > | |
using | MatrixX2 = Matrix< Type, Dynamic, 2 > |
[c++11] Dynamic ×2 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, Dynamic, 2 > | MatrixX2cd |
Dynamic ×2 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, Dynamic, 2 > | MatrixX2cf |
Dynamic ×2 matrix of type std::complex<float> . More... | |
typedef Matrix< double, Dynamic, 2 > | MatrixX2d |
Dynamic ×2 matrix of type double . More... | |
typedef Matrix< float, Dynamic, 2 > | MatrixX2f |
Dynamic ×2 matrix of type float . More... | |
typedef Matrix< int, Dynamic, 2 > | MatrixX2i |
Dynamic ×2 matrix of type int . More... | |
template<typename Type > | |
using | MatrixX3 = Matrix< Type, Dynamic, 3 > |
[c++11] Dynamic ×3 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, Dynamic, 3 > | MatrixX3cd |
Dynamic ×3 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, Dynamic, 3 > | MatrixX3cf |
Dynamic ×3 matrix of type std::complex<float> . More... | |
typedef Matrix< double, Dynamic, 3 > | MatrixX3d |
Dynamic ×3 matrix of type double . More... | |
typedef Matrix< float, Dynamic, 3 > | MatrixX3f |
Dynamic ×3 matrix of type float . More... | |
typedef Matrix< int, Dynamic, 3 > | MatrixX3i |
Dynamic ×3 matrix of type int . More... | |
template<typename Type > | |
using | MatrixX4 = Matrix< Type, Dynamic, 4 > |
[c++11] Dynamic ×4 matrix of type Type . More... | |
typedef Matrix< std::complex< double >, Dynamic, 4 > | MatrixX4cd |
Dynamic ×4 matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, Dynamic, 4 > | MatrixX4cf |
Dynamic ×4 matrix of type std::complex<float> . More... | |
typedef Matrix< double, Dynamic, 4 > | MatrixX4d |
Dynamic ×4 matrix of type double . More... | |
typedef Matrix< float, Dynamic, 4 > | MatrixX4f |
Dynamic ×4 matrix of type float . More... | |
typedef Matrix< int, Dynamic, 4 > | MatrixX4i |
Dynamic ×4 matrix of type int . More... | |
typedef Matrix< std::complex< double >, Dynamic, Dynamic > | MatrixXcd |
Dynamic ×Dynamic matrix of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, Dynamic, Dynamic > | MatrixXcf |
Dynamic ×Dynamic matrix of type std::complex<float> . More... | |
typedef Matrix< double, Dynamic, Dynamic > | MatrixXd |
Dynamic ×Dynamic matrix of type double . More... | |
typedef Matrix< float, Dynamic, Dynamic > | MatrixXf |
Dynamic ×Dynamic matrix of type float . More... | |
typedef Matrix< int, Dynamic, Dynamic > | MatrixXi |
Dynamic ×Dynamic matrix of type int . More... | |
typedef Transform< double, 2, Projective > | Projective2d |
typedef Transform< float, 2, Projective > | Projective2f |
typedef Transform< double, 3, Projective > | Projective3d |
typedef Transform< float, 3, Projective > | Projective3f |
typedef Quaternion< double > | Quaterniond |
typedef Quaternion< float > | Quaternionf |
typedef Map< Quaternion< double >, Aligned > | QuaternionMapAlignedd |
typedef Map< Quaternion< float >, Aligned > | QuaternionMapAlignedf |
typedef Map< Quaternion< double >, 0 > | QuaternionMapd |
typedef Map< Quaternion< float >, 0 > | QuaternionMapf |
typedef Rotation2D< double > | Rotation2Dd |
typedef Rotation2D< float > | Rotation2Df |
template<typename Type , int Size> | |
using | RowVector = Matrix< Type, 1, Size > |
[c++11] 1 ×Size vector of type Type . More... | |
template<typename Type > | |
using | RowVector2 = Matrix< Type, 1, 2 > |
[c++11] 1 ×2 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 1, 2 > | RowVector2cd |
1 ×2 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 1, 2 > | RowVector2cf |
1 ×2 vector of type std::complex<float> . More... | |
typedef Matrix< double, 1, 2 > | RowVector2d |
1 ×2 vector of type double . More... | |
typedef Matrix< float, 1, 2 > | RowVector2f |
1 ×2 vector of type float . More... | |
typedef Matrix< int, 1, 2 > | RowVector2i |
1 ×2 vector of type int . More... | |
template<typename Type > | |
using | RowVector3 = Matrix< Type, 1, 3 > |
[c++11] 1 ×3 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 1, 3 > | RowVector3cd |
1 ×3 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 1, 3 > | RowVector3cf |
1 ×3 vector of type std::complex<float> . More... | |
typedef Matrix< double, 1, 3 > | RowVector3d |
1 ×3 vector of type double . More... | |
typedef Matrix< float, 1, 3 > | RowVector3f |
1 ×3 vector of type float . More... | |
typedef Matrix< int, 1, 3 > | RowVector3i |
1 ×3 vector of type int . More... | |
template<typename Type > | |
using | RowVector4 = Matrix< Type, 1, 4 > |
[c++11] 1 ×4 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 1, 4 > | RowVector4cd |
1 ×4 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 1, 4 > | RowVector4cf |
1 ×4 vector of type std::complex<float> . More... | |
typedef Matrix< double, 1, 4 > | RowVector4d |
1 ×4 vector of type double . More... | |
typedef Matrix< float, 1, 4 > | RowVector4f |
1 ×4 vector of type float . More... | |
typedef Matrix< int, 1, 4 > | RowVector4i |
1 ×4 vector of type int . More... | |
template<typename Type > | |
using | RowVectorX = Matrix< Type, 1, Dynamic > |
[c++11] 1 ×Dynamic vector of type Type . More... | |
typedef Matrix< std::complex< double >, 1, Dynamic > | RowVectorXcd |
1 ×Dynamic vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 1, Dynamic > | RowVectorXcf |
1 ×Dynamic vector of type std::complex<float> . More... | |
typedef Matrix< double, 1, Dynamic > | RowVectorXd |
1 ×Dynamic vector of type double . More... | |
typedef Matrix< float, 1, Dynamic > | RowVectorXf |
1 ×Dynamic vector of type float . More... | |
typedef Matrix< int, 1, Dynamic > | RowVectorXi |
1 ×Dynamic vector of type int . More... | |
typedef std::complex< float > | scomplex |
typedef ThreadPoolTempl< StlThreadEnvironment > | ThreadPool |
typedef Translation< double, 2 > | Translation2d |
typedef Translation< float, 2 > | Translation2f |
typedef Translation< double, 3 > | Translation3d |
typedef Translation< float, 3 > | Translation3f |
template<typename Type , int Size> | |
using | Vector = Matrix< Type, Size, 1 > |
[c++11] Size ×1 vector of type Type . More... | |
template<typename Type > | |
using | Vector2 = Matrix< Type, 2, 1 > |
[c++11] 2 ×1 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 2, 1 > | Vector2cd |
2 ×1 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 2, 1 > | Vector2cf |
2 ×1 vector of type std::complex<float> . More... | |
typedef Matrix< double, 2, 1 > | Vector2d |
2 ×1 vector of type double . More... | |
typedef Matrix< float, 2, 1 > | Vector2f |
2 ×1 vector of type float . More... | |
typedef Matrix< int, 2, 1 > | Vector2i |
2 ×1 vector of type int . More... | |
template<typename Type > | |
using | Vector3 = Matrix< Type, 3, 1 > |
[c++11] 3 ×1 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 3, 1 > | Vector3cd |
3 ×1 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 3, 1 > | Vector3cf |
3 ×1 vector of type std::complex<float> . More... | |
typedef Matrix< double, 3, 1 > | Vector3d |
3 ×1 vector of type double . More... | |
typedef Matrix< float, 3, 1 > | Vector3f |
3 ×1 vector of type float . More... | |
typedef Matrix< int, 3, 1 > | Vector3i |
3 ×1 vector of type int . More... | |
template<typename Type > | |
using | Vector4 = Matrix< Type, 4, 1 > |
[c++11] 4 ×1 vector of type Type . More... | |
typedef Matrix< std::complex< double >, 4, 1 > | Vector4cd |
4 ×1 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, 4, 1 > | Vector4cf |
4 ×1 vector of type std::complex<float> . More... | |
typedef Matrix< double, 4, 1 > | Vector4d |
4 ×1 vector of type double . More... | |
typedef Matrix< float, 4, 1 > | Vector4f |
4 ×1 vector of type float . More... | |
typedef Matrix< int, 4, 1 > | Vector4i |
4 ×1 vector of type int . More... | |
template<typename Type > | |
using | VectorX = Matrix< Type, Dynamic, 1 > |
[c++11] Dynamic ×1 vector of type Type . More... | |
typedef Matrix< std::complex< double >, Dynamic, 1 > | VectorXcd |
Dynamic ×1 vector of type std::complex<double> . More... | |
typedef Matrix< std::complex< float >, Dynamic, 1 > | VectorXcf |
Dynamic ×1 vector of type std::complex<float> . More... | |
typedef Matrix< double, Dynamic, 1 > | VectorXd |
Dynamic ×1 vector of type double . More... | |
typedef Matrix< float, Dynamic, 1 > | VectorXf |
Dynamic ×1 vector of type float . More... | |
typedef Matrix< int, Dynamic, 1 > | VectorXi |
Dynamic ×1 vector of type int . More... | |
Functions | |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_abs_op< typename Derived::Scalar >, const Derived > | abs (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_abs2_op< typename Derived::Scalar >, const Derived > | abs2 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_acos_op< typename Derived::Scalar >, const Derived > | acos (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_acosh_op< typename Derived::Scalar >, const Derived > | acosh (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_arg_op< typename Derived::Scalar >, const Derived > | arg (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_asin_op< typename Derived::Scalar >, const Derived > | asin (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_asinh_op< typename Derived::Scalar >, const Derived > | asinh (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_atan_op< typename Derived::Scalar >, const Derived > | atan (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_atanh_op< typename Derived::Scalar >, const Derived > | atanh (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_carg_op< typename Derived::Scalar >, const Derived > | carg (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_ceil_op< typename Derived::Scalar >, const Derived > | ceil (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_conjugate_op< typename Derived::Scalar >, const Derived > | conj (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cos_op< typename Derived::Scalar >, const Derived > | cos (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cosh_op< typename Derived::Scalar >, const Derived > | cosh (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cube_op< typename Derived::Scalar >, const Derived > | cube (const Eigen::ArrayBase< Derived > &x) |
template<typename... Args> | |
const uint8_t * | deserialize (const uint8_t *src, const uint8_t *end, Args &... args) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_digamma_op< typename Derived::Scalar >, const Derived > | digamma (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_erf_op< typename Derived::Scalar >, const Derived > | erf (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_erfc_op< typename Derived::Scalar >, const Derived > | erfc (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_exp_op< typename Derived::Scalar >, const Derived > | exp (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_expm1_op< typename Derived::Scalar >, const Derived > | expm1 (const Eigen::ArrayBase< Derived > &x) |
template<int N> | |
static const auto | fix () |
template<int N> | |
static const auto | fix (int val) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_floor_op< typename Derived::Scalar >, const Derived > | floor (const Eigen::ArrayBase< Derived > &x) |
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 Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_imag_op< typename Derived::Scalar >, const Derived > | imag (const Eigen::ArrayBase< Derived > &x) |
void | initParallel () |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_inverse_op< typename Derived::Scalar >, const Derived > | inverse (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isfinite_op< typename Derived::Scalar >, const Derived > | isfinite (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isinf_op< typename Derived::Scalar >, const Derived > | isinf (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isnan_op< typename Derived::Scalar >, const Derived > | isnan (const Eigen::ArrayBase< Derived > &x) |
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 >) |
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 >) |
std::ptrdiff_t | l1CacheSize () |
std::ptrdiff_t | l2CacheSize () |
std::ptrdiff_t | l3CacheSize () |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_lgamma_op< typename Derived::Scalar >, const Derived > | lgamma (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log_op< typename Derived::Scalar >, const Derived > | log (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log10_op< typename Derived::Scalar >, const Derived > | log10 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log1p_op< typename Derived::Scalar >, const Derived > | log1p (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log2_op< typename Derived::Scalar >, const Derived > | log2 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_logistic_op< typename Derived::Scalar >, const Derived > | logistic (const Eigen::ArrayBase< Derived > &x) |
int | nbThreads () |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_ndtri_op< typename Derived::Scalar >, const Derived > | ndtri (const Eigen::ArrayBase< Derived > &x) |
template<typename SparseDerived , typename PermutationType > | |
const Product< Inverse< PermutationType >, SparseDerived, AliasFreeProduct > | operator* (const InverseImpl< PermutationType, PermutationStorage > &tperm, const SparseMatrixBase< SparseDerived > &matrix) |
template<typename MatrixDerived , typename PermutationDerived > | |
const Product< MatrixDerived, PermutationDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const PermutationBase< PermutationDerived > &permutation) |
template<typename MatrixDerived , typename TranspositionsDerived > | |
const Product< MatrixDerived, TranspositionsDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const TranspositionsBase< TranspositionsDerived > &transpositions) |
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 SparseDerived , typename PermDerived > | |
const Product< PermDerived, SparseDerived, AliasFreeProduct > | operator* (const PermutationBase< PermDerived > &perm, const SparseMatrixBase< SparseDerived > &matrix) |
template<typename PermutationDerived , typename MatrixDerived > | |
const Product< PermutationDerived, MatrixDerived, AliasFreeProduct > | operator* (const PermutationBase< PermutationDerived > &permutation, const MatrixBase< MatrixDerived > &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 PermDerived > | |
const Product< SparseDerived, PermDerived, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const PermutationBase< PermDerived > &perm) |
template<typename TranspositionsDerived , typename MatrixDerived > | |
const Product< TranspositionsDerived, MatrixDerived, AliasFreeProduct > | operator* (const TranspositionsBase< TranspositionsDerived > &transpositions, const MatrixBase< MatrixDerived > &matrix) |
template<typename DenseDerived , typename SparseDerived > | |
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 > | |
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 > | |
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 > | |
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 Derived > | |
std::ostream & | operator<< (std::ostream &s, const DiagonalBase< Derived > &m) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_real_op< typename Derived::Scalar >, const Derived > | real (const Eigen::ArrayBase< Derived > &x) |
template<typename VectorsType , typename CoeffsType > | |
HouseholderSequence< VectorsType, CoeffsType, OnTheRight > | rightHouseholderSequence (const VectorsType &v, const CoeffsType &h) |
Convenience function for constructing a Householder sequence. More... | |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_rint_op< typename Derived::Scalar >, const Derived > | rint (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_round_op< typename Derived::Scalar >, const Derived > | round (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_rsqrt_op< typename Derived::Scalar >, const Derived > | rsqrt (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const DiagonalWrapper< const Derived > | Scaling (const MatrixBase< Derived > &coeffs) |
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 RealScalar > | |
UniformScaling< std::complex< RealScalar > > | Scaling (const std::complex< RealScalar > &s) |
UniformScaling< double > | Scaling (double s) |
UniformScaling< float > | Scaling (float s) |
template<typename Derived > | |
DiagonalWrapper< const Derived >::PlainObject | Scaling (MatrixBase< Derived > &&coeffs) |
template<typename FirstType , typename LastType > | |
auto | seq (FirstType f, LastType l) |
template<typename FirstType , typename LastType , typename IncrType > | |
auto | seq (FirstType f, LastType l, 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 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... Args> | |
uint8_t * | serialize (uint8_t *dest, uint8_t *end, const Args &... args) |
template<typename... Args> | |
size_t | serialize_size (const Args &... args) |
void | setCpuCacheSizes (std::ptrdiff_t l1, std::ptrdiff_t l2, std::ptrdiff_t l3) |
void | setNbThreads (int v) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sign_op< typename Derived::Scalar >, const Derived > | sign (const Eigen::ArrayBase< Derived > &x) |
static const char * | SimdInstructionSetsInUse (void) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sin_op< typename Derived::Scalar >, const Derived > | sin (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sinh_op< typename Derived::Scalar >, const Derived > | sinh (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sqrt_op< typename Derived::Scalar >, const Derived > | sqrt (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_square_op< typename Derived::Scalar >, const Derived > | square (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_tan_op< typename Derived::Scalar >, const Derived > | tan (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_tanh_op< typename Derived::Scalar >, const Derived > | tanh (const Eigen::ArrayBase< Derived > &x) |
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... | |
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, int) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, int) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, SuiteSparse_long) |
void | umfpack_free_numeric (void **Numeric, double, int) |
void | umfpack_free_numeric (void **Numeric, double, SuiteSparse_long) |
void | umfpack_free_numeric (void **Numeric, std::complex< double >, int) |
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, double, SuiteSparse_long) |
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, int) |
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, SuiteSparse_long) |
int | umfpack_get_determinant (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) |
int | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], int) |
SuiteSparse_long | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], SuiteSparse_long) |
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_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]) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, int) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, int) |
void | umfpack_report_control (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], double, SuiteSparse_long) |
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], 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, double, SuiteSparse_long) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, int) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, SuiteSparse_long) |
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_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]) |
template<typename Scalar_ , int Options_, typename Index_ > | |
const cholmod_sparse | viewAsCholmod (const SparseMatrix< 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 Scalar_ , int Options_, typename Index_ > | |
const cholmod_sparse | viewAsCholmod (const SparseVector< Scalar_, Options_, Index_ > &mat) |
template<typename Derived > | |
cholmod_dense | viewAsCholmod (MatrixBase< Derived > &mat) |
template<typename Scalar_ , int Options_, typename StorageIndex_ > | |
cholmod_sparse | viewAsCholmod (Ref< SparseMatrix< Scalar_, Options_, StorageIndex_ > > mat) |
template<typename Scalar , int Flags, typename StorageIndex > | |
Map< SparseMatrix< Scalar, Flags, StorageIndex > > | viewAsEigen (cholmod_sparse &cm) |
Variables | |
const unsigned int | ActualPacketAccessBit |
EIGEN_DEPRECATED const unsigned int | AlignedBit |
const int | AutoOrder |
const int | CoherentAccessPattern |
const unsigned int | CompressedAccessBit |
const unsigned int | DirectAccessBit |
const int | Dynamic |
const int | DynamicIndex |
EIGEN_DEPRECATED const unsigned int | EvalBeforeAssigningBit |
const unsigned int | EvalBeforeNestingBit |
const unsigned int | HereditaryBits |
const int | HugeCost |
const int | Infinity |
const int | InnerRandomAccessPattern |
const unsigned int | LinearAccessBit |
const unsigned int | LvalueBit |
const unsigned int | NestByRefBit |
const unsigned int | NoPreferredStorageOrderBit |
const int | OuterRandomAccessPattern |
const unsigned int | PacketAccessBit |
const int | RandomAccessPattern |
const unsigned int | RowMajorBit |
const int | UndefinedIncr |
: InteropHeaders
Namespace containing all symbols from the Eigen library.
: TypeCasting
: PacketMath
: MathFunctions
TODO *
MathFunctions.h
PacketMath.h
TypeCasting.h
This file implements a self adjoint product: C += A A^T updating only half of the selfadjoint matrix C. It corresponds to the level 3 SYRK and level 2 SYR Blas routines.
using Eigen::AccelerateCholeskyAtA = typedef AccelerateImpl<MatrixType, 0, SparseFactorizationCholeskyAtA, false> |
Definition at line 107 of file AccelerateSupport.h.
using Eigen::AccelerateLDLT = typedef AccelerateImpl<MatrixType, UpLo | Symmetric, SparseFactorizationLDLT, true> |
Definition at line 39 of file AccelerateSupport.h.
using Eigen::AccelerateLDLTSBK = typedef AccelerateImpl<MatrixType, UpLo | Symmetric, SparseFactorizationLDLTSBK, true> |
Definition at line 67 of file AccelerateSupport.h.
using Eigen::AccelerateLDLTTPP = typedef AccelerateImpl<MatrixType, UpLo | Symmetric, SparseFactorizationLDLTTPP, true> |
Definition at line 81 of file AccelerateSupport.h.
using Eigen::AccelerateLDLTUnpivoted = typedef AccelerateImpl<MatrixType, UpLo | Symmetric, SparseFactorizationLDLTUnpivoted, true> |
Definition at line 53 of file AccelerateSupport.h.
using Eigen::AccelerateLLT = typedef AccelerateImpl<MatrixType, UpLo | Symmetric, SparseFactorizationCholesky, true> |
Definition at line 25 of file AccelerateSupport.h.
using Eigen::AccelerateQR = typedef AccelerateImpl<MatrixType, 0, SparseFactorizationQR, false> |
Definition at line 94 of file AccelerateSupport.h.
typedef DiagonalMatrix<double,2> Eigen::AlignedScaling2d |
typedef DiagonalMatrix<float, 2> Eigen::AlignedScaling2f |
typedef DiagonalMatrix<double,3> Eigen::AlignedScaling3d |
typedef DiagonalMatrix<float, 3> Eigen::AlignedScaling3f |
using Eigen::array = typedef std::array<T, N> |
Definition at line 256 of file EmulateArray.h.
typedef int Eigen::BlasIndex |
Definition at line 133 of file MKL_support.h.
typedef std::complex<double> Eigen::dcomplex |
Definition at line 127 of file MKL_support.h.
typedef int Eigen::DefaultPermutationIndex |
Definition at line 270 of file ForwardDeclarations.h.
using Eigen::GlobalUnaryPowReturnType = typedef std::enable_if_t< !internal::is_arithmetic<typename NumTraits<Derived>::Real>::value && internal::is_arithmetic<typename NumTraits<ScalarExponent>::Real>::value, CwiseUnaryOp<internal::scalar_unary_pow_op<typename Derived::Scalar, ScalarExponent>, const Derived> > |
Definition at line 99 of file GlobalFunctions.h.
The Index type as used for the API.
To change this, #define
the preprocessor symbol EIGEN_DEFAULT_DENSE_INDEX_TYPE
.
typedef std::complex<float> Eigen::scomplex |
Definition at line 128 of file MKL_support.h.
Definition at line 484 of file NonBlockingThreadPool.h.
typedef Translation<double,2> Eigen::Translation2d |
Definition at line 171 of file Translation.h.
typedef Translation<float, 2> Eigen::Translation2f |
Definition at line 170 of file Translation.h.
typedef Translation<double,3> Eigen::Translation3d |
Definition at line 173 of file Translation.h.
typedef Translation<float, 3> Eigen::Translation3f |
Definition at line 172 of file Translation.h.
anonymous enum |
anonymous enum |
Enumerator | |
---|---|
StandardCompressedFormat | used by Ref<SparseMatrix> to specify whether the input storage must be in standard compressed form |
Definition at line 17 of file SparseRef.h.
enum Eigen::Action |
enum Eigen::AutoSize_t |
enum Eigen::CholmodMode |
Enumerator | |
---|---|
CholmodAuto | |
CholmodSimplicialLLt | |
CholmodSupernodalLLt | |
CholmodLDLt |
Definition at line 205 of file CholmodSupport.h.
enum Eigen::Default_t |
enum Eigen::NoChange_t |
Enumerator | |
---|---|
DefaultProduct | |
LazyProduct | |
AliasFreeProduct | |
CoeffBasedProductMode | |
LazyCoeffBasedProductMode | |
OuterProduct | |
InnerProduct | |
GemvProduct | |
GemmProduct |
Definition at line 503 of file Constants.h.
enum Eigen::Sequential_t |
Enumerator | |
---|---|
SimplicialCholeskyLLT | |
SimplicialCholeskyLDLT |
Definition at line 17 of file SimplicialCholesky.h.
enum Eigen::TraversalType |
Enumerator | |
---|---|
DefaultTraversal | |
LinearTraversal | |
InnerVectorizedTraversal | |
LinearVectorizedTraversal | |
SliceVectorizedTraversal | |
InvalidTraversal | |
AllAtOnceTraversal |
Definition at line 277 of file Constants.h.
enum Eigen::UnrollingType |
Enumerator | |
---|---|
NoUnrolling | |
InnerUnrolling | |
CompleteUnrolling |
Definition at line 299 of file Constants.h.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Deserialize a set of values from the byte buffer.
src | input byte buffer; if this is nullptr, does nothing. |
end | the end of input byte buffer. |
args | ... arguments to deserialize in sequence. |
Definition at line 214 of file Serializer.h.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Must be call first when calling Eigen from multiple threads
Definition at line 51 of file Parallelizer.h.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 52 of file KLUSupport.h.
|
inline |
Definition at line 56 of file KLUSupport.h.
|
inline |
Definition at line 40 of file KLUSupport.h.
|
inline |
Definition at line 44 of file KLUSupport.h.
|
inline |
Definition at line 48 of file KLUSupport.h.
|
inline |
Definition at line 3264 of file products/GeneralBlockPanelKernel.h.
|
inline |
Definition at line 3273 of file products/GeneralBlockPanelKernel.h.
|
inline |
Definition at line 3283 of file products/GeneralBlockPanelKernel.h.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 61 of file Parallelizer.h.
|
inline |
|
inline |
Definition at line 245 of file SparsePermutation.h.
const Product<MatrixDerived, PermutationDerived, AliasFreeProduct> Eigen::operator* | ( | const MatrixBase< MatrixDerived > & | matrix, |
const PermutationBase< PermutationDerived > & | permutation | ||
) |
Definition at line 517 of file PermutationMatrix.h.
const Product<MatrixDerived, TranspositionsDerived, AliasFreeProduct> Eigen::operator* | ( | const MatrixBase< MatrixDerived > & | matrix, |
const TranspositionsBase< TranspositionsDerived > & | transpositions | ||
) |
Definition at line 315 of file Transpositions.h.
internal::matrix_type_times_scalar_type<typename VectorsType::Scalar,OtherDerived>::Type Eigen::operator* | ( | const MatrixBase< OtherDerived > & | other, |
const HouseholderSequence< VectorsType, CoeffsType, Side > & | h | ||
) |
Computes the product of a matrix with a Householder sequence.
[in] | other | Matrix being multiplied. |
[in] | h | HouseholderSequence being multiplied. |
This function computes other
and h
.
Definition at line 528 of file HouseholderSequence.h.
|
inline |
Definition at line 229 of file SparsePermutation.h.
const Product<PermutationDerived, MatrixDerived, AliasFreeProduct> Eigen::operator* | ( | const PermutationBase< PermutationDerived > & | permutation, |
const MatrixBase< MatrixDerived > & | matrix | ||
) |
Definition at line 529 of file PermutationMatrix.h.
|
inline |
Definition at line 237 of file SparsePermutation.h.
|
inline |
Definition at line 221 of file SparsePermutation.h.
const Product<TranspositionsDerived, MatrixDerived, AliasFreeProduct> Eigen::operator* | ( | const TranspositionsBase< TranspositionsDerived > & | transpositions, |
const MatrixBase< MatrixDerived > & | matrix | ||
) |
Definition at line 327 of file Transpositions.h.
|
inline |
Definition at line 972 of file SparseCwiseBinaryOp.h.
|
inline |
Definition at line 979 of file SparseCwiseBinaryOp.h.
|
inline |
Definition at line 986 of file SparseCwiseBinaryOp.h.
|
inline |
Definition at line 993 of file SparseCwiseBinaryOp.h.
std::ostream& Eigen::operator<< | ( | std::ostream & | s, |
const DiagonalBase< Derived > & | m | ||
) |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
auto Eigen::seq | ( | FirstType | f, |
LastType | l | ||
) |
It is essentially an alias to:
auto Eigen::seq | ( | FirstType | f, |
LastType | l, | ||
IncrType | incr | ||
) |
It is essentially an alias to:
ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type,typename internal::cleanup_index_type<SizeType>::type > Eigen::seqN | ( | FirstType | first, |
SizeType | size | ||
) |
Definition at line 108 of file ArithmeticSequence.h.
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type, typename internal::cleanup_seq_incr< IncrType >::type > Eigen::seqN | ( | FirstType | first, |
SizeType | size, | ||
IncrType | incr | ||
) |
Definition at line 99 of file ArithmeticSequence.h.
|
inline |
Serialize a set of values to the byte buffer.
dest | output byte buffer; if this is nullptr, does nothing. |
end | the end of the output byte buffer. |
args | ... arguments to serialize in sequence. |
Definition at line 200 of file Serializer.h.
|
inline |
Determine the buffer size required to serialize a set of values.
args | ... arguments to serialize in sequence. |
Definition at line 186 of file Serializer.h.
|
inline |
Set the cpu L1 and L2 cache sizes (in bytes). These values are use to adjust the size of the blocks for the algorithms working per blocks.
Definition at line 3295 of file products/GeneralBlockPanelKernel.h.
|
inline |
Sets the max number of threads reserved for Eigen
Definition at line 70 of file Parallelizer.h.
|
inline |
|
inlinestatic |
Definition at line 472 of file ConfigureVectorization.h.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 33 of file UmfPackSupport.h.
|
inline |
Definition at line 39 of file UmfPackSupport.h.
|
inline |
Definition at line 36 of file UmfPackSupport.h.
|
inline |
Definition at line 42 of file UmfPackSupport.h.
|
inline |
Definition at line 85 of file UmfPackSupport.h.
|
inline |
Definition at line 91 of file UmfPackSupport.h.
|
inline |
Definition at line 88 of file UmfPackSupport.h.
|
inline |
Definition at line 94 of file UmfPackSupport.h.
|
inline |
Definition at line 98 of file UmfPackSupport.h.
|
inline |
Definition at line 104 of file UmfPackSupport.h.
|
inline |
Definition at line 101 of file UmfPackSupport.h.
|
inline |
Definition at line 107 of file UmfPackSupport.h.
|
inline |
Definition at line 251 of file UmfPackSupport.h.
|
inline |
Definition at line 262 of file UmfPackSupport.h.
|
inline |
Definition at line 256 of file UmfPackSupport.h.
|
inline |
Definition at line 267 of file UmfPackSupport.h.
|
inline |
Definition at line 196 of file UmfPackSupport.h.
|
inline |
Definition at line 201 of file UmfPackSupport.h.
|
inline |
Definition at line 206 of file UmfPackSupport.h.
|
inline |
Definition at line 212 of file UmfPackSupport.h.
|
inline |
Definition at line 219 of file UmfPackSupport.h.
|
inline |
Definition at line 225 of file UmfPackSupport.h.
|
inline |
Definition at line 234 of file UmfPackSupport.h.
|
inline |
Definition at line 240 of file UmfPackSupport.h.
|
inline |
Definition at line 139 of file UmfPackSupport.h.
|
inline |
Definition at line 146 of file UmfPackSupport.h.
|
inline |
Definition at line 152 of file UmfPackSupport.h.
|
inline |
Definition at line 159 of file UmfPackSupport.h.
|
inline |
Definition at line 72 of file UmfPackSupport.h.
|
inline |
Definition at line 78 of file UmfPackSupport.h.
|
inline |
Definition at line 75 of file UmfPackSupport.h.
|
inline |
Definition at line 81 of file UmfPackSupport.h.
|
inline |
Definition at line 46 of file UmfPackSupport.h.
|
inline |
Definition at line 52 of file UmfPackSupport.h.
|
inline |
Definition at line 49 of file UmfPackSupport.h.
|
inline |
Definition at line 55 of file UmfPackSupport.h.
|
inline |
Definition at line 59 of file UmfPackSupport.h.
|
inline |
Definition at line 65 of file UmfPackSupport.h.
|
inline |
Definition at line 62 of file UmfPackSupport.h.
|
inline |
Definition at line 68 of file UmfPackSupport.h.
|
inline |
Definition at line 167 of file UmfPackSupport.h.
|
inline |
Definition at line 174 of file UmfPackSupport.h.
|
inline |
Definition at line 181 of file UmfPackSupport.h.
|
inline |
Definition at line 188 of file UmfPackSupport.h.
|
inline |
Definition at line 111 of file UmfPackSupport.h.
|
inline |
Definition at line 118 of file UmfPackSupport.h.
|
inline |
Definition at line 124 of file UmfPackSupport.h.
|
inline |
Definition at line 131 of file UmfPackSupport.h.
const cholmod_sparse Eigen::viewAsCholmod | ( | const SparseMatrix< Scalar_, Options_, Index_ > & | mat | ) |
Definition at line 107 of file CholmodSupport.h.
cholmod_sparse Eigen::viewAsCholmod | ( | const SparseSelfAdjointView< const SparseMatrix< Scalar_, Options_, Index_ >, UpLo > & | mat | ) |
Returns a view of the Eigen sparse matrix mat as Cholmod sparse matrix. The data are not copied but shared.
Definition at line 123 of file CholmodSupport.h.
const cholmod_sparse Eigen::viewAsCholmod | ( | const SparseVector< Scalar_, Options_, Index_ > & | mat | ) |
Definition at line 114 of file CholmodSupport.h.
cholmod_dense Eigen::viewAsCholmod | ( | MatrixBase< Derived > & | mat | ) |
Returns a view of the Eigen dense matrix mat as Cholmod dense matrix. The data are not copied but shared.
Definition at line 139 of file CholmodSupport.h.
cholmod_sparse Eigen::viewAsCholmod | ( | Ref< SparseMatrix< Scalar_, Options_, StorageIndex_ > > | mat | ) |
Wraps the Eigen sparse matrix mat into a Cholmod sparse matrix object. Note that the data are shared.
Definition at line 60 of file CholmodSupport.h.
Map<SparseMatrix<Scalar,Flags,StorageIndex> > Eigen::viewAsEigen | ( | cholmod_sparse & | cm | ) |
Returns a view of the Cholmod sparse matrix cm as an Eigen sparse matrix. The data are not copied but shared.
Definition at line 160 of file CholmodSupport.h.
const int Eigen::AutoOrder |
Definition at line 19 of file ReshapedHelper.h.
const int Eigen::CoherentAccessPattern |
Definition at line 49 of file SparseUtil.h.
const int Eigen::Dynamic |
This value means that a positive quantity (e.g., a size) is not known at compile-time, and that instead the value is stored in some runtime variable.
Changing the value of Dynamic breaks the ABI, as Dynamic is often used as a template parameter for Matrix.
Definition at line 24 of file Constants.h.
const int Eigen::DynamicIndex |
This value means that a signed quantity (e.g., a signed index) is not known at compile-time, and that instead its value has to be specified at runtime.
Definition at line 29 of file Constants.h.
const unsigned int Eigen::HereditaryBits |
Definition at line 197 of file Constants.h.
const int Eigen::HugeCost |
This value means that the cost to evaluate an expression coefficient is either very expensive or cannot be known at compile time.
This value has to be positive to (1) simplify cost computation, and (2) allow to distinguish between a very expensive and very very expensive expressions. It thus must also be large enough to make sure unrolling won't happen and that sub expressions will be evaluated, but not too large to avoid overflow.
Definition at line 46 of file Constants.h.
const int Eigen::Infinity |
This value means +Infinity; it is currently used only as the p parameter to MatrixBase::lpNorm<int>(). The value Infinity there means the L-infinity norm.
Definition at line 38 of file Constants.h.
const int Eigen::InnerRandomAccessPattern |
Definition at line 50 of file SparseUtil.h.
const unsigned int Eigen::NestByRefBit |
Definition at line 171 of file Constants.h.
const int Eigen::OuterRandomAccessPattern |
Definition at line 51 of file SparseUtil.h.
const int Eigen::RandomAccessPattern |
Definition at line 52 of file SparseUtil.h.
const int Eigen::UndefinedIncr |
This value means that the increment to go from one value to another in a sequence is not constant for each step.
Definition at line 33 of file Constants.h.