|
| class | aligned_allocator |
| | STL compatible allocator to use with types requiring a non standrad alignment. More...
|
| |
| 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 | 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 |
| |
| class | BDCSVD |
| | class Bidiagonal Divide and Conquer SVD More...
|
| |
| 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< XprType, BlockRows, BlockCols, InnerPanel, 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 | 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 | 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 | CwiseUnaryOp |
| | Generic expression where a coefficient-wise unary operator is applied to an expression. More...
|
| |
| class | CwiseUnaryView |
| | Generic lvalue expression of a coefficient-wise unary operator of a matrix or a vector. More...
|
| |
| struct | Dense |
| |
| class | DenseBase |
| | Base class for all dense matrices, vectors, and arrays. More...
|
| |
| 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 | Diagonal |
| | Expression of a diagonal/subdiagonal/superdiagonal in a matrix. More...
|
| |
| class | DiagonalMatrix |
| | Represents a diagonal matrix with its storage. More...
|
| |
| class | DiagonalPreconditioner |
| | A preconditioner based on the digonal entries. More...
|
| |
| class | DiagonalWrapper |
| | Expression of a diagonal matrix. More...
|
| |
| class | EigenBase |
| |
| class | EigenSolver |
| | Computes eigenvalues and eigenvectors of general matrices. More...
|
| |
| 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...
|
| |
| 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...
|
| |
| 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...
|
| |
| 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 | 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 | 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 | 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< 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 | 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 | 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...
|
| |
| 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 | 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...
|
| |
| 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 | 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 | 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 | 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< 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 | Replicate |
| | Expression of the multiple replication of a matrix or vector. More...
|
| |
| 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...
|
| |
| class | Select |
| | Expression of a coefficient wise version of the C++ ternary operator ?: More...
|
| |
| class | SelfAdjointEigenSolver |
| | Computes eigenvalues and eigenvectors of selfadjoint matrices. More...
|
| |
| 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...
|
| |
| class | Solve |
| | Pseudo expression representing a solving operation. More...
|
| |
| class | SolverBase |
| | A base class for matrix decomposition and solvers. More...
|
| |
| 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 | SparseLU |
| | Sparse supernodal LU factorization for general matrices. 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 rank-revealing QR factorization. More...
|
| |
| class | SparseSelfAdjointView |
| | Pseudo expression to manipulate a triangular sparse matrix as a selfadjoint matrix. More...
|
| |
| class | SparseSolverBase |
| | A base class for sparse solvers. More...
|
| |
| 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...
|
| |
| 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 | 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 | Transpositions |
| | Represents a sequence of transpositions (row/column interchange) More...
|
| |
| struct | TranspositionsStorage |
| |
| class | TriangularBase |
| | Base class for triangular part in a matrix. More...
|
| |
| class | TriangularView |
| | Expression of a triangular part in a matrix. More...
|
| |
| 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 partial reduction operations. More...
|
| |
| class | WithFormat |
| | Pseudo expression providing matrix output with given format. More...
|
| |
|
| 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_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_atan_op< typename Derived::Scalar >, const Derived > | atan (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 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_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.
|
| |
| 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) |
| |
| 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) |
| |
| int | nbThreads () |
| |
| 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< typenameVectorsType::Scalar, OtherDerived >::Type | operator* (const MatrixBase< OtherDerived > &other, const HouseholderSequence< VectorsType, CoeffsType, Side > &h) |
| | Computes the product of a matrix with a Householder sequence.
|
| |
| 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 Derived, typename Scalar> |
| | operator* (const MatrixBase< Derived > &matrix, const UniformScaling< Scalar > &s) |
| |
| template<typename Derived> |
| std::ostream & | operator<< (std::ostream &s, const DenseBase< Derived > &m) |
| |
| template<typename Derived, typename ExponentDerived> |
| const Eigen::CwiseBinaryOp< Eigen::internal::scalar_pow_op< typename Derived::Scalar, typename ExponentDerived::Scalar >, const Derived, const ExponentDerived > | pow (const Eigen::ArrayBase< Derived > &x, const Eigen::ArrayBase< ExponentDerived > &exponents) |
| |
| template<typename Derived, typename ScalarExponent> |
| const CwiseBinaryOp< internal::scalar_pow_op< Derived::Scalar, ScalarExponent >, Derived, Constant< ScalarExponent > > | pow (const Eigen::ArrayBase< Derived > &x, const ScalarExponent &exponent) |
| |
| template<typename Scalar, typename Derived> |
| const CwiseBinaryOp< internal::scalar_pow_op< Scalar, Derived::Scalar >, Constant< Scalar >, Derived > | pow (const Scalar &x, const Eigen::ArrayBase< Derived > &x) |
| |
| 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.
|
| |
| 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) |
| |
| 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) |
| |
| 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.
|
| |
| 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 _Options, typename _StorageIndex> |
| cholmod_sparse | viewAsCholmod (Ref< SparseMatrix< _Scalar, _Options, _StorageIndex > > mat) |
| |
| template<typename Scalar, int Flags, typename StorageIndex> |
| MappedSparseMatrix< Scalar, Flags, StorageIndex > | viewAsEigen (cholmod_sparse &cm) |
| |