Classes¶
- namespace @323
- namespace @360
- namespace @364
- namespace @365
- namespace @460
- namespace @672
- namespace AixLog
- struct Conditional
For Conditional logging of a log line. - struct Function
Capture function, file and line number of the log line. - class Log
Main Logger class with "Log::init". - struct Metadata
Collection of a log line's meta data. - struct Sink
Abstract log sink. - struct SinkCallback
Forward log messages to a callback function. - struct SinkCerr
Formatted logging to cerr. - struct SinkCout
Formatted logging to cout. - struct SinkFile
Formatted logging to file. - struct SinkFormat
Abstract log sink with support for formatting log message. - struct SinkNative
Log to the system's native sys logger. - struct SinkSyslog
UNIX: Logging to syslog. - struct Tag
Tag (string) for log line. - struct TextColor
Encapsulation of foreground and background color. - struct Timestamp
Timestamp of a log line.
- struct Conditional
- struct CastXpr
- struct ConstFixedBlockXpr
- struct ConstFixedSegmentReturnType
- struct ConstIndexedViewType
- struct ConstNColsBlockXpr
- struct ConstNRowsBlockXpr
- struct CtxStruct
- namespace Eigen
Namespace containing all symbols from the Eigen library.- class AMDOrdering
- class AlignedBox
An axis aligned box. - class AngleAxis
Represents a 3D rotation as a rotation angle around an arbitrary 3D axis. - namespace Architecture
- class ArithmeticSequence
- class Array
General-purpose arrays with easy API for coefficient-wise operations.- struct PrivateType
- class ArrayBase
Base class for all 1D and 2D array, and related expressions. - class ArrayWrapper
Expression of a mathematical vector or matrix as an array object. - struct ArrayXpr
- class BDCSVD
class Bidiagonal Divide and Conquer SVD - struct BandShape
- class BiCGSTAB
A bi conjugate gradient stabilized solver for sparse square problems. - class Block
Expression of a fixed-size or dynamic-size block. - class BlockImpl
- 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 BlockImpl< const SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true, Sparse >
- class COLAMDOrdering
- class CholmodBase
The base class for the direct Cholesky factorization of Cholmod. - class CholmodDecomposition
A general Cholesky factorization and solver based on Cholmod. - class CholmodSimplicialLDLT
A simplicial direct Cholesky (LDLT) factorization and solver based on Cholmod. - class CholmodSimplicialLLT
A simplicial direct Cholesky (LLT) factorization and solver based on Cholmod. - class CholmodSupernodalLLT
A supernodal Cholesky (LLT) factorization and solver based on Cholmod. - class ColPivHouseholderQR
Householder rank-revealing QR decomposition of a matrix with column-pivoting. - class CommaInitializer
Helper class used by the comma initializer operator. - class CompleteOrthogonalDecomposition
Complete orthogonal decomposition (COD) of a matrix. - class ComplexEigenSolver
Computes eigenvalues and eigenvectors of general complex matrices. - class ComplexSchur
Performs a complex Schur decomposition of a real or complex square matrix. - class Conjugate
- class ConjugateGradient
A conjugate gradient solver for sparse (or dense) self-adjoint problems. - class Cross
- class CwiseBinaryOp
Generic expression where a coefficient-wise binary operator is applied to two expressions. - class CwiseBinaryOpImpl
- class CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Sparse >
- class CwiseNullaryOp
Generic expression of a matrix where all coefficients are defined by a functor. - class CwiseTernaryOp
Generic expression where a coefficient-wise ternary operator is applied to two expressions. - class CwiseTernaryOpImpl
- class CwiseUnaryOp
Generic expression where a coefficient-wise unary operator is applied to an expression. - class CwiseUnaryOpImpl
- class CwiseUnaryView
Generic lvalue expression of a coefficient-wise unary operator of a matrix or a vector. - class CwiseUnaryViewImpl
- class CwiseUnaryViewImpl< ViewOp, MatrixType, Dense >
- struct Dense
- class DenseBase
Base class for all dense matrices, vectors, and arrays. - class DenseCoeffsBase
- class DenseCoeffsBase< Derived, DirectAccessors >
Base class providing direct read-only coefficient access to matrices and arrays. - class DenseCoeffsBase< Derived, DirectWriteAccessors >
Base class providing direct read/write coefficient access to matrices and arrays. - class DenseCoeffsBase< Derived, ReadOnlyAccessors >
Base class providing read-only coefficient access to matrices and arrays. - class DenseCoeffsBase< Derived, WriteAccessors >
Base class providing read/write coefficient access to matrices and arrays. - struct DenseShape
- struct DenseSparseProductReturnType
- class DenseStorage
- class DenseStorage< T, 0, Dynamic, Dynamic, _Options >
- class DenseStorage< T, 0, Dynamic, _Cols, _Options >
- class DenseStorage< T, 0, _Rows, Dynamic, _Options >
- class DenseStorage< T, 0, _Rows, _Cols, _Options >
- class DenseStorage< T, Dynamic, Dynamic, Dynamic, _Options >
- class DenseStorage< T, Dynamic, Dynamic, _Cols, _Options >
- class DenseStorage< T, Dynamic, _Rows, Dynamic, _Options >
- class DenseStorage< T, Size, Dynamic, Dynamic, _Options >
- class DenseStorage< T, Size, Dynamic, _Cols, _Options >
- class DenseStorage< T, Size, _Rows, Dynamic, _Options >
- class DenseTimeSparseProduct
- class Diagonal
Expression of a diagonal/subdiagonal/superdiagonal in a matrix. - class DiagonalBase
- class DiagonalMatrix
Represents a diagonal matrix with its storage. - class DiagonalPreconditioner
A preconditioner based on the digonal entries. - class DiagonalProduct
- struct DiagonalShape
- class DiagonalWrapper
Expression of a diagonal matrix. - class DynamicSparseMatrix
- class EigenBase
- class EigenSolver
Computes eigenvalues and eigenvectors of general matrices. - class Flagged
- class ForceAlignedAccess
Enforce aligned packet loads and stores regardless of what is requested. - class FullPivHouseholderQR
Householder rank-revealing QR decomposition of a matrix with full pivoting. - class FullPivLU
LU decomposition of a matrix with complete pivoting, and related features. - class GeneralizedEigenSolver
Computes the generalized eigenvalues and eigenvectors of a pair of general matrices. - class GeneralizedSelfAdjointEigenSolver
Computes eigenvalues and eigenvectors of the generalized selfadjoint eigen problem. - struct GenericNumTraits
- class HessenbergDecomposition
Reduces a square matrix to Hessenberg form by an orthogonal similarity transformation. - class Homogeneous
Expression of one (or a set of) homogeneous vector(s) - struct HomogeneousShape
- class HouseholderQR
Householder QR decomposition of a matrix. - class HouseholderSequence
Sequence of Householder reflections acting on subspaces with decreasing size. - class Hyperplane
A hyperplane. - class IOFormat
Stores a set of parameters controlling the way matrices are printed. - class IdentityPreconditioner
A naive preconditioner which approximates any matrix as the identity matrix. - class IncompleteCholesky
Modified Incomplete Cholesky with dual threshold. - class IncompleteLUT
Incomplete LU factorization with dual-threshold strategy.- struct keep_diag
- class IndexedView
Expression of a non-sequential sub-matrix defined by arbitrary sequences of row and column indices. - class IndexedViewImpl
- class InnerIterator
An InnerIterator allows to loop over the element of any matrix expression. - class InnerStride
Convenience specialization of Stride to specify only an inner stride See class Map for some examples. - class Inverse
Expression of the inverse of another expression. - class InverseImpl
- class InverseImpl< PermutationType, PermutationStorage >
- class IterativeSolverBase
Base class for linear iterative solvers. - class JacobiRotation
Rotation given by a cosine-sine pair. - class JacobiSVD
Two-sided Jacobi SVD decomposition of a rectangular matrix. - class KLU
- class LDLT
Robust Cholesky decomposition of a matrix with pivoting. - class LLT
Standard Cholesky decomposition (LL^T) of a matrix and associated features. - struct LazyProductReturnType
- class LeastSquareDiagonalPreconditioner
Jacobi preconditioner for LeastSquaresConjugateGradient. - class LeastSquaresConjugateGradient
A conjugate gradient solver for sparse (or dense) least-square problems. - class Map
A matrix or vector expression mapping an existing array of data. - class Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess >
- class Map< Quaternion< _Scalar >, _Options >
Expression of a quaternion from a memory buffer. - class Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType >
Specialization of class Map for SparseMatrix-like storage. - class Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, PacketAccess >
- class Map< const Quaternion< _Scalar >, _Options >
Quaternion expression mapping a constant memory buffer. - class Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType >
- class MapBase
- class MapBase< Derived, ReadOnlyAccessors >
Base class for dense Map and Block expression with direct access. - class MapBase< Derived, WriteAccessors >
Base class for non-const dense Map and Block expression with direct access. - class MappedSparseMatrix
Sparse matrix. - class Matrix
The matrix class, also used for vectors and row-vectors. - class MatrixBase
Base class for all dense matrices, vectors, and expressions.- struct ConstDiagonalIndexReturnType
- struct ConstSelfAdjointViewReturnType
- struct ConstTriangularViewReturnType
- struct DiagonalIndexReturnType
- struct SelfAdjointViewReturnType
- struct TriangularViewReturnType
- struct cross_product_return_type
- class MatrixComplexPowerReturnValue
- struct MatrixExponentialReturnValue
- class MatrixFunctionReturnValue
- class MatrixLogarithmReturnValue
- class MatrixPowerReturnValue
- class MatrixSquareRootReturnValue
- class MatrixWrapper
Expression of an array as a mathematical vector or matrix. - struct MatrixXpr
- class MetisOrdering
- class NaturalOrdering
- class NestByValue
Expression which must be nested by value. - class NoAlias
Pseudo expression providing an operator = assuming no aliasing. - class NumTraits
Holds information about the various numeric (i.e. scalar) types allowed by Eigen. - struct NumTraits< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > >
- struct NumTraits< Eigen::bfloat16 >
- struct NumTraits< Eigen::half >
- struct NumTraits< bool >
- struct NumTraits< double >
- struct NumTraits< float >
- struct NumTraits< long double >
- struct NumTraits< void >
- class OuterStride
Convenience specialization of Stride to specify only an outer stride See class Map for some examples. - class ParametrizedLine
A parametrized line. - class PardisoImpl
- class PardisoLDLT
A sparse direct Cholesky (LDLT) factorization and solver based on the PARDISO library. - class PardisoLLT
A sparse direct Cholesky (LLT) factorization and solver based on the PARDISO library. - class PardisoLU
A sparse direct LU factorization and solver based on the PARDISO library. - class PartialPivLU
LU decomposition of a matrix with partial pivoting, and related features. - class PartialReduxExpr
Generic expression of a partially reduxed matrix. - class PastixBase
- class PastixLDLT
A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library. - class PastixLLT
A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library. - class PastixLU
Interface to the PaStix solver. - class PermutationBase
Base class for permutations. - class PermutationMatrix
Permutation matrix. - struct PermutationShape
- struct PermutationStorage
- class PermutationWrapper
Class to view a vector of integers as a permutation matrix. - class PlainObjectBase
- struct StridedAlignedMapType
- struct StridedConstAlignedMapType
- struct StridedConstMapType
- struct StridedMapType
- class Product
Expression of the product of two arbitrary matrices or vectors. - class ProductImpl
- class ProductImpl< Lhs, Rhs, Option, Dense >
- struct ProductReturnType
- class Quaternion
The quaternion class used to represent 3D orientations and rotations. - class QuaternionBase
Base class for quaternion expressions. - class RealQZ
Performs a real QZ decomposition of a pair of square matrices. - class RealSchur
Performs a real Schur decomposition of a square matrix. - class Ref
A matrix or vector expression mapping an existing expression. - class Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType >
A sparse matrix expression referencing an existing sparse expression. - class Ref< SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType >
A sparse vector expression referencing an existing sparse vector expression. - 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 RefBase
- class Replicate
Expression of the multiple replication of a matrix or vector. - class Reshaped
Expression of a fixed-size or dynamic-size reshape. - class ReshapedImpl
- class ReshapedImpl< XprType, Rows, Cols, Order, Dense >
- class ReturnByValue
- class Reverse
Expression of the reverse of a vector or matrix. - class Rotation2D
Represents a rotation/orientation in a 2 dimensional space. - class RotationBase
Common base class for compact rotation representations. - class SPQR
Sparse QR factorization based on SuiteSparseQR library. - struct SPQRMatrixQReturnType
- struct SPQRMatrixQTransposeReturnType
- struct SPQR_QProduct
- class SVDBase
Base class of SVD algorithms. - class ScalarBinaryOpTraits
Determines whether the given binary operation of two numeric types is allowed and what the scalar return type is. - struct ScalarBinaryOpTraits< T, T, BinaryOp >
- struct ScalarBinaryOpTraits< T, typename NumTraits< typename internal::enable_if< NumTraits< T >::IsComplex, T >::type >::Real, BinaryOp >
- struct ScalarBinaryOpTraits< T, void, BinaryOp >
- struct ScalarBinaryOpTraits< typename NumTraits< typename internal::enable_if< NumTraits< T >::IsComplex, T >::type >::Real, T, BinaryOp >
- struct ScalarBinaryOpTraits< void, T, BinaryOp >
- struct ScalarBinaryOpTraits< void, void, BinaryOp >
- class Select
Expression of a coefficient wise version of the C++ ternary operator ?: - class SelfAdjointEigenSolver
Computes eigenvalues and eigenvectors of selfadjoint matrices. - struct SelfAdjointShape
- class SelfAdjointView
Expression of a selfadjoint matrix from a triangular part of a dense matrix. - class SimplicialCholesky
- class SimplicialCholeskyBase
A base class for direct sparse Cholesky factorizations.- struct keep_diag
- class SimplicialLDLT
A direct sparse LDLT Cholesky factorizations without square root. - class SimplicialLLT
A direct sparse LLT Cholesky factorizations. - 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. - class SolveImpl
- class SolveImpl< Decomposition, RhsType, Dense >
- class SolveWithGuess
Pseudo expression representing a solving operation. - class SolverBase
A base class for matrix decomposition and solvers. - struct SolverShape
- struct SolverStorage
- struct Sparse
- class SparseCompressedBase
Common base class for sparse [compressed]-{row|column}-storage format.- class InnerIterator
- class ReverseInnerIterator
- class SparseDenseOuterProduct
- struct SparseDenseProductReturnType
- class SparseDiagonalProduct
- class SparseLU
Sparse supernodal LU factorization for general matrices. - 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. - class SparseMapBase< Derived, WriteAccessors >
Common base class for writable Map and Ref instance of sparse matrix and vector. - class SparseMatrix
A versatible sparse matrix representation.- struct IndexPosPair
- class SingletonVector
- struct default_prunning_func
- class SparseMatrixBase
Base class of any sparse matrices or sparse expressions.- struct ConstSelfAdjointViewReturnType
- struct CwiseProductDenseReturnType
- struct SelfAdjointViewReturnType
- class SparseQR
Sparse left-looking QR factorization with numerical column pivoting. - struct SparseQRMatrixQReturnType
- struct SparseQRMatrixQTransposeReturnType
- struct SparseQR_QProduct
- class SparseSelfAdjointView
Pseudo expression to manipulate a triangular sparse matrix as a selfadjoint matrix. - struct SparseShape
- class SparseSolverBase
A base class for sparse solvers. - class SparseSparseProduct
- struct SparseSparseProductReturnType
- class SparseSymmetricPermutationProduct
- class SparseTimeDenseProduct
- class SparseVector
a sparse vector class - class SparseView
Expression of a dense or sparse matrix with zero or too small values removed. - class Stride
Holds strides information for Map. - class SuperLU
A sparse direct LU factorization and solver based on the SuperLU library. - class SuperLUBase
The base class for the direct and incomplete LU factorization of SuperLU. - class SwapWrapper
- namespace TensorSycl
- namespace internal
- struct PacketWrapper
- namespace internal
- class Transform
Represents an homogeneous transformation in a N dimensional space. - class Translation
Represents a translation transformation. - class Transpose
Expression of the transpose of a matrix. - class Transpose< TranspositionsBase< TranspositionsDerived > >
- class TransposeImpl
- class TransposeImpl< MatrixType, Dense >
- class TransposeImpl< MatrixType, Sparse >
- class Transpositions
Represents a sequence of transpositions (row/column interchange) - class TranspositionsBase
- struct TranspositionsShape
- struct TranspositionsStorage
- class TranspositionsWrapper
- class TriangularBase
Base class for triangular part in a matrix. - struct TriangularShape
- class TriangularView
Expression of a triangular part in a matrix. - class TriangularViewImpl
- class TriangularViewImpl< MatrixType, Mode, Sparse >
Base class for a triangular part in a sparse matrix. - class TriangularViewImpl< _MatrixType, _Mode, Dense >
Base class for a triangular part in a dense matrix. - class Tridiagonalization
Tridiagonal decomposition of a selfadjoint matrix. - class Triplet
A small structure to hold a non zero as a triplet (i,j,value). - class UmfPackLU
A sparse LU factorization and solver based on UmfPack. - class UniformScaling
Represents a generic uniform scaling transformation. - class VectorBlock
Expression of a fixed-size or dynamic-size sub-vector. - class VectorwiseOp
Pseudo expression providing broadcasting and partial reduction operations.- struct ExtendedType
- struct LpNormReturnType
- struct OppositeExtendedType
- struct ReduxReturnType
- struct ReturnType
- class WithFormat
Pseudo expression providing matrix output with given format. - class aligned_allocator
STL compatible allocator to use with types requiring a non standrad alignment.- struct rebind
- class aligned_allocator_indirection
- struct rebind
- struct bfloat16
- namespace bfloat16_impl
- struct __bfloat16_raw
- struct bfloat16_base
- 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 >
- struct half
- namespace half_impl
- struct __half_raw
- union float32_bits
- struct half_base
- namespace indexing
- namespace internal
- struct AllRange
- class AmbiVector
- struct Assignment
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::add_assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::sub_assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::add_assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_difference_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::sub_assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_product_op< ScalarBis, Scalar >, const CwiseNullaryOp< internal::scalar_constant_op< ScalarBis >, Plain >, const Product< Lhs, Rhs, DefaultProduct > >, AssignFunc, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::add_assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< OtherScalar, ProdScalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, internal::sub_assign_op< DstScalar, SrcScalar >, Dense2Dense >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::add_assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< internal::scalar_sum_op< Scalar, Scalar >, const Lhs, const Rhs >, internal::sub_assign_op< typename DstXprType::Scalar, Scalar >, Sparse2Dense, typename internal::enable_if< internal::is_same< typename internal::evaluator_traits< Lhs >::Shape, DenseShape >::value||internal::is_same< typename internal::evaluator_traits< Rhs >::Shape, DenseShape >::value >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< scalar_pow_op< dcomplex, dcomplex >, SrcXprNested, const CwiseNullaryOp< internal::scalar_constant_op< dcomplex >, Plain > >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< scalar_pow_op< double, double >, SrcXprNested, const CwiseNullaryOp< internal::scalar_constant_op< double >, Plain > >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< scalar_pow_op< float, float >, SrcXprNested, const CwiseNullaryOp< internal::scalar_constant_op< float >, Plain > >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseBinaryOp< scalar_pow_op< scomplex, scomplex >, SrcXprNested, const CwiseNullaryOp< internal::scalar_constant_op< scomplex >, Plain > >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_acos_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_acos_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_acos_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_acos_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_arg_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_arg_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_asin_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_asin_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_asin_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_asin_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_atan_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_atan_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_atan_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_atan_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_ceil_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_ceil_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cos_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cos_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cos_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cos_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cosh_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cosh_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cosh_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_cosh_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_exp_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_exp_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_exp_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_exp_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_floor_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_floor_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log10_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log10_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log10_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log10_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_log_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_round_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_round_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sin_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sin_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sin_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sin_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sinh_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sinh_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sinh_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sinh_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sqrt_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sqrt_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sqrt_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_sqrt_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_square_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_square_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tan_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tan_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tan_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tan_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tanh_op< dcomplex >, SrcXprNested >, assign_op< dcomplex, dcomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tanh_op< double >, SrcXprNested >, assign_op< double, double >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tanh_op< float >, SrcXprNested >, assign_op< float, float >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, CwiseUnaryOp< scalar_tanh_op< scomplex >, SrcXprNested >, assign_op< scomplex, scomplex >, Dense2Dense, typename enable_if< vml_assign_traits< DstXprType, SrcXprNested >::EnableVml >::type >
- struct Assignment< DstXprType, Homogeneous< ArgType, Horizontal >, internal::assign_op< Scalar, typename ArgType::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Homogeneous< ArgType, Vertical >, internal::assign_op< Scalar, typename ArgType::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< ColPivHouseholderQR< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename ColPivHouseholderQR< MatrixType >::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< CompleteOrthogonalDecomposition< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename CompleteOrthogonalDecomposition< MatrixType >::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< FullPivHouseholderQR< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename FullPivHouseholderQR< MatrixType >::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< FullPivLU< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename FullPivLU< MatrixType >::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< PartialPivLU< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename PartialPivLU< MatrixType >::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Inverse< XprType >, internal::assign_op< typename DstXprType::Scalar, typename XprType::Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::add_assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
- struct Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
- struct Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::sub_assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
- struct Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::add_assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
- struct Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
- struct Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::sub_assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
- struct Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::add_assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
- struct Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
- struct Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::sub_assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
- struct Assignment< DstXprType, Solve< CwiseUnaryOp< internal::scalar_conjugate_op< typename DecType::Scalar >, const Transpose< const DecType > >, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Solve< DecType, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
- struct Assignment< DstXprType, Solve< DecType, RhsType >, internal::assign_op< Scalar, Scalar >, Sparse2Sparse >
- struct Assignment< DstXprType, Solve< Transpose< const DecType >, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
- struct Assignment< DstXprType, SolveWithGuess< DecType, RhsType, GuessType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
- struct Assignment< DstXprType, SparseQRMatrixQReturnType< SparseQRType >, internal::assign_op< typename DstXprType::Scalar, typename DstXprType::Scalar >, Sparse2Dense >
- struct Assignment< DstXprType, SparseQRMatrixQReturnType< SparseQRType >, internal::assign_op< typename DstXprType::Scalar, typename DstXprType::Scalar >, Sparse2Sparse >
- struct Assignment< DstXprType, SparseSymmetricPermutationProduct< MatrixType, Mode >, internal::assign_op< Scalar, typename MatrixType::Scalar >, Sparse2Sparse >
- struct Assignment< DstXprType, SrcXprType, Functor, Dense2Dense, Weak >
- struct Assignment< DstXprType, SrcXprType, Functor, Dense2Triangular >
- struct Assignment< DstXprType, SrcXprType, Functor, Diagonal2Dense >
- struct Assignment< DstXprType, SrcXprType, Functor, Diagonal2Sparse >
- struct Assignment< DstXprType, SrcXprType, Functor, EigenBase2EigenBase, Weak >
- struct Assignment< DstXprType, SrcXprType, Functor, Sparse2Dense, Weak >
- struct Assignment< DstXprType, SrcXprType, Functor, Sparse2Sparse >
- struct Assignment< DstXprType, SrcXprType, Functor, SparseSelfAdjoint2Sparse >
- struct Assignment< DstXprType, SrcXprType, Functor, Triangular2Dense >
- struct Assignment< DstXprType, SrcXprType, Functor, Triangular2Triangular >
- struct AssignmentKind
- struct AssignmentKind< DenseShape, BandShape >
- struct AssignmentKind< DenseShape, DenseShape >
- struct AssignmentKind< DenseShape, DiagonalShape >
- struct AssignmentKind< DenseShape, HomogeneousShape >
- struct AssignmentKind< DenseShape, PermutationShape >
- struct AssignmentKind< DenseShape, SparseShape >
- struct AssignmentKind< DenseShape, SparseTriangularShape >
- struct AssignmentKind< DenseShape, TriangularShape >
- struct AssignmentKind< SparseSelfAdjointShape, SparseShape >
- struct AssignmentKind< SparseShape, DiagonalShape >
- struct AssignmentKind< SparseShape, SparseSelfAdjointShape >
- struct AssignmentKind< SparseShape, SparseShape >
- struct AssignmentKind< SparseShape, SparseTriangularShape >
- struct AssignmentKind< TriangularShape, DenseShape >
- struct AssignmentKind< TriangularShape, TriangularShape >
- class BandMatrix
Represents a rectangular matrix with a banded storage. - class BandMatrixBase
- struct DiagonalIntReturnType
- class BandMatrixWrapper
- struct BandShape
- class BlasLinearMapper
- class BlasLinearMapper< Scalar, Index, AlignmentType >
- class BlasVectorMapper
- class BlockImpl_dense
- class BlockImpl_dense< XprType, BlockRows, BlockCols, InnerPanel, true >
- struct CacheSizes
- class CompressedStorage
- struct Dense2Dense
- struct Dense2Triangular
- struct Diagonal2Dense
- struct Diagonal2Sparse
- struct DoublePacket
- struct EigenBase2EigenBase
- struct EnableIf
- class EvalToTemp
- class FixedInt
- struct FullPivHouseholderQRMatrixQReturnType
Expression type for return value of FullPivHouseholderQR::matrixQ() - struct GemmParallelInfo
- struct HessenbergDecompositionMatrixHReturnType
Expression type for return value of HessenbergDecomposition::matrixH() - struct HouseholderSequenceShape
- struct IndexBased
- struct IndexedViewCompatibleType
- struct IndexedViewCompatibleType< ArithmeticSequence< FirstType, SizeType, IncrType >, XprSize >
- struct IndexedViewCompatibleType< T, XprSize, typename enable_if< symbolic::is_symbolic< T >::value >::type >
- struct IndexedViewCompatibleType< T, XprSize, typename internal::enable_if< internal::is_integral< T >::value >::type >
- struct IndexedViewCompatibleType< all_t, XprSize >
- struct IteratorBased
- struct LDLT_Traits
- struct LDLT_Traits< MatrixType, Lower >
- struct LDLT_Traits< MatrixType, Upper >
- struct LLT_Traits
- struct LLT_Traits< MatrixType, Lower >
- struct LLT_Traits< MatrixType, Upper >
- struct LU_GlobalLU_t
- struct LU_kernel_bmod
- struct LU_kernel_bmod< 1 >
- struct LowerBoundIndex
- class MappedSuperNodalMatrix
a class to manipulate the L supernodal factor from the SparseLU factorization- class InnerIterator
InnerIterator class to iterate over nonzero values of the current column in the supernodal matrix L.
- class InnerIterator
- union Packet
- struct Packet1cd
- struct Packet1cf
- struct Packet2cd
- struct Packet2cf
- struct Packet4cd
- struct Packet4cf
- struct Packet8cf
- struct PacketBlock
- struct PacketBlockManagement
- struct PacketBlockManagement< Index, Scalar, Packet, n, -1, RowMajor >
- struct PacketBlockManagement< Index, Scalar, Packet, n, -1, StorageOrder >
- struct PacketBlockManagement< Index, Scalar, Packet, n, idx, RowMajor >
- struct QuadPacket
- class ReshapedImpl_dense
- class ReshapedImpl_dense< XprType, Rows, Cols, Order, false >
- class ReshapedImpl_dense< XprType, Rows, Cols, Order, true >
- struct RhsPanelHelper
- struct Selector
- struct SingleRange
- struct Sparse2Dense
- struct Sparse2Sparse
- class SparseLUImpl
- class SparseRefBase
- struct SparseSelfAdjoint2Sparse
- struct SparseSelfAdjointShape
- class SparseTransposeImpl
- class SparseTransposeImpl< MatrixType, CompressedAccessBit >
- struct SparseTriangularShape
- struct TransposeImpl_base
- struct TransposeImpl_base< MatrixType, false >
- struct Triangular2Dense
- struct Triangular2Triangular
- class TridiagonalMatrix
Represents a tridiagonal matrix with a compact banded storage. - struct TridiagonalizationMatrixTReturnType
- class UpperBidiagonalization
- class VariableAndFixedInt
- struct abs2_impl
- struct abs2_impl< ArrayBase< Derived > >
- struct abs2_impl_default
- struct abs2_impl_default< Scalar, true >
- struct abs2_retval
- struct abs2_retval< ArrayBase< Derived > >
- struct abs_knowing_score
- struct abs_knowing_score< Scalar, typename scalar_score_coeff_op< Scalar >::Score_is_abs >
- struct accessors_level
- struct accurate_log2
- struct accurate_log2< double >
- struct accurate_log2< float >
- struct add_assign_op
- struct add_const
- struct add_const< T & >
- struct add_const_on_value_type
- struct add_const_on_value_type< T & >
- struct add_const_on_value_type< T * >
- struct add_const_on_value_type< T *const >
- struct add_const_on_value_type< T const *const >
- struct add_const_on_value_type_if_arithmetic
- class aligned_stack_memory_handler
- struct aligned_storage
- struct type
- struct all_t
- struct all_unroller
- struct all_unroller< Derived, 0, Rows >
- struct all_unroller< Derived, Dynamic, Rows >
- struct always_void
- struct any_unroller
- struct any_unroller< Derived, 0, Rows >
- struct any_unroller< Derived, Dynamic, Rows >
- struct apply_rotation_in_the_plane_selector
- struct apply_rotation_in_the_plane_selector< Scalar, OtherScalar, SizeAtCompileTime, MinAlignment, true >
- struct arg_default_impl
- struct arg_default_impl< Scalar, true >
- struct arg_impl
- struct arg_retval
- struct array_size
- struct array_size< T(&)[N]>
- struct array_size< T, typename internal::enable_if<((T::SizeAtCompileTime &0)==0)>::type >
- struct array_size< const T(&)[N]>
- struct aseq_negate
- struct aseq_negate< FixedInt< DynamicIndex > >
- struct aseq_negate< FixedInt< N > >
- struct aseq_negate< Index >
- struct aseq_reverse_first_type
- struct aseq_reverse_first_type< FirstType, SizeType, IncrType, false, true >
- struct aseq_reverse_first_type< FirstType, SizeType, IncrType, true, false >
- struct aseq_reverse_first_type< FirstType, SizeType, IncrType, true, true >
- struct aseq_reverse_first_type_aux
- struct aseq_reverse_first_type_aux< SizeType, IncrType, typename internal::enable_if< bool((SizeType::value+IncrType::value)|0x1)>::type >
- struct assign_op
- struct assign_op< DstScalar, void >
- struct assignment_from_dense_op_sparse
- struct assignment_from_xpr_op_product
- struct binary_evaluator
- struct binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IndexBased, IndexBased >
- struct Data
- struct binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IndexBased, IteratorBased >
- class InnerIterator
- struct binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IteratorBased, IndexBased >
- class InnerIterator
- struct binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IteratorBased, IteratorBased >
- class InnerIterator
- struct binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IndexBased, IteratorBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IteratorBased, IndexBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IteratorBased, IteratorBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IndexBased, IteratorBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IteratorBased, IndexBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IteratorBased, IteratorBased >
- struct binary_evaluator< CwiseBinaryOp< scalar_quotient_op< T1, T2 >, Lhs, Rhs >, IteratorBased, IndexBased >
- struct binary_op_base
- struct binary_result_of_select
- struct binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_std_result_type)>
- struct binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_tr1_result)>
- struct binary_sparse_evaluator
- struct bind1st_op
- struct bind2nd_op
- struct bit_and
- struct bit_not
- struct bit_or
- struct bit_xor
- struct bitwise_helper
- struct bitwise_helper< T, typename internal::enable_if< is_scalar< T >::value &&(NumTraits< T >::IsInteger||NumTraits< T >::RequireInitialization)>::type >
- class blas_data_mapper
- class blas_data_mapper< Scalar, Index, StorageOrder, AlignmentType, 1 >
- struct blas_traits
- struct blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, NestedXpr, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain > > >
- struct blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain >, NestedXpr > >
- struct blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain1 >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain2 > > >
- struct blas_traits< CwiseUnaryOp< scalar_conjugate_op< Scalar >, NestedXpr > >
- struct blas_traits< CwiseUnaryOp< scalar_opposite_op< Scalar >, NestedXpr > >
- struct blas_traits< Transpose< NestedXpr > >
- struct blas_traits< const T >
- struct block_evaluator
- struct block_evaluator< ArgType, BlockRows, BlockCols, InnerPanel, false >
- struct block_evaluator< ArgType, BlockRows, BlockCols, InnerPanel, true >
- struct bool_constant
- struct bool_constant< false >
- struct bool_constant< true >
- struct bytewise_bitwise_helper
- struct cast_impl
- struct cast_impl< OldType, NewType, typename internal::enable_if< !NumTraits< OldType >::IsComplex &&NumTraits< NewType >::IsComplex >::type >
- struct cast_return_type
- struct checkTransposeAliasing_impl
- struct checkTransposeAliasing_impl< Derived, OtherDerived, false >
- struct check_rows_cols_for_overflow
- struct check_rows_cols_for_overflow< Dynamic >
- struct check_transpose_aliasing_compile_time_selector
- struct check_transpose_aliasing_compile_time_selector< DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > >
- struct check_transpose_aliasing_run_time_selector
- struct check_transpose_aliasing_run_time_selector< Scalar, DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > >
- struct cholmod_configure_matrix
- struct cholmod_configure_matrix< double >
- struct cleanup_index_type
- struct cleanup_index_type< FixedInt< N >(*)(), DynamicKey >
- struct cleanup_index_type< T, DynamicKey, typename internal::enable_if< internal::is_integral< T >::value >::type >
- struct cleanup_index_type< VariableAndFixedInt< DynamicKey >, DynamicKey >
- struct cleanup_index_type< VariableAndFixedInt< N >, DynamicKey >
- struct cleanup_seq_incr
- struct coeff_visitor
- struct column_dfs_traits
- struct combine_scalar_factors_impl
- struct combine_scalar_factors_impl< bool, Lhs, Rhs >
- struct complex_schur_reduce_to_hessenberg
- struct complex_schur_reduce_to_hessenberg< MatrixType, false >
- struct compute_default_alignment
- struct compute_default_alignment< T, Dynamic >
- struct compute_default_alignment_helper
- struct compute_inverse
- struct compute_inverse< MatrixType, ResultType, 1 >
- struct compute_inverse< MatrixType, ResultType, 2 >
- struct compute_inverse< MatrixType, ResultType, 3 >
- struct compute_inverse< MatrixType, ResultType, 4 >
- struct compute_inverse_and_det_with_check
- struct compute_inverse_and_det_with_check< MatrixType, ResultType, 1 >
- struct compute_inverse_and_det_with_check< MatrixType, ResultType, 2 >
- struct compute_inverse_and_det_with_check< MatrixType, ResultType, 3 >
- struct compute_inverse_and_det_with_check< MatrixType, ResultType, 4 >
- struct compute_inverse_size4
- struct compute_inverse_size4< Architecture::Target, double, MatrixType, ResultType >
- struct compute_inverse_size4< Architecture::Target, float, MatrixType, ResultType >
- class compute_matrix_flags
- struct conditional
- struct conditional< false, Then, Else >
- struct conj_default_impl
- struct conj_default_impl< Scalar, true >
- struct conj_expr_if
- struct conj_helper
- struct conj_helper< LhsScalar, RhsScalar, true, true >
- struct conj_helper< Packet, Packet, ConjLhs, ConjRhs >
- struct conj_helper< Packet, Packet, true, true >
- struct conj_helper< Packet4cd, Packet4cd, false, true >
- struct conj_helper< Packet4cd, Packet4cd, true, false >
- struct conj_helper< Packet4cd, Packet4cd, true, true >
- struct conj_if
- struct conj_if< false >
- struct conj_if< true >
- struct conj_impl
- struct conj_retval
- struct conservative_resize_like_impl
- struct conservative_resize_like_impl< Derived, OtherDerived, true >
- struct conservative_sparse_sparse_product_selector
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
- struct conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
- class const_blas_data_mapper
- struct constructor_without_unaligned_array_assert
- struct copy_using_evaluator_DefaultTraversal_CompleteUnrolling
- struct copy_using_evaluator_DefaultTraversal_CompleteUnrolling< Kernel, Stop, Stop >
- struct copy_using_evaluator_DefaultTraversal_InnerUnrolling
- struct copy_using_evaluator_DefaultTraversal_InnerUnrolling< Kernel, Stop, Stop >
- struct copy_using_evaluator_LinearTraversal_CompleteUnrolling
- struct copy_using_evaluator_LinearTraversal_CompleteUnrolling< Kernel, Stop, Stop >
- struct copy_using_evaluator_innervec_CompleteUnrolling
- struct copy_using_evaluator_innervec_CompleteUnrolling< Kernel, Stop, Stop >
- struct copy_using_evaluator_innervec_InnerUnrolling
- struct copy_using_evaluator_innervec_InnerUnrolling< Kernel, Stop, Stop, SrcAlignment, DstAlignment >
- struct copy_using_evaluator_traits
- struct cross3_impl
- struct cross3_impl< Architecture::Target, VectorLhs, VectorRhs, float, true >
- struct cwise_promote_storage_order
- struct cwise_promote_storage_order< LhsKind, Sparse, LhsOrder, RhsOrder >
- struct cwise_promote_storage_order< Sparse, RhsKind, LhsOrder, RhsOrder >
- struct cwise_promote_storage_order< Sparse, Sparse, Order, Order >
- struct cwise_promote_storage_type
- struct cwise_promote_storage_type< A, A, Functor >
- struct cwise_promote_storage_type< A, Dense, Functor >
- struct cwise_promote_storage_type< Dense, B, Functor >
- struct cwise_promote_storage_type< Dense, Dense, Functor >
- struct cwise_promote_storage_type< Dense, Sparse, Functor >
- struct cwise_promote_storage_type< Sparse, Dense, Functor >
- struct decrement_size
- struct default_digits10_impl
- struct default_digits10_impl< T, false, false >
- struct default_digits10_impl< T, false, true >
- struct default_digits_impl
- struct default_digits_impl< T, false, false >
- struct default_digits_impl< T, false, true >
- struct default_packet_traits
- struct dense_assignment_loop
- struct dense_assignment_loop< Kernel, AllAtOnceTraversal, Unrolling >
- struct dense_assignment_loop< Kernel, DefaultTraversal, CompleteUnrolling >
- struct dense_assignment_loop< Kernel, DefaultTraversal, InnerUnrolling >
- struct dense_assignment_loop< Kernel, DefaultTraversal, NoUnrolling >
- struct dense_assignment_loop< Kernel, InnerVectorizedTraversal, CompleteUnrolling >
- struct dense_assignment_loop< Kernel, InnerVectorizedTraversal, InnerUnrolling >
- struct dense_assignment_loop< Kernel, InnerVectorizedTraversal, NoUnrolling >
- struct dense_assignment_loop< Kernel, LinearTraversal, CompleteUnrolling >
- struct dense_assignment_loop< Kernel, LinearTraversal, NoUnrolling >
- struct dense_assignment_loop< Kernel, LinearVectorizedTraversal, CompleteUnrolling >
- struct dense_assignment_loop< Kernel, LinearVectorizedTraversal, NoUnrolling >
- struct dense_assignment_loop< Kernel, SliceVectorizedTraversal, NoUnrolling >
- class dense_product_base
- class dense_product_base< Lhs, Rhs, Option, InnerProduct >
- struct dense_xpr_base
- struct dense_xpr_base< Derived, ArrayXpr >
- struct dense_xpr_base< Derived, MatrixXpr >
- namespace detail
- struct determinant_impl
- struct determinant_impl< Derived, 1 >
- struct determinant_impl< Derived, 2 >
- struct determinant_impl< Derived, 3 >
- struct determinant_impl< Derived, 4 >
- struct dhs_cpack
- struct dhs_cpack< double, Index, DataMapper, Packet, PacketC, StorageOrder, Conjugate, PanelMode, false >
- struct dhs_cpack< double, Index, DataMapper, Packet, PacketC, StorageOrder, Conjugate, PanelMode, true >
- struct dhs_pack
- struct dhs_pack< double, Index, DataMapper, Packet2d, StorageOrder, PanelMode, false >
- struct dhs_pack< double, Index, DataMapper, Packet2d, StorageOrder, PanelMode, true >
- struct diagonal_product_evaluator_base
- struct direct_selfadjoint_eigenvalues
- struct direct_selfadjoint_eigenvalues< SolverType, 2, false >
- struct direct_selfadjoint_eigenvalues< SolverType, 3, false >
- struct div_assign_op
- struct dot_nocheck
- struct dot_nocheck< T, U, true >
- struct eigen_packet_wrapper
- struct eigenvalues_selector
- struct eigenvalues_selector< Derived, false >
- struct enable_if
- struct enable_if< true, T >
- struct enable_if_ref
- struct enable_if_ref< Ref< T >, Derived >
- struct etor_product_coeff_impl
- struct etor_product_packet_impl
- struct etor_product_packet_impl< ColMajor, 0, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< ColMajor, 1, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< ColMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< ColMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< RowMajor, 0, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< RowMajor, 1, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< RowMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
- struct etor_product_packet_impl< RowMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
- struct eval
- struct eval< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
- struct eval< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
- struct eval< T, Dense >
- struct eval< T, DiagonalShape >
- struct eval< T, Sparse >
- struct evaluator
- struct evaluator< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > >
- struct evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel > >
- struct evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs > >
- struct evaluator< CwiseBinaryOp< internal::scalar_product_op< Scalar1, Scalar2 >, const CwiseNullaryOp< internal::scalar_constant_op< Scalar1 >, Plain1 >, const Product< Lhs, Rhs, DefaultProduct > > >
- struct evaluator< CwiseNullaryOp< NullaryOp, PlainObjectType > >
- struct evaluator< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 > >
- struct evaluator< Diagonal< ArgType, DiagIndex > >
- struct evaluator< Diagonal< const Product< Lhs, Rhs, DefaultProduct >, DiagIndex > >
- struct evaluator< EvalToTemp< ArgType > >
- struct evaluator< Map< PlainObjectType, MapOptions, StrideType > >
- struct evaluator< Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< MappedSparseMatrix< _Scalar, _Options, _StorageIndex > >
- struct evaluator< Matrix< Scalar, Rows, Cols, Options, MaxRows, MaxCols > >
- struct evaluator< NestByValue< ArgType > >
- struct evaluator< PartialReduxExpr< ArgType, MemberOp, Direction > >
- struct evaluator< PlainObjectBase< Derived > >
- struct evaluator< Product< Lhs, Rhs, Options > >
- struct evaluator< Ref< PlainObjectType, RefOptions, StrideType > >
- struct evaluator< Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< Ref< SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< Ref< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< Ref< const SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct evaluator< Reshaped< ArgType, Rows, Cols, Order > >
- struct evaluator< ReturnByValue< Derived > >
- struct evaluator< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > >
- struct evaluator< Solve< Decomposition, RhsType > >
- struct evaluator< SolveWithGuess< Decomposition, RhsType, GuessType > >
- struct evaluator< SparseCompressedBase< Derived > >
- struct evaluator< SparseMatrix< _Scalar, _Options, _StorageIndex > >
- struct evaluator< SparseVector< _Scalar, _Options, _Index > >
- struct evaluator< const T >
- struct evaluator_assume_aliasing
- struct evaluator_assume_aliasing< CwiseBinaryOp< internal::scalar_difference_op< typename OtherXpr::Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, DenseShape >
- struct evaluator_assume_aliasing< CwiseBinaryOp< internal::scalar_product_op< Scalar1, Scalar2 >, const CwiseNullaryOp< internal::scalar_constant_op< Scalar1 >, Plain1 >, const Product< Lhs, Rhs, DefaultProduct > > >
- struct evaluator_assume_aliasing< CwiseBinaryOp< internal::scalar_sum_op< typename OtherXpr::Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, DenseShape >
- struct evaluator_assume_aliasing< Product< Lhs, Rhs, DefaultProduct > >
- struct evaluator_base
- struct evaluator_traits
- struct evaluator_traits< BandMatrix< _Scalar, _Rows, _Cols, _Supers, _Subs, _Options > >
- struct evaluator_traits< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > >
- struct evaluator_traits< Homogeneous< ArgType, Direction > >
- struct evaluator_traits< HouseholderSequence< VectorsType, CoeffsType, Side > >
- struct evaluator_traits< SelfAdjointView< MatrixType, Mode > >
- struct evaluator_traits< SparseQRMatrixQReturnType< SparseQRType > >
- struct evaluator_traits< SparseSelfAdjointView< MatrixType, Mode > >
- struct evaluator_traits< TriangularView< MatrixType, Mode > >
- struct evaluator_traits_base
- struct evaluator_wrapper_base
- struct expm1_impl
- struct expm1_retval
- struct extract_data_selector
- struct extract_data_selector< T, false >
- struct false_type
- struct fast_accurate_exp2
- struct fast_accurate_exp2< double >
- struct fast_accurate_exp2< float >
- struct find_best_packet
- struct find_best_packet_helper
- struct find_best_packet_helper< Size, PacketType, false >
- struct find_best_packet_helper< Size, PacketType, true >
- struct first_aligned_impl
- struct first_aligned_impl< Alignment, Derived, false >
- struct functor_has_linear_access
- struct functor_traits
- struct functor_traits< add_assign_op< DstScalar, SrcScalar > >
- struct functor_traits< assign_op< DstScalar, SrcScalar > >
- struct functor_traits< bind1st_op< BinaryOp > >
- struct functor_traits< bind2nd_op< BinaryOp > >
- struct functor_traits< div_assign_op< DstScalar, SrcScalar > >
- struct functor_traits< linspaced_op< Scalar > >
- struct functor_traits< max_coeff_visitor< Scalar, NaNPropagation > >
- struct functor_traits< min_coeff_visitor< Scalar, NaNPropagation > >
- struct functor_traits< mul_assign_op< DstScalar, SrcScalar > >
- struct functor_traits< numext::equal_to< T > >
- struct functor_traits< numext::not_equal_to< T > >
- struct functor_traits< scalar_abs2_op< Scalar > >
- struct functor_traits< scalar_abs_op< Scalar > >
- struct functor_traits< scalar_absolute_difference_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_acos_op< Scalar > >
- struct functor_traits< scalar_arg_op< Scalar > >
- struct functor_traits< scalar_asin_op< Scalar > >
- struct functor_traits< scalar_atan_op< Scalar > >
- struct functor_traits< scalar_boolean_and_op >
- struct functor_traits< scalar_boolean_not_op< Scalar > >
- struct functor_traits< scalar_boolean_or_op >
- struct functor_traits< scalar_boolean_xor_op >
- struct functor_traits< scalar_cast_op< Eigen::bfloat16, float > >
- struct functor_traits< scalar_cast_op< Eigen::half, float > >
- struct functor_traits< scalar_cast_op< Scalar, NewType > >
- struct functor_traits< scalar_cast_op< float, Eigen::bfloat16 > >
- struct functor_traits< scalar_cast_op< float, Eigen::half > >
- struct functor_traits< scalar_cast_op< int, Eigen::bfloat16 > >
- struct functor_traits< scalar_cast_op< int, Eigen::half > >
- struct functor_traits< scalar_ceil_op< Scalar > >
- struct functor_traits< scalar_cmp_op< LhsScalar, RhsScalar, cmp > >
- struct functor_traits< scalar_conj_product_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_conjugate_op< Scalar > >
- struct functor_traits< scalar_constant_op< Scalar > >
- struct functor_traits< scalar_cos_op< Scalar > >
- struct functor_traits< scalar_cosh_op< Scalar > >
- struct functor_traits< scalar_cube_op< Scalar > >
- struct functor_traits< scalar_cube_op< bool > >
- struct functor_traits< scalar_difference_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_exp_op< Scalar > >
- struct functor_traits< scalar_expm1_op< Scalar > >
- struct functor_traits< scalar_floor_op< Scalar > >
- struct functor_traits< scalar_hypot_op< Scalar, Scalar > >
- struct functor_traits< scalar_identity_op< Scalar > >
- struct functor_traits< scalar_imag_op< Scalar > >
- struct functor_traits< scalar_imag_ref_op< Scalar > >
- struct functor_traits< scalar_inverse_op< Scalar > >
- struct functor_traits< scalar_isfinite_op< Scalar > >
- struct functor_traits< scalar_isinf_op< Scalar > >
- struct functor_traits< scalar_isnan_op< Scalar > >
- struct functor_traits< scalar_log10_op< Scalar > >
- struct functor_traits< scalar_log1p_op< Scalar > >
- struct functor_traits< scalar_log2_op< Scalar > >
- struct functor_traits< scalar_log_op< Scalar > >
- struct functor_traits< scalar_logistic_op< T > >
- struct functor_traits< scalar_max_op< LhsScalar, RhsScalar, NaNPropagation > >
- struct functor_traits< scalar_min_op< LhsScalar, RhsScalar, NaNPropagation > >
- struct functor_traits< scalar_opposite_op< Scalar > >
- struct functor_traits< scalar_pow_op< Scalar, Exponent > >
- struct functor_traits< scalar_product_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_quotient_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_random_op< Scalar > >
- struct functor_traits< scalar_real_op< Scalar > >
- struct functor_traits< scalar_real_ref_op< Scalar > >
- struct functor_traits< scalar_rint_op< Scalar > >
- struct functor_traits< scalar_round_op< Scalar > >
- struct functor_traits< scalar_rsqrt_op< Scalar > >
- struct functor_traits< scalar_score_coeff_op< Scalar > >
- struct functor_traits< scalar_shift_left_op< Scalar, N > >
- struct functor_traits< scalar_shift_right_op< Scalar, N > >
- struct functor_traits< scalar_sign_op< Scalar > >
- struct functor_traits< scalar_sin_op< Scalar > >
- struct functor_traits< scalar_sinh_op< Scalar > >
- struct functor_traits< scalar_sqrt_op< Scalar > >
- struct functor_traits< scalar_sqrt_op< bool > >
- struct functor_traits< scalar_square_op< Scalar > >
- struct functor_traits< scalar_square_op< bool > >
- struct functor_traits< scalar_sum_op< LhsScalar, RhsScalar > >
- struct functor_traits< scalar_tan_op< Scalar > >
- struct functor_traits< scalar_tanh_op< Scalar > >
- struct functor_traits< sub_assign_op< DstScalar, SrcScalar > >
- struct functor_traits< swap_assign_op< Scalar > >
- struct gebp_kernel
- struct gebp_kernel< double, double, Index, DataMapper, mr, nr, ConjugateLhs, ConjugateRhs >
- struct gebp_kernel< float, float, Index, DataMapper, mr, nr, ConjugateLhs, ConjugateRhs >
- class gebp_traits
- class gemm_blocking_space
- class gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, false >
- class gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, true >
- struct gemm_functor
- struct gemm_pack_lhs
- struct gemm_pack_lhs< Scalar, Index, DataMapper, Pack1, Pack2, Packet, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_lhs< Scalar, Index, DataMapper, Pack1, Pack2, Packet, RowMajor, Conjugate, PanelMode >
- struct gemm_pack_lhs< double, Index, DataMapper, Pack1, Pack2, Packet, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_lhs< double, Index, DataMapper, Pack1, Pack2, Packet, RowMajor, Conjugate, PanelMode >
- struct gemm_pack_lhs< float, Index, DataMapper, Pack1, Pack2, Packet, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_lhs< float, Index, DataMapper, Pack1, Pack2, Packet, RowMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs
- struct gemm_pack_rhs< Scalar, Index, DataMapper, nr, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs< Scalar, Index, DataMapper, nr, RowMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs< double, Index, DataMapper, nr, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs< double, Index, DataMapper, nr, RowMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs< float, Index, DataMapper, nr, ColMajor, Conjugate, PanelMode >
- struct gemm_pack_rhs< float, Index, DataMapper, nr, RowMajor, Conjugate, PanelMode >
- struct gemv_dense_selector
- struct gemv_dense_selector< OnTheLeft, StorageOrder, BlasCompatible >
- struct gemv_dense_selector< OnTheRight, ColMajor, false >
- struct gemv_dense_selector< OnTheRight, ColMajor, true >
- struct gemv_dense_selector< OnTheRight, RowMajor, false >
- struct gemv_dense_selector< OnTheRight, RowMajor, true >
- struct gemv_packet_cond
- struct gemv_packet_cond< GEMVPacketFull, T1, T2, T3 >
- struct gemv_packet_cond< GEMVPacketHalf, T1, T2, T3 >
- struct gemv_static_vector_if
- struct gemv_static_vector_if< Scalar, Size, Dynamic, true >
- struct gemv_static_vector_if< Scalar, Size, MaxSize, false >
- struct gemv_static_vector_if< Scalar, Size, MaxSize, true >
- class gemv_traits
- struct general_matrix_matrix_product
- struct general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor, ResInnerStride >
- struct general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor, ResInnerStride >
- struct general_matrix_matrix_product< Index, dcomplex, LhsStorageOrder, ConjugateLhs, dcomplex, RhsStorageOrder, ConjugateRhs, ColMajor, 1 >
- struct general_matrix_matrix_product< Index, double, LhsStorageOrder, ConjugateLhs, double, RhsStorageOrder, ConjugateRhs, ColMajor, 1 >
- struct general_matrix_matrix_product< Index, float, LhsStorageOrder, ConjugateLhs, float, RhsStorageOrder, ConjugateRhs, ColMajor, 1 >
- struct general_matrix_matrix_product< Index, scomplex, LhsStorageOrder, ConjugateLhs, scomplex, RhsStorageOrder, ConjugateRhs, ColMajor, 1 >
- struct general_matrix_matrix_rankupdate
- struct general_matrix_matrix_rankupdate< Index, double, AStorageOrder, ConjugateA, ColMajor, UpLo >
- struct general_matrix_matrix_rankupdate< Index, float, AStorageOrder, ConjugateA, ColMajor, UpLo >
- struct general_matrix_matrix_triangular_product
- struct general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor, ResInnerStride, UpLo, Version >
- struct general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor, ResInnerStride, UpLo, Version >
- struct general_matrix_matrix_triangular_product< Index, double, LhsStorageOrder, ConjugateLhs, double, RhsStorageOrder, ConjugateRhs, ColMajor, 1, UpLo, Specialized >
- struct general_matrix_matrix_triangular_product< Index, float, LhsStorageOrder, ConjugateLhs, float, RhsStorageOrder, ConjugateRhs, ColMajor, 1, UpLo, Specialized >
- struct general_matrix_vector_product
- struct general_matrix_vector_product< Index, LhsScalar, LhsMapper, ColMajor, ConjugateLhs, RhsScalar, RhsMapper, ConjugateRhs, Version >
- struct general_matrix_vector_product< Index, LhsScalar, LhsMapper, RowMajor, ConjugateLhs, RhsScalar, RhsMapper, ConjugateRhs, Version >
- struct general_matrix_vector_product< Index, dcomplex, const_blas_data_mapper< dcomplex, Index, ColMajor >, ColMajor, ConjugateLhs, dcomplex, const_blas_data_mapper< dcomplex, Index, RowMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, dcomplex, const_blas_data_mapper< dcomplex, Index, RowMajor >, RowMajor, ConjugateLhs, dcomplex, const_blas_data_mapper< dcomplex, Index, ColMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, double, const_blas_data_mapper< double, Index, ColMajor >, ColMajor, ConjugateLhs, double, const_blas_data_mapper< double, Index, RowMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, double, const_blas_data_mapper< double, Index, RowMajor >, RowMajor, ConjugateLhs, double, const_blas_data_mapper< double, Index, ColMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, float, const_blas_data_mapper< float, Index, ColMajor >, ColMajor, ConjugateLhs, float, const_blas_data_mapper< float, Index, RowMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, float, const_blas_data_mapper< float, Index, RowMajor >, RowMajor, ConjugateLhs, float, const_blas_data_mapper< float, Index, ColMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, scomplex, const_blas_data_mapper< scomplex, Index, ColMajor >, ColMajor, ConjugateLhs, scomplex, const_blas_data_mapper< scomplex, Index, RowMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product< Index, scomplex, const_blas_data_mapper< scomplex, Index, RowMajor >, RowMajor, ConjugateLhs, scomplex, const_blas_data_mapper< scomplex, Index, ColMajor >, ConjugateRhs, Specialized >
- struct general_matrix_vector_product_gemv
- struct general_matrix_vector_product_gemv< Index, dcomplex, LhsStorageOrder, ConjugateLhs, dcomplex, ConjugateRhs >
- struct general_matrix_vector_product_gemv< Index, double, LhsStorageOrder, ConjugateLhs, double, ConjugateRhs >
- struct general_matrix_vector_product_gemv< Index, float, LhsStorageOrder, ConjugateLhs, float, ConjugateRhs >
- struct general_matrix_vector_product_gemv< Index, scomplex, LhsStorageOrder, ConjugateLhs, scomplex, ConjugateRhs >
- class generic_dense_assignment_kernel
- class generic_dense_assignment_kernel< DstEvaluatorTypeT, SrcEvaluatorTypeT, swap_assign_op< typename DstEvaluatorTypeT::Scalar >, Specialized >
- class generic_matrix_wrapper
- class generic_matrix_wrapper< MatrixType, false >
- class generic_matrix_wrapper< MatrixType, true >
- struct generic_product_impl
- struct generic_product_impl< Homogeneous< LhsArg, Horizontal >, Rhs, HomogeneousShape, DenseShape, ProductTag >
- struct generic_product_impl< Inverse< Lhs >, Rhs, PermutationShape, MatrixShape, ProductTag >
- struct generic_product_impl< Lhs, Homogeneous< RhsArg, Vertical >, DenseShape, HomogeneousShape, ProductTag >
- struct generic_product_impl< Lhs, Homogeneous< RhsArg, Vertical >, TriangularShape, HomogeneousShape, ProductTag >
- struct generic_product_impl< Lhs, Inverse< Rhs >, MatrixShape, PermutationShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, CoeffBasedProductMode >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, GemmProduct >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, GemvProduct >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, InnerProduct >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, LazyCoeffBasedProductMode >
- struct generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, OuterProduct >
- struct add
- struct adds
- struct is_row_major
- struct set
- struct sub
- struct generic_product_impl< Lhs, Rhs, DenseShape, SelfAdjointShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, DenseShape, SparseShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, DenseShape, SparseTriangularShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, DenseShape, TriangularShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, MatrixShape, PermutationShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, MatrixShape, TranspositionsShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, PermutationShape, MatrixShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, SelfAdjointShape, DenseShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, SparseShape, DenseShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, SparseShape, SparseShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, SparseShape, SparseTriangularShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, SparseTriangularShape, DenseShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, SparseTriangularShape, SparseShape, ProductType >
- struct generic_product_impl< Lhs, Rhs, TranspositionsShape, MatrixShape, ProductTag >
- struct generic_product_impl< Lhs, Rhs, TriangularShape, DenseShape, ProductTag >
- struct generic_product_impl< Lhs, RhsView, DenseShape, SparseSelfAdjointShape, ProductType >
- struct generic_product_impl< Lhs, Transpose< Rhs >, MatrixShape, TranspositionsShape, ProductTag >
- struct generic_product_impl< LhsView, Rhs, SparseSelfAdjointShape, DenseShape, ProductType >
- struct generic_product_impl< Transform< Scalar, Dim, Mode, Options >, Homogeneous< RhsArg, Vertical >, DenseShape, HomogeneousShape, ProductTag >
- struct generic_product_impl< Transpose< Lhs >, Rhs, TranspositionsShape, MatrixShape, ProductTag >
- struct generic_product_impl_base
- class generic_randaccess_stl_iterator
- struct generic_xpr_base
- struct generic_xpr_base< Derived, MatrixXpr, SolverStorage >
- struct generic_xpr_base< Derived, MatrixXpr, Sparse >
- struct generic_xpr_base< Derived, XprKind, Dense >
- struct get_compile_time_incr
- struct get_compile_time_incr< AllRange< Size > >
- struct get_compile_time_incr< ArithmeticSequence< FirstType, SizeType, IncrType > >
- struct get_compile_time_incr< SingleRange >
- struct get_compiletime_reshape_order
- struct get_compiletime_reshape_size
- struct get_compiletime_reshape_size< AutoSize_t, OtherSize, TotalSize >
- struct get_factor
- struct get_factor< Scalar, typename NumTraits< Scalar >::Real >
- struct get_fixed_value
- struct get_fixed_value< FixedInt< N >(*)(), Default >
- struct get_fixed_value< FixedInt< N >, Default >
- struct get_fixed_value< VariableAndFixedInt< N >, Default >
- struct get_fixed_value< variable_if_dynamic< T, N >, Default >
- struct global_math_functions_filtering_base
- struct global_math_functions_filtering_base< T, typename always_void< typename T::Eigen_BaseClassForSpecializationOfGlobalMathFuncImpl >::type >
- struct glue_shapes
- struct glue_shapes< DenseShape, TriangularShape >
- struct glue_shapes< SparseShape, SelfAdjointShape >
- struct glue_shapes< SparseShape, TriangularShape >
- struct has_ReturnType
- struct has_binary_operator
- struct has_binary_operator< linspaced_op< Scalar >, IndexType >
- struct has_binary_operator< scalar_constant_op< Scalar >, IndexType >
- struct has_binary_operator< scalar_identity_op< Scalar >, IndexType >
- struct has_binary_operator< scalar_random_op< Scalar >, IndexType >
- struct has_direct_access
- struct has_none
- struct has_nullary_operator
- struct has_nullary_operator< linspaced_op< Scalar >, IndexType >
- struct has_nullary_operator< scalar_constant_op< Scalar >, IndexType >
- struct has_nullary_operator< scalar_identity_op< Scalar >, IndexType >
- struct has_nullary_operator< scalar_random_op< Scalar >, IndexType >
- struct has_std_result_type
- struct has_tr1_result
- struct has_unary_operator
- struct has_unary_operator< linspaced_op< Scalar >, IndexType >
- struct has_unary_operator< scalar_constant_op< Scalar >, IndexType >
- struct has_unary_operator< scalar_identity_op< Scalar >, IndexType >
- struct has_unary_operator< scalar_random_op< Scalar >, IndexType >
- struct homogeneous_left_product_impl
- struct homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs >
- struct homogeneous_left_product_refactoring_helper
- struct homogeneous_right_product_impl
- struct homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs >
- struct homogeneous_right_product_refactoring_helper
- struct householder_qr_inplace_blocked
- struct householder_qr_inplace_blocked< MatrixQR, HCoeffs, dcomplex, true >
- struct householder_qr_inplace_blocked< MatrixQR, HCoeffs, double, true >
- struct householder_qr_inplace_blocked< MatrixQR, HCoeffs, float, true >
- struct householder_qr_inplace_blocked< MatrixQR, HCoeffs, scomplex, true >
- struct hseq_side_dependent_impl
- struct hseq_side_dependent_impl< VectorsType, CoeffsType, OnTheRight >
- struct hypot_impl
- struct hypot_retval
- struct imag_default_impl
- struct imag_default_impl< Scalar, true >
- struct imag_impl
- struct imag_impl< ArrayBase< Derived > >
- struct imag_ref_default_impl
- struct imag_ref_default_impl< Scalar, false >
- struct imag_ref_impl
- struct imag_ref_retval
- struct imag_retval
- struct imag_retval< ArrayBase< Derived > >
- struct image_retval
- struct image_retval< FullPivLU< _MatrixType > >
- class image_retval_base
- class indexed_based_stl_iterator_base
- struct indexed_based_stl_iterator_traits
- struct indexed_based_stl_iterator_traits< generic_randaccess_stl_iterator< _XprType > >
- struct indexed_based_stl_iterator_traits< subvector_stl_iterator< _XprType, Direction > >
- struct indexed_based_stl_iterator_traits< subvector_stl_reverse_iterator< _XprType, Direction > >
- class indexed_based_stl_reverse_iterator_base
- class inner_iterator_selector
- class inner_iterator_selector< XprType, IndexBased >
- class inner_iterator_selector< XprType, IteratorBased >
- struct inner_stride_at_compile_time
- struct inner_stride_at_compile_time< Derived, false >
- struct inplace_transpose_selector
- struct inplace_transpose_selector< MatrixType, false, MatchPacketSize >
- struct inplace_transpose_selector< MatrixType, true, false >
- struct inplace_transpose_selector< MatrixType, true, true >
- struct inverse_impl
- struct invoke_result
- struct invoke_result< F, ArgType0, ArgType1, void >
- struct invoke_result< F, ArgType0, void, void >
- struct invoke_result< F, void, void, void >
- struct isApprox_selector
- struct isApprox_selector< Derived, OtherDerived, true >
- struct isMuchSmallerThan_object_selector
- struct isMuchSmallerThan_object_selector< Derived, OtherDerived, true >
- struct isMuchSmallerThan_scalar_selector
- struct isMuchSmallerThan_scalar_selector< Derived, true >
- struct is_arithmetic
- struct is_arithmetic< Packet16b >
- struct is_arithmetic< Packet16bf >
- struct is_arithmetic< Packet16h >
- struct is_arithmetic< Packet4bf >
- struct is_arithmetic< Packet4i >
- struct is_arithmetic< Packet8bf >
- struct is_arithmetic< Packet8h >
- struct is_arithmetic< __m128 >
- struct is_arithmetic< __m128d >
- struct is_arithmetic< __m128i >
- struct is_arithmetic< __m256 >
- struct is_arithmetic< __m256d >
- struct is_arithmetic< __m256i >
- struct is_arithmetic< __m512 >
- struct is_arithmetic< __m512d >
- struct is_arithmetic< __m512i >
- struct is_arithmetic< bfloat16 >
- struct is_arithmetic< bool >
- struct is_arithmetic< char >
- struct is_arithmetic< double >
- struct is_arithmetic< float >
- struct is_arithmetic< half >
- struct is_arithmetic< long double >
- struct is_arithmetic< signed char >
- struct is_arithmetic< signed int >
- struct is_arithmetic< signed long >
- struct is_arithmetic< signed short >
- struct is_arithmetic< unsigned char >
- struct is_arithmetic< unsigned int >
- struct is_arithmetic< unsigned long >
- struct is_arithmetic< unsigned short >
- struct is_const
- struct is_const< T const >
- struct is_convertible
- struct is_convertible< T, T & >
- struct is_convertible< const T, const T & >
- struct is_convertible_impl
- struct any_conversion
- struct no
- struct yes
- struct is_diagonal
- struct is_diagonal< DiagonalBase< T > >
- struct is_diagonal< DiagonalMatrix< T, S > >
- struct is_diagonal< DiagonalWrapper< T > >
- struct is_identity
- struct is_identity< CwiseNullaryOp< internal::scalar_identity_op< typename T::Scalar >, T > >
- struct is_integral
- struct is_integral< bool >
- struct is_integral< char >
- struct is_integral< signed char >
- struct is_integral< signed int >
- struct is_integral< signed long >
- struct is_integral< signed short >
- struct is_integral< unsigned char >
- struct is_integral< unsigned int >
- struct is_integral< unsigned long >
- struct is_integral< unsigned short >
- struct is_lvalue
- struct is_ref_compatible
- struct is_ref_compatible_impl
- struct any_conversion
- struct no
- struct yes
- struct is_same
- struct is_same< T, T >
- struct is_scalar
- struct is_valid_index_type
- struct is_void
- struct kernel_retval
- struct kernel_retval< FullPivLU< _MatrixType > >
- class kernel_retval_base
- struct lapacke_llt
- struct lapacke_llt< dcomplex >
- struct lapacke_llt< double >
- struct lapacke_llt< float >
- struct lapacke_llt< scomplex >
- struct last_row_process_16_packets
- struct last_row_process_16_packets< LhsScalar, RhsScalar, Index, DataMapper, mr, nr, ConjugateLhs, ConjugateRhs, 16 >
- struct ldlt_inplace
- struct ldlt_inplace< Lower >
- struct ldlt_inplace< Upper >
- class level3_blocking
- struct lhs_process_fraction_of_packet
- struct lhs_process_one_packet
- struct linspaced_op
- struct linspaced_op_impl
- struct linspaced_op_impl< Scalar, false >
- struct linspaced_op_impl< Scalar, true >
- struct llt_inplace
- struct llt_inplace< Scalar, Lower >
- struct llt_inplace< Scalar, Upper >
- struct llt_inplace< dcomplex, Lower >
- struct llt_inplace< dcomplex, Upper >
- struct llt_inplace< double, Lower >
- struct llt_inplace< double, Upper >
- struct llt_inplace< float, Lower >
- struct llt_inplace< float, Upper >
- struct llt_inplace< scomplex, Lower >
- struct llt_inplace< scomplex, Upper >
- struct log1p_impl
- struct log1p_retval
- struct log_impl
- struct lpNorm_selector
- struct lpNorm_selector< Derived, 1 >
- struct lpNorm_selector< Derived, 2 >
- struct lpNorm_selector< Derived, Infinity >
- struct make_integer
- struct make_integer< bfloat16 >
- struct make_integer< double >
- struct make_integer< float >
- struct make_integer< half >
- class make_proper_matrix_type
- struct make_size_type
- struct make_unsigned
- struct make_unsigned< char >
- struct make_unsigned< signed char >
- struct make_unsigned< signed int >
- struct make_unsigned< signed long >
- struct make_unsigned< signed short >
- struct make_unsigned< unsigned char >
- struct make_unsigned< unsigned int >
- struct make_unsigned< unsigned long >
- struct make_unsigned< unsigned short >
- struct mapbase_evaluator
- struct matrix_swap_impl
- struct matrix_swap_impl< MatrixTypeA, MatrixTypeB, true >
- struct matrix_type_times_scalar_type
- struct max_coeff_visitor
- struct max_coeff_visitor< Derived, PropagateNaN >
- struct max_coeff_visitor< Derived, PropagateNumbers >
- struct member_all
- struct Cost
- struct member_any
- struct Cost
- struct member_blueNorm
- struct Cost
- struct member_count
- struct Cost
- struct member_hypotNorm
- struct Cost
- struct member_lpnorm
- struct Cost
- struct member_maxCoeff
- struct Cost
- struct member_minCoeff
- struct Cost
- struct member_norm
- struct Cost
- struct member_prod
- struct Cost
- struct member_redux
- struct Cost
- struct member_stableNorm
- struct Cost
- struct member_sum
- struct Cost
- struct meta_floor_log2
- struct meta_floor_log2< n, lower, upper, meta_floor_log2_bogus >
- struct meta_floor_log2< n, lower, upper, meta_floor_log2_move_down >
- struct meta_floor_log2< n, lower, upper, meta_floor_log2_move_up >
- struct meta_floor_log2< n, lower, upper, meta_floor_log2_terminate >
- struct meta_floor_log2_selector
- struct meta_least_common_multiple
- struct meta_least_common_multiple< A, B, K, Done, false >
- struct meta_least_common_multiple< A, B, K, true, true >
- struct meta_no
- class meta_sqrt
- class meta_sqrt< Y, InfX, SupX, true >
- struct meta_yes
- struct min_coeff_visitor
- struct min_coeff_visitor< Derived, PropagateNaN >
- struct min_coeff_visitor< Derived, PropagateNumbers >
- struct mul_assign_op
- struct nested_eval
- struct nested_eval< ReturnByValue< Derived >, n, PlainObject >
- class no_assignment_operator
- class noncopyable
- struct norm1_default_impl
- struct norm1_default_impl< Scalar, false >
- struct norm1_default_impl< Scalar, true >
- struct norm1_impl
- struct norm1_retval
- struct nullary_result_of_select
- struct nullary_result_of_select< Func, sizeof(has_std_result_type)>
- struct nullary_result_of_select< Func, sizeof(has_tr1_result)>
- struct nullary_wrapper
- struct nullary_wrapper< Scalar, NullaryOp, false, false, false >
- struct nullary_wrapper< Scalar, NullaryOp, false, false, true >
- struct nullary_wrapper< Scalar, NullaryOp, false, true, false >
- struct nullary_wrapper< Scalar, NullaryOp, true, false, false >
- struct operator_bitwise_helper
- struct outer_stride_at_compile_time
- struct outer_stride_at_compile_time< Derived, false >
- struct packet_conditional
- struct packet_conditional< GEBPPacketFull, T1, T2, T3 >
- struct packet_conditional< GEBPPacketHalf, T1, T2, T3 >
- struct packet_traits
- struct packet_traits< Eigen::half >
- struct packet_traits< bfloat16 >
- struct packet_traits< bool >
- struct packet_traits< const T >
- struct packet_traits< double >
- struct packet_traits< float >
- struct packet_traits< half >
- struct packet_traits< int >
- struct packet_traits< int16_t >
- struct packet_traits< int32_t >
- struct packet_traits< int64_t >
- struct packet_traits< int8_t >
- struct packet_traits< numext::int32_t >
- struct packet_traits< short int >
- struct packet_traits< signed char >
- struct packet_traits< uint16_t >
- struct packet_traits< uint32_t >
- struct packet_traits< uint64_t >
- struct packet_traits< uint8_t >
- struct packet_traits< unsigned char >
- struct packet_traits< unsigned short int >
- struct packetwise_redux_impl
- struct packetwise_redux_impl< Func, Evaluator, CompleteUnrolling >
- struct packetwise_redux_impl< Func, Evaluator, NoUnrolling >
- struct packetwise_redux_traits
- struct panel_dfs_traits
- struct pardiso_run_selector
- struct pardiso_run_selector< long long int >
- struct pardiso_traits
- struct pardiso_traits< PardisoLDLT< _MatrixType, Options > >
- struct pardiso_traits< PardisoLLT< _MatrixType, Options > >
- struct pardiso_traits< PardisoLU< _MatrixType > >
- struct partial_lu_impl
- struct partial_lu_impl< dcomplex, StorageOrder, lapack_int >
- struct partial_lu_impl< double, StorageOrder, lapack_int >
- struct partial_lu_impl< float, StorageOrder, lapack_int >
- struct partial_lu_impl< scomplex, StorageOrder, lapack_int >
- struct pastix_traits
- struct pastix_traits< PastixLDLT< _MatrixType, Options > >
- struct pastix_traits< PastixLLT< _MatrixType, Options > >
- struct pastix_traits< PastixLU< _MatrixType > >
- struct pchebevl
- struct perfvalues
- struct permutation_matrix_product
- struct permutation_matrix_product< ExpressionType, Side, Transposed, DenseShape >
- struct permutation_matrix_product< ExpressionType, Side, Transposed, HomogeneousShape >
- struct permutation_matrix_product< ExpressionType, Side, Transposed, SparseShape >
- struct plain_array
- struct plain_array< T, 0, MatrixOrArrayOptions, Alignment >
- struct plain_array< T, Size, MatrixOrArrayOptions, 16 >
- struct plain_array< T, Size, MatrixOrArrayOptions, 32 >
- struct plain_array< T, Size, MatrixOrArrayOptions, 64 >
- struct plain_array< T, Size, MatrixOrArrayOptions, 8 >
- struct plain_array_helper
- struct plain_col_type
- struct plain_constant_type
- struct plain_diag_type
- struct plain_matrix_type
- struct plain_matrix_type< T, Dense >
- struct plain_matrix_type< T, DiagonalShape >
- struct plain_matrix_type< T, Sparse >
- struct plain_matrix_type_column_major
- struct plain_matrix_type_dense
- struct plain_matrix_type_dense< T, ArrayXpr, Flags >
- struct plain_matrix_type_dense< T, MatrixXpr, Flags >
- struct plain_matrix_type_row_major
- struct plain_object_eval
- struct plain_object_eval< T, Dense >
- struct plain_object_eval< T, Sparse >
- struct plain_row_type
- class plainobjectbase_evaluator_data
- class plainobjectbase_evaluator_data< Scalar, Dynamic >
- struct pldexp_fast_impl
- struct pminmax_impl
- struct pminmax_impl< PropagateNaN >
- struct pminmax_impl< PropagateNumbers >
- class pointer_based_stl_iterator
- struct possibly_same_dense
- struct pow_impl
- struct pow_impl< ScalarX, ScalarY, true >
- struct ppolevl
- struct ppolevl< Packet, 0 >
- struct product_evaluator
- struct product_evaluator< Product< Lhs, Rhs, AliasFreeProduct >, ProductTag, PermutationShape, SparseShape >
- struct product_evaluator< Product< Lhs, Rhs, AliasFreeProduct >, ProductTag, SparseShape, PermutationShape >
- struct product_evaluator< Product< Lhs, Rhs, DefaultProduct >, LazyCoeffBasedProductMode, DenseShape, DenseShape >
- struct product_evaluator< Product< Lhs, Rhs, DefaultProduct >, OuterProduct, DenseShape, SparseShape >
- struct product_evaluator< Product< Lhs, Rhs, DefaultProduct >, OuterProduct, SparseShape, DenseShape >
- struct product_evaluator< Product< Lhs, Rhs, DefaultProduct >, ProductTag, DiagonalShape, SparseShape >
- struct product_evaluator< Product< Lhs, Rhs, DefaultProduct >, ProductTag, SparseShape, DiagonalShape >
- struct product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, DenseShape, DenseShape >
- struct product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, DenseShape, HomogeneousShape >
- struct product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, HomogeneousShape, DenseShape >
- struct product_evaluator< Product< Lhs, Rhs, Options >, ProductTag, LhsShape, RhsShape >
- struct product_evaluator< Product< Lhs, Rhs, ProductKind >, ProductTag, DenseShape, DiagonalShape >
- struct product_evaluator< Product< Lhs, Rhs, ProductKind >, ProductTag, DiagonalShape, DenseShape >
- struct product_evaluator< Product< Lhs, RhsView, DefaultProduct >, ProductTag, SparseShape, SparseSelfAdjointShape >
- struct product_evaluator< Product< LhsView, Rhs, DefaultProduct >, ProductTag, SparseSelfAdjointShape, SparseShape >
- struct product_promote_storage_type
- struct product_promote_storage_type< A, A, ProductTag >
- struct product_promote_storage_type< A, Dense, ProductTag >
- struct product_promote_storage_type< A, DiagonalShape, ProductTag >
- struct product_promote_storage_type< A, PermutationStorage, ProductTag >
- struct product_promote_storage_type< Dense, B, ProductTag >
- struct product_promote_storage_type< Dense, Dense, ProductTag >
- struct product_promote_storage_type< Dense, DiagonalShape, ProductTag >
- struct product_promote_storage_type< Dense, PermutationStorage, ProductTag >
- struct product_promote_storage_type< Dense, Sparse, OuterProduct >
- struct product_promote_storage_type< DiagonalShape, B, ProductTag >
- struct product_promote_storage_type< DiagonalShape, Dense, ProductTag >
- struct product_promote_storage_type< PermutationStorage, B, ProductTag >
- struct product_promote_storage_type< PermutationStorage, Dense, ProductTag >
- struct product_promote_storage_type< PermutationStorage, Sparse, ProductTag >
- struct product_promote_storage_type< Sparse, Dense, OuterProduct >
- struct product_promote_storage_type< Sparse, PermutationStorage, ProductTag >
- struct product_selfadjoint_matrix
- struct product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, LhsSelfAdjoint, ConjugateLhs, RhsStorageOrder, RhsSelfAdjoint, ConjugateRhs, RowMajor, ResInnerStride >
- struct product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor, ResInnerStride >
- struct product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor, ResInnerStride >
- struct product_selfadjoint_matrix< dcomplex, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< dcomplex, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< double, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< double, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< float, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< float, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< scomplex, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor, 1 >
- struct product_selfadjoint_matrix< scomplex, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor, 1 >
- struct product_size_category
- struct product_triangular_matrix_matrix
- struct product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, RowMajor, ResInnerStride, Version >
- struct product_triangular_matrix_matrix< Scalar, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, ResInnerStride, Version >
- struct product_triangular_matrix_matrix< Scalar, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, ResInnerStride, Version >
- struct product_triangular_matrix_matrix< dcomplex, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< dcomplex, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< double, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< double, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< float, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< float, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< scomplex, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix< scomplex, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, 1, Specialized >
- struct product_triangular_matrix_matrix_trmm
- struct product_triangular_matrix_matrix_trmm< dcomplex, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< dcomplex, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< double, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< double, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< float, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< float, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< scomplex, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_triangular_matrix_matrix_trmm< scomplex, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
- struct product_type
- struct product_type_selector
- struct product_type_selector< 1, 1, 1 >
- struct product_type_selector< 1, 1, Depth >
- struct product_type_selector< 1, Large, Large >
- struct product_type_selector< 1, Large, Small >
- struct product_type_selector< 1, N, 1 >
- struct product_type_selector< 1, Small, Large >
- struct product_type_selector< 1, Small, Small >
- struct product_type_selector< Large, 1, Large >
- struct product_type_selector< Large, 1, Small >
- struct product_type_selector< Large, Large, Large >
- struct product_type_selector< Large, Large, Small >
- struct product_type_selector< Large, Small, 1 >
- struct product_type_selector< Large, Small, Large >
- struct product_type_selector< Large, Small, Small >
- struct product_type_selector< M, 1, 1 >
- struct product_type_selector< M, N, 1 >
- struct product_type_selector< Small, 1, Large >
- struct product_type_selector< Small, 1, Small >
- struct product_type_selector< Small, Large, 1 >
- struct product_type_selector< Small, Large, Large >
- struct product_type_selector< Small, Large, Small >
- struct product_type_selector< Small, Small, 1 >
- struct product_type_selector< Small, Small, Large >
- struct product_type_selector< Small, Small, Small >
- struct projective_transform_inverse
- struct projective_transform_inverse< TransformType, Projective >
- struct promote_index_type
- struct promote_scalar_arg
- struct promote_scalar_arg< S, T, false >
- struct promote_scalar_arg< S, T, true >
- struct promote_scalar_arg_unsupported
- struct promote_scalar_arg_unsupported< ExprScalar, T, PromotedType, false, true >
- struct promote_scalar_arg_unsupported< S, T, PromotedType, ConvertibleToLiteral, false >
- struct promote_scalar_arg_unsupported< S, T, PromotedType, true, true >
- struct promote_scalar_arg_unsupported< S, T, S, false, true >
- struct promote_storage_type
- struct promote_storage_type< A, A >
- struct promote_storage_type< A, const A >
- struct promote_storage_type< const A, A >
- struct pselect_impl
- struct pselect_impl< Packet, typename internal::enable_if< is_scalar< Packet >::value >::type >
- struct ptrue_impl
- struct ptrue_impl< T, typename internal::enable_if< is_scalar< T >::value &&NumTraits< T >::RequireInitialization >::type >
- struct pzero_impl
- struct pzero_impl< T, typename internal::enable_if< is_scalar< T >::value >::type >
- struct qr_preconditioner_impl
- class qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
- class qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
- class qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
- class qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
- class qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
- class qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
- class qr_preconditioner_impl< MatrixType, QRPreconditioner, Case, false >
- struct qr_preconditioner_should_do_anything
- struct quad_traits
- struct quad_traits< double >
- struct quat_conj
- struct quat_conj< Architecture::Target, Derived, float >
- struct quat_product
- struct quat_product< Architecture::Target, Derived, OtherDerived, float >
- struct quaternionbase_assign_impl
- struct quaternionbase_assign_impl< Other, 3, 3 >
- struct quaternionbase_assign_impl< Other, 4, 1 >
- struct random_default_impl
- struct random_default_impl< Scalar, false, false >
- struct random_default_impl< Scalar, false, true >
- struct random_default_impl< Scalar, true, false >
- struct random_default_impl< bfloat16, false, false >
- struct random_default_impl< half, false, false >
- struct random_impl
- struct random_impl< bool >
- struct random_retval
- struct rcond_compute_sign
- struct rcond_compute_sign< Vector, Vector, false >
- struct real_default_impl
- struct real_default_impl< Scalar, true >
- struct real_impl
- struct real_impl< ArrayBase< Derived > >
- struct real_ref_impl
- struct real_ref_retval
- struct real_retval
- struct real_retval< ArrayBase< Derived > >
- class redux_evaluator
- struct redux_impl
- struct redux_impl< Func, Evaluator, DefaultTraversal, CompleteUnrolling >
- struct redux_impl< Func, Evaluator, DefaultTraversal, NoUnrolling >
- struct redux_impl< Func, Evaluator, LinearVectorizedTraversal, CompleteUnrolling >
- struct redux_impl< Func, Evaluator, LinearVectorizedTraversal, NoUnrolling >
- struct redux_impl< Func, Evaluator, SliceVectorizedTraversal, Unrolling >
- struct redux_novec_unroller
- struct redux_novec_unroller< Func, Evaluator, Start, 0 >
- struct redux_novec_unroller< Func, Evaluator, Start, 1 >
- struct redux_traits
- struct redux_vec_unroller
- struct redux_vec_unroller< Func, Evaluator, Start, 0 >
- struct redux_vec_unroller< Func, Evaluator, Start, 1 >
- struct ref_selector
- struct remove_all
- struct remove_all< T & >
- struct remove_all< T * >
- struct remove_all< T const & >
- struct remove_all< T const * >
- struct remove_all< const T >
- struct remove_const
- struct remove_const< const T >
- struct remove_const< const T[Size]>
- struct remove_const< const T[]>
- struct remove_pointer
- struct remove_pointer< T * >
- struct remove_pointer< T *const >
- struct remove_reference
- struct remove_reference< T & >
- struct reshaped_evaluator
- struct reshaped_evaluator< ArgType, Rows, Cols, Order, false >
- struct reshaped_evaluator< ArgType, Rows, Cols, Order, true >
- class restricted_packet_dense_assignment_kernel
- struct result_of
- struct result_of< Func()>
- struct result_of< Func(ArgType)>
- struct result_of< Func(ArgType0, ArgType1)>
- struct result_of< Func(ArgType0, ArgType1, ArgType2)>
- struct result_of< scalar_cmp_op< LhsScalar, RhsScalar, Cmp >(LhsScalar, RhsScalar)>
- struct reverse_packet_cond
- struct reverse_packet_cond< PacketType, false >
- struct rint_impl
- struct rint_impl< double >
- struct rint_impl< float >
- struct rint_retval
- struct rotation_base_generic_product_selector
- struct rotation_base_generic_product_selector< RotationDerived, DiagonalMatrix< Scalar, Dim, MaxDim >, false >
- struct rotation_base_generic_product_selector< RotationDerived, MatrixType, false >
- struct rotation_base_generic_product_selector< RotationDerived, OtherVectorType, true >
- struct round_impl
- struct round_impl< double >
- struct round_impl< float >
- struct round_retval
- struct round_using_floor_ceil_impl
- struct rsqrt_impl
- struct rsqrt_retval
- struct scalar_abs2_op
- struct scalar_abs_op
- struct scalar_absolute_difference_op
- struct scalar_acos_op
- struct scalar_arg_op
- struct scalar_asin_op
- struct scalar_atan_op
- struct scalar_bessel_i0_op
- struct scalar_bessel_i0e_op
- struct scalar_bessel_i1_op
- struct scalar_bessel_i1e_op
- struct scalar_bessel_j0_op
- struct scalar_bessel_j1_op
- struct scalar_bessel_k0_op
- struct scalar_bessel_k0e_op
- struct scalar_bessel_k1_op
- struct scalar_bessel_k1e_op
- struct scalar_bessel_y0_op
- struct scalar_bessel_y1_op
- struct scalar_betainc_op
- struct scalar_boolean_and_op
- struct scalar_boolean_not_op
- struct scalar_boolean_or_op
- struct scalar_boolean_xor_op
- struct scalar_cast_op
- struct scalar_cast_op< Eigen::bfloat16, float >
- struct scalar_cast_op< Eigen::half, float >
- struct scalar_cast_op< float, Eigen::bfloat16 >
- struct scalar_cast_op< float, Eigen::half >
- struct scalar_cast_op< int, Eigen::bfloat16 >
- struct scalar_cast_op< int, Eigen::half >
- struct scalar_ceil_op
- struct scalar_cmp_op
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_EQ >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_GE >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_GT >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_LE >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_LT >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_NEQ >
- struct scalar_cmp_op< LhsScalar, RhsScalar, cmp_UNORD >
- struct scalar_conj_product_op
- struct scalar_conjugate_op
- struct scalar_constant_op
- struct scalar_cos_op
- struct scalar_cosh_op
- struct scalar_cube_op
- struct scalar_cube_op< bool >
- struct scalar_difference_op
- struct scalar_digamma_op
- struct scalar_div_cost
- struct scalar_div_cost< double, true >
- struct scalar_div_cost< float, true >
- struct scalar_div_cost< signed long, Vectorized, typename conditional< sizeof(long)==8, void, false_type >::type >
- struct scalar_div_cost< unsigned long, Vectorized, typename conditional< sizeof(long)==8, void, false_type >::type >
- struct scalar_erf_op
- struct scalar_erfc_op
- struct scalar_exp_op
- struct scalar_expm1_op
- struct scalar_floor_op
- struct scalar_fuzzy_default_impl
- struct scalar_fuzzy_default_impl< Scalar, false, false >
- struct scalar_fuzzy_default_impl< Scalar, false, true >
- struct scalar_fuzzy_default_impl< Scalar, true, false >
- struct scalar_fuzzy_impl
- struct scalar_fuzzy_impl< bool >
- struct scalar_hypot_op
- struct scalar_hypot_op< Scalar, Scalar >
- struct scalar_identity_op
- struct scalar_igamma_op
- struct scalar_igammac_op
- struct scalar_imag_op
- struct scalar_imag_ref_op
- struct scalar_inverse_op
- struct scalar_isfinite_op
- struct scalar_isinf_op
- struct scalar_isnan_op
- struct scalar_lgamma_op
- struct scalar_log10_op
- struct scalar_log1p_op
- struct scalar_log2_op
- struct scalar_log_op
- struct scalar_logistic_op
- struct scalar_logistic_op< float >
- struct scalar_max_op
- struct scalar_min_op
- struct scalar_ndtri_op
- struct scalar_opposite_op
- struct scalar_pow_op
- struct scalar_product_op
- struct scalar_product_traits
- struct scalar_quotient_op
- struct scalar_random_op
- struct scalar_real_op
- struct scalar_real_ref_op
- struct scalar_rint_op
- struct scalar_round_op
- struct scalar_rsqrt_op
- struct scalar_score_coeff_op
- struct scalar_shift_left_op
- struct scalar_shift_right_op
- struct scalar_sign_op
- struct scalar_sign_op< Scalar, false, false >
- struct scalar_sign_op< Scalar, false, true >
- struct scalar_sign_op< Scalar, true, is_integer >
- struct scalar_sin_op
- struct scalar_sinh_op
- struct scalar_sqrt_op
- struct scalar_sqrt_op< bool >
- struct scalar_square_op
- struct scalar_square_op< bool >
- struct scalar_sum_op
- struct scalar_tan_op
- struct scalar_tanh_op
- struct scalar_zeta_op
- class scoped_array
- struct selfadjoint_matrix_vector_product
- struct selfadjoint_matrix_vector_product< dcomplex, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, Specialized >
- struct selfadjoint_matrix_vector_product< double, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, Specialized >
- struct selfadjoint_matrix_vector_product< float, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, Specialized >
- struct selfadjoint_matrix_vector_product< scomplex, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, Specialized >
- struct selfadjoint_matrix_vector_product_symv
- struct selfadjoint_matrix_vector_product_symv< dcomplex, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs >
- struct selfadjoint_matrix_vector_product_symv< double, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs >
- struct selfadjoint_matrix_vector_product_symv< float, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs >
- struct selfadjoint_matrix_vector_product_symv< scomplex, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs >
- struct selfadjoint_product_impl
- struct selfadjoint_product_impl< Lhs, 0, true, Rhs, RhsMode, false >
- struct selfadjoint_product_impl< Lhs, LhsMode, false, Rhs, 0, true >
- struct selfadjoint_product_impl< Lhs, LhsMode, false, Rhs, RhsMode, false >
- struct selfadjoint_rank2_update_selector
- struct selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Lower >
- struct selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Upper >
- struct setIdentity_impl
- struct setIdentity_impl< Derived, true >
- struct shuffle_mask
- struct significant_decimals_impl
- struct simplicial_cholesky_grab_input
- struct simplicial_cholesky_grab_input< MatrixType, MatrixType >
- struct size_at_compile_time
- struct size_of_xpr_at_compile_time
- struct smart_copy_helper
- struct smart_copy_helper< T, false >
- struct smart_copy_helper< T, true >
- struct smart_memmove_helper
- struct smart_memmove_helper< T, false >
- struct smart_memmove_helper< T, true >
- struct solve_assertion
- struct solve_assertion< CwiseUnaryOp< Eigen::internal::scalar_conjugate_op< Scalar >, const Transpose< Derived > > >
- struct solve_assertion< Transpose< Derived > >
- struct solve_traits
- struct solve_traits< Decomposition, RhsType, Dense >
- struct solve_traits< Decomposition, RhsType, Sparse >
- struct sparse_conjunction_evaluator
- struct sparse_conjunction_evaluator< XprType, IndexBased, IteratorBased >
- class InnerIterator
- struct sparse_conjunction_evaluator< XprType, IteratorBased, IndexBased >
- class InnerIterator
- struct sparse_conjunction_evaluator< XprType, IteratorBased, IteratorBased >
- class InnerIterator
- struct sparse_dense_outer_product_evaluator
- class InnerIterator
- struct sparse_diagonal_product_evaluator
- struct sparse_diagonal_product_evaluator< SparseXprType, DiagCoeffType, SDP_AsCwiseProduct >
- class InnerIterator
- struct sparse_diagonal_product_evaluator< SparseXprType, DiagonalCoeffType, SDP_AsScalarProduct >
- class InnerIterator
- struct sparse_eval
- struct sparse_eval< T, 1, 1, Flags >
- struct sparse_eval< T, 1, Cols, Flags >
- struct sparse_eval< T, Rows, 1, Flags >
- class sparse_matrix_block_impl
- struct sparse_solve_triangular_selector
- struct sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, ColMajor >
- struct sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, RowMajor >
- struct sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, ColMajor >
- struct sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, RowMajor >
- struct sparse_solve_triangular_sparse_selector
- struct sparse_solve_triangular_sparse_selector< Lhs, Rhs, Mode, UpLo, ColMajor >
- struct sparse_sparse_product_with_pruning_selector
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
- struct sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
- struct sparse_sparse_to_dense_product_selector
- struct sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor >
- struct sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor >
- struct sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor >
- struct sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor >
- struct sparse_time_dense_product_impl
- struct sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, AlphaType, ColMajor, true >
- struct sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, ColMajor, false >
- struct sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, RowMajor, false >
- struct sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, RowMajor, true >
- struct sparse_vector_assign_selector
- struct sparse_vector_assign_selector< Dest, Src, SVA_Inner >
- struct sparse_vector_assign_selector< Dest, Src, SVA_Outer >
- struct sparse_vector_assign_selector< Dest, Src, SVA_RuntimeSwitch >
- struct sqrt_impl
- struct sqrt_retval
- struct static_assertion
- struct static_assertion< true >
- namespace std_fallback
- struct stem_function
- struct storage_kind_to_evaluator_kind
- struct storage_kind_to_evaluator_kind< Sparse >
- struct storage_kind_to_shape
- struct storage_kind_to_shape< Dense >
- struct storage_kind_to_shape< DiagonalShape >
- struct storage_kind_to_shape< PermutationStorage >
- struct storage_kind_to_shape< SolverStorage >
- struct storage_kind_to_shape< Sparse >
- struct storage_kind_to_shape< TranspositionsStorage >
- struct sub_assign_op
- class subvector_stl_iterator
- class subvector_stl_reverse_iterator
- struct svd_precondition_2x2_block_to_be_real
- struct svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, false >
- struct svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, true >
- struct sve_packet_size_selector
- struct swap_assign_op
- struct sycl_packet_traits
- struct symbolic_last_tag
- struct symm_pack_lhs
- struct symm_pack_lhs< double, Index, Pack1, Pack2_dummy, StorageOrder >
- struct symm_pack_lhs< float, Index, Pack1, Pack2_dummy, StorageOrder >
- struct symm_pack_rhs
- struct symm_pack_rhs< double, Index, nr, StorageOrder >
- struct symm_pack_rhs< float, Index, nr, StorageOrder >
- struct take_matrix_for_product
- struct take_matrix_for_product< Transform< Scalar, Dim, Mode, Options > >
- struct take_matrix_for_product< Transform< Scalar, Dim, Projective, Options > >
- struct ternary_evaluator
- struct ternary_evaluator< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 >, IndexBased, IndexBased >
- struct Data
- struct ternary_result_of_select
- struct ternary_result_of_select< Func, ArgType0, ArgType1, ArgType2, sizeof(has_std_result_type)>
- struct ternary_result_of_select< Func, ArgType0, ArgType1, ArgType2, sizeof(has_tr1_result)>
- struct traits
- struct traits< AngleAxis< _Scalar > >
- struct traits< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > >
- struct traits< ArrayWrapper< ExpressionType > >
- struct traits< BDCSVD< _MatrixType > >
- struct traits< BandMatrix< _Scalar, _Rows, _Cols, _Supers, _Subs, _Options > >
- struct traits< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > >
- struct traits< BiCGSTAB< _MatrixType, _Preconditioner > >
- struct traits< Block< XprType, BlockRows, BlockCols, InnerPanel > >
- struct traits< ColPivHouseholderQR< _MatrixType > >
- struct traits< CompleteOrthogonalDecomposition< _MatrixType > >
- struct traits< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner > >
- struct traits< CwiseBinaryOp< BinaryOp, Lhs, Rhs > >
- struct traits< CwiseNullaryOp< NullaryOp, PlainObjectType > >
- struct traits< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 > >
- struct traits< CwiseUnaryOp< UnaryOp, XprType > >
- struct traits< CwiseUnaryView< ViewOp, MatrixType > >
- struct traits< Diagonal< MatrixType, DiagIndex > >
- struct traits< Diagonal< SparseMatrix< _Scalar, _Options, _StorageIndex >, DiagIndex > >
- struct traits< Diagonal< const SparseMatrix< _Scalar, _Options, _StorageIndex >, DiagIndex > >
- struct traits< DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > >
- struct traits< DiagonalWrapper< _DiagonalVectorType > >
- struct traits< EvalToTemp< ArgType > >
- struct traits< ForceAlignedAccess< ExpressionType > >
- struct traits< FullPivHouseholderQR< _MatrixType > >
- struct traits< FullPivHouseholderQRMatrixQReturnType< MatrixType > >
- struct traits< FullPivLU< _MatrixType > >
- struct traits< HessenbergDecompositionMatrixHReturnType< MatrixType > >
- struct traits< Homogeneous< MatrixType, Direction > >
- struct traits< HouseholderQR< _MatrixType > >
- struct traits< HouseholderSequence< VectorsType, CoeffsType, Side > >
- struct traits< IndexedView< XprType, RowIndices, ColIndices > >
- struct traits< Inverse< CompleteOrthogonalDecomposition< MatrixType > > >
- struct traits< Inverse< XprType > >
- struct traits< JacobiSVD< _MatrixType, QRPreconditioner > >
- struct traits< LDLT< _MatrixType, _UpLo > >
- struct traits< LLT< _MatrixType, _UpLo > >
- struct traits< LeastSquaresConjugateGradient< _MatrixType, _Preconditioner > >
- struct traits< Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess > >
- struct traits< Map< PlainObjectType, MapOptions, StrideType > >
- struct traits< Map< Quaternion< _Scalar >, _Options > >
- struct traits< Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct traits< Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess > >
- struct traits< Map< const Quaternion< _Scalar >, _Options > >
- struct traits< Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
- struct traits< MappedSparseMatrix< _Scalar, _Flags, _StorageIndex > >
- struct traits< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > >
- struct traits< MatrixWrapper< ExpressionType > >
- struct traits< NestByValue< ExpressionType > >
- struct traits< PartialPivLU< _MatrixType > >
- struct traits< PartialReduxExpr< MatrixType, MemberOp, Direction > >
- struct traits< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex > >
- struct traits< PermutationWrapper< _IndicesType > >
- struct traits< Product< Lhs, Rhs, Option > >
- struct traits< Quaternion< _Scalar, _Options > >
- struct traits< Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
- struct match
- struct traits< Ref< SparseVector< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
- struct match
- struct traits< Ref< _PlainObjectType, _Options, _StrideType > >
- struct match
- struct traits< Ref< const SparseMatrix< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
- struct traits< Ref< const SparseVector< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
- struct traits< RefBase< Derived > >
- struct traits< Replicate< MatrixType, RowFactor, ColFactor > >
- struct traits< Reshaped< XprType, Rows, Cols, Order > >
- struct traits< ReturnByValue< Derived > >
- struct traits< Reverse< MatrixType, Direction > >
- struct traits< Rotation2D< _Scalar > >
- struct traits< SPQRMatrixQReturnType< SPQRType > >
- struct traits< SPQRMatrixQTransposeReturnType< SPQRType > >
- struct traits< SPQR_QProduct< SPQRType, Derived > >
- struct traits< SVDBase< Derived > >
- struct traits< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > >
- struct traits< SelfAdjointView< MatrixType, UpLo > >
- struct traits< SimplicialCholesky< _MatrixType, _UpLo, _Ordering > >
- struct traits< SimplicialLDLT< _MatrixType, _UpLo, _Ordering > >
- struct traits< SimplicialLLT< _MatrixType, _UpLo, _Ordering > >
- struct traits< Solve< Decomposition, RhsType > >
- struct traits< SolveWithGuess< Decomposition, RhsType, GuessType > >
- struct traits< SparseCompressedBase< Derived > >
- struct traits< SparseMatrix< _Scalar, _Options, _StorageIndex > >
- struct traits< SparseQRMatrixQReturnType< SparseQRType > >
- struct traits< SparseQRMatrixQTransposeReturnType< SparseQRType > >
- struct traits< SparseQR_QProduct< SparseQRType, Derived > >
- struct traits< SparseRefBase< Derived > >
- struct traits< SparseSelfAdjointView< MatrixType, Mode > >
- struct traits< SparseSymmetricPermutationProduct< MatrixType, Mode > >
- struct traits< SparseVector< _Scalar, _Options, _StorageIndex > >
- struct traits< SparseView< MatrixType > >
- struct traits< Transform< _Scalar, _Dim, _Mode, _Options > >
- struct traits< Transpose< MatrixType > >
- struct traits< Transpose< TranspositionsBase< Derived > > >
- struct traits< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex > >
- struct traits< TranspositionsWrapper< _IndicesType > >
- struct traits< TriangularView< MatrixType, _Mode > >
- struct traits< TridiagonalizationMatrixTReturnType< MatrixType > >
- struct traits< VectorBlock< VectorType, Size > >
- struct traits< const T >
- struct traits< homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > >
- struct traits< homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > >
- struct traits< image_retval_base< DecompositionType > >
- struct traits< kernel_retval_base< DecompositionType > >
- struct traits< triangular_solve_retval< Side, TriangularType, Rhs > >
- struct transfer_constness
- struct transform_construct_from_matrix
- struct transform_construct_from_matrix< Other, AffineCompact, Options, Dim, HDim, HDim, HDim >
- struct transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, Dim >
- struct transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, HDim >
- struct transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, HDim, HDim >
- struct transform_left_product_impl
- struct transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, Dim, HDim >
- struct transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, HDim, HDim >
- struct transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, Dim >
- struct transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, HDim >
- struct transform_left_product_impl< Other, Mode, Options, Dim, HDim, HDim, HDim >
- struct transform_make_affine
- struct transform_make_affine< AffineCompact >
- struct transform_product_result
- struct transform_right_product_impl
- struct transform_right_product_impl< TransformType, MatrixType, 0, RhsCols >
- struct transform_right_product_impl< TransformType, MatrixType, 1, RhsCols >
- struct transform_right_product_impl< TransformType, MatrixType, 2, 1 >
- struct transform_right_product_impl< TransformType, MatrixType, 2, RhsCols >
- struct transform_rotation_impl
- struct transform_rotation_impl< Isometry >
- struct transform_take_affine_part
- struct transform_take_affine_part< Transform< Scalar, Dim, AffineCompact, Options > >
- struct transform_traits
- struct transform_transform_product_impl
- struct transform_transform_product_impl< Transform< Scalar, Dim, AffineCompact, LhsOptions >, Transform< Scalar, Dim, Projective, RhsOptions >, true >
- struct transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, false >
- struct transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, true >
- struct transform_transform_product_impl< Transform< Scalar, Dim, Projective, LhsOptions >, Transform< Scalar, Dim, AffineCompact, RhsOptions >, true >
- struct transposition_matrix_product
- struct triangular_assignment_loop
- struct triangular_assignment_loop< Kernel, Mode, 0, SetOpposite >
- struct triangular_assignment_loop< Kernel, Mode, Dynamic, SetOpposite >
- class triangular_dense_assignment_kernel
- class triangular_dense_assignment_kernel< UpLo, SelfAdjoint, SetOpposite, DstEvaluatorTypeT, SrcEvaluatorTypeT, Functor, Version >
- struct triangular_matrix_vector_product
- struct triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, ColMajor, Version >
- struct triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, RowMajor, Version >
- struct triangular_matrix_vector_product< Index, Mode, dcomplex, ConjLhs, dcomplex, ConjRhs, ColMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, dcomplex, ConjLhs, dcomplex, ConjRhs, RowMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, double, ConjLhs, double, ConjRhs, ColMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, double, ConjLhs, double, ConjRhs, RowMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, float, ConjLhs, float, ConjRhs, ColMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, float, ConjLhs, float, ConjRhs, RowMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, scomplex, ConjLhs, scomplex, ConjRhs, ColMajor, Specialized >
- struct triangular_matrix_vector_product< Index, Mode, scomplex, ConjLhs, scomplex, ConjRhs, RowMajor, Specialized >
- struct triangular_matrix_vector_product_trmv
- struct triangular_matrix_vector_product_trmv< Index, Mode, dcomplex, ConjLhs, dcomplex, ConjRhs, ColMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, dcomplex, ConjLhs, dcomplex, ConjRhs, RowMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, double, ConjLhs, double, ConjRhs, ColMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, double, ConjLhs, double, ConjRhs, RowMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, float, ConjLhs, float, ConjRhs, ColMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, float, ConjLhs, float, ConjRhs, RowMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, scomplex, ConjLhs, scomplex, ConjRhs, ColMajor >
- struct triangular_matrix_vector_product_trmv< Index, Mode, scomplex, ConjLhs, scomplex, ConjRhs, RowMajor >
- struct triangular_product_impl
- struct triangular_product_impl< Mode, LhsIsTriangular, Lhs, false, Rhs, false >
- struct triangular_product_impl< Mode, false, Lhs, true, Rhs, false >
- struct triangular_product_impl< Mode, true, Lhs, false, Rhs, true >
- struct triangular_solve_matrix
- struct triangular_solve_matrix< Scalar, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, OtherInnerStride >
- struct triangular_solve_matrix< Scalar, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor, OtherInnerStride >
- struct triangular_solve_matrix< Scalar, Index, Side, Mode, Conjugate, TriStorageOrder, RowMajor, OtherInnerStride >
- struct triangular_solve_matrix< dcomplex, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< dcomplex, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< double, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< double, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< float, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< float, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< scomplex, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_matrix< scomplex, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor, 1 >
- struct triangular_solve_retval
- struct triangular_solve_vector
- struct triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, ColMajor >
- struct triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, RowMajor >
- struct triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheRight, Mode, Conjugate, StorageOrder >
- struct triangular_solver_selector
- struct triangular_solver_selector< Lhs, Rhs, OnTheLeft, Mode, CompleteUnrolling, 1 >
- struct triangular_solver_selector< Lhs, Rhs, OnTheRight, Mode, CompleteUnrolling, 1 >
- struct triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, 1 >
- struct triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, Dynamic >
- struct triangular_solver_unroller
- struct triangular_solver_unroller< Lhs, Rhs, Mode, LoopIndex, Size, false >
- struct triangular_solver_unroller< Lhs, Rhs, Mode, LoopIndex, Size, true >
- struct tribb_kernel
- struct tridiagonalization_inplace_selector
- struct tridiagonalization_inplace_selector< MatrixType, 1, IsComplex >
- struct tridiagonalization_inplace_selector< MatrixType, 3, false >
- struct trmv_selector
- struct trmv_selector< Mode, ColMajor >
- struct trmv_selector< Mode, RowMajor >
- class trsolve_traits
- struct true_type
- struct type_casting_traits
- struct type_casting_traits< Eigen::half, float >
- struct type_casting_traits< bfloat16, float >
- struct type_casting_traits< bfloat16, unsigned short int >
- struct type_casting_traits< double, float >
- struct type_casting_traits< float, Eigen::half >
- struct type_casting_traits< float, bfloat16 >
- struct type_casting_traits< float, double >
- struct type_casting_traits< float, float >
- struct type_casting_traits< float, half >
- struct type_casting_traits< float, int >
- struct type_casting_traits< float, numext::int16_t >
- struct type_casting_traits< float, numext::int32_t >
- struct type_casting_traits< float, numext::int64_t >
- struct type_casting_traits< float, numext::int8_t >
- struct type_casting_traits< float, numext::uint16_t >
- struct type_casting_traits< float, numext::uint32_t >
- struct type_casting_traits< float, numext::uint64_t >
- struct type_casting_traits< float, numext::uint8_t >
- struct type_casting_traits< half, float >
- struct type_casting_traits< int, float >
- struct type_casting_traits< numext::int16_t, float >
- struct type_casting_traits< numext::int16_t, numext::int16_t >
- struct type_casting_traits< numext::int16_t, numext::int32_t >
- struct type_casting_traits< numext::int16_t, numext::int64_t >
- struct type_casting_traits< numext::int16_t, numext::int8_t >
- struct type_casting_traits< numext::int16_t, numext::uint16_t >
- struct type_casting_traits< numext::int16_t, numext::uint32_t >
- struct type_casting_traits< numext::int16_t, numext::uint64_t >
- struct type_casting_traits< numext::int16_t, numext::uint8_t >
- struct type_casting_traits< numext::int32_t, float >
- struct type_casting_traits< numext::int32_t, numext::int16_t >
- struct type_casting_traits< numext::int32_t, numext::int32_t >
- struct type_casting_traits< numext::int32_t, numext::int64_t >
- struct type_casting_traits< numext::int32_t, numext::int8_t >
- struct type_casting_traits< numext::int32_t, numext::uint16_t >
- struct type_casting_traits< numext::int32_t, numext::uint32_t >
- struct type_casting_traits< numext::int32_t, numext::uint64_t >
- struct type_casting_traits< numext::int32_t, numext::uint8_t >
- struct type_casting_traits< numext::int64_t, float >
- struct type_casting_traits< numext::int64_t, numext::int16_t >
- struct type_casting_traits< numext::int64_t, numext::int32_t >
- struct type_casting_traits< numext::int64_t, numext::int64_t >
- struct type_casting_traits< numext::int64_t, numext::int8_t >
- struct type_casting_traits< numext::int64_t, numext::uint16_t >
- struct type_casting_traits< numext::int64_t, numext::uint32_t >
- struct type_casting_traits< numext::int64_t, numext::uint64_t >
- struct type_casting_traits< numext::int64_t, numext::uint8_t >
- struct type_casting_traits< numext::int8_t, float >
- struct type_casting_traits< numext::int8_t, numext::int16_t >
- struct type_casting_traits< numext::int8_t, numext::int32_t >
- struct type_casting_traits< numext::int8_t, numext::int64_t >
- struct type_casting_traits< numext::int8_t, numext::int8_t >
- struct type_casting_traits< numext::int8_t, numext::uint16_t >
- struct type_casting_traits< numext::int8_t, numext::uint32_t >
- struct type_casting_traits< numext::int8_t, numext::uint64_t >
- struct type_casting_traits< numext::int8_t, numext::uint8_t >
- struct type_casting_traits< numext::uint16_t, float >
- struct type_casting_traits< numext::uint16_t, numext::int16_t >
- struct type_casting_traits< numext::uint16_t, numext::int32_t >
- struct type_casting_traits< numext::uint16_t, numext::int64_t >
- struct type_casting_traits< numext::uint16_t, numext::int8_t >
- struct type_casting_traits< numext::uint16_t, numext::uint16_t >
- struct type_casting_traits< numext::uint16_t, numext::uint32_t >
- struct type_casting_traits< numext::uint16_t, numext::uint64_t >
- struct type_casting_traits< numext::uint16_t, numext::uint8_t >
- struct type_casting_traits< numext::uint32_t, float >
- struct type_casting_traits< numext::uint32_t, numext::int16_t >
- struct type_casting_traits< numext::uint32_t, numext::int32_t >
- struct type_casting_traits< numext::uint32_t, numext::int64_t >
- struct type_casting_traits< numext::uint32_t, numext::int8_t >
- struct type_casting_traits< numext::uint32_t, numext::uint16_t >
- struct type_casting_traits< numext::uint32_t, numext::uint32_t >
- struct type_casting_traits< numext::uint32_t, numext::uint64_t >
- struct type_casting_traits< numext::uint32_t, numext::uint8_t >
- struct type_casting_traits< numext::uint64_t, float >
- struct type_casting_traits< numext::uint64_t, numext::int16_t >
- struct type_casting_traits< numext::uint64_t, numext::int32_t >
- struct type_casting_traits< numext::uint64_t, numext::int64_t >
- struct type_casting_traits< numext::uint64_t, numext::int8_t >
- struct type_casting_traits< numext::uint64_t, numext::uint16_t >
- struct type_casting_traits< numext::uint64_t, numext::uint32_t >
- struct type_casting_traits< numext::uint64_t, numext::uint64_t >
- struct type_casting_traits< numext::uint64_t, numext::uint8_t >
- struct type_casting_traits< numext::uint8_t, float >
- struct type_casting_traits< numext::uint8_t, numext::int16_t >
- struct type_casting_traits< numext::uint8_t, numext::int32_t >
- struct type_casting_traits< numext::uint8_t, numext::int64_t >
- struct type_casting_traits< numext::uint8_t, numext::int8_t >
- struct type_casting_traits< numext::uint8_t, numext::uint16_t >
- struct type_casting_traits< numext::uint8_t, numext::uint32_t >
- struct type_casting_traits< numext::uint8_t, numext::uint64_t >
- struct type_casting_traits< numext::uint8_t, numext::uint8_t >
- struct type_casting_traits< unsigned short int, bfloat16 >
- struct umeyama_transform_matrix_type
- struct unaligned_dense_assignment_loop
- struct unaligned_dense_assignment_loop< false >
- struct unary_evaluator
- struct unary_evaluator< ArrayWrapper< TArgType > >
- struct unary_evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel >, IndexBased >
- struct unary_evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel >, IteratorBased >
- class InnerVectorInnerIterator
- class OuterVectorInnerIterator
- struct unary_evaluator< Block< SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true >, IteratorBased >
- struct unary_evaluator< Block< const SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true >, IteratorBased >
- struct unary_evaluator< CwiseUnaryOp< UnaryOp, ArgType >, IndexBased >
- struct Data
- struct unary_evaluator< CwiseUnaryOp< UnaryOp, ArgType >, IteratorBased >
- class InnerIterator
- struct unary_evaluator< CwiseUnaryView< UnaryOp, ArgType >, IndexBased >
- struct Data
- struct unary_evaluator< CwiseUnaryView< ViewOp, ArgType >, IteratorBased >
- class InnerIterator
- struct unary_evaluator< Homogeneous< ArgType, Direction >, IndexBased >
- struct unary_evaluator< IndexedView< ArgType, RowIndices, ColIndices >, IndexBased >
- struct unary_evaluator< Inverse< ArgType > >
- struct unary_evaluator< MatrixWrapper< TArgType > >
- struct unary_evaluator< Replicate< ArgType, RowFactor, ColFactor > >
- struct unary_evaluator< Reverse< ArgType, Direction > >
- struct unary_evaluator< SparseView< ArgType >, IndexBased >
- class InnerIterator
- struct unary_evaluator< SparseView< ArgType >, IteratorBased >
- class InnerIterator
- struct unary_evaluator< SparseView< Product< Lhs, Rhs, Options > >, IteratorBased >
- struct unary_evaluator< Transpose< ArgType >, IndexBased >
- struct unary_evaluator< Transpose< ArgType >, IteratorBased >
- class InnerIterator
- struct unary_evaluator< TriangularView< ArgType, Mode >, IteratorBased >
- class InnerIterator
- struct unary_evaluator< TriangularView< MatrixType, Mode >, IndexBased >
- struct unary_result_of_select
- struct unary_result_of_select< Func, ArgType, sizeof(has_std_result_type)>
- struct unary_result_of_select< Func, ArgType, sizeof(has_tr1_result)>
- struct uniformscaling_times_affine_returntype
- struct unitOrthogonal_selector
- struct unitOrthogonal_selector< Derived, 2 >
- struct unitOrthogonal_selector< Derived, 3 >
- struct unpacket_traits
- struct unpacket_traits< DoublePacket< Packet > >
- struct unpacket_traits< Packet16b >
- struct unpacket_traits< Packet16bf >
- struct unpacket_traits< Packet16c >
- struct unpacket_traits< Packet16f >
- struct unpacket_traits< Packet16h >
- struct unpacket_traits< Packet16i >
- struct unpacket_traits< Packet16uc >
- struct unpacket_traits< Packet1cd >
- struct unpacket_traits< Packet1cf >
- struct unpacket_traits< Packet2cd >
- struct unpacket_traits< Packet2cf >
- struct unpacket_traits< Packet2d >
- struct unpacket_traits< Packet2f >
- struct unpacket_traits< Packet2i >
- struct unpacket_traits< Packet2l >
- struct unpacket_traits< Packet2ui >
- struct unpacket_traits< Packet2ul >
- struct unpacket_traits< Packet4bf >
- struct unpacket_traits< Packet4c >
- struct unpacket_traits< Packet4cd >
- struct unpacket_traits< Packet4cf >
- struct unpacket_traits< Packet4d >
- struct unpacket_traits< Packet4f >
- struct unpacket_traits< Packet4i >
- struct unpacket_traits< Packet4s >
- struct unpacket_traits< Packet4uc >
- struct unpacket_traits< Packet4ui >
- struct unpacket_traits< Packet4us >
- struct unpacket_traits< Packet8bf >
- struct unpacket_traits< Packet8c >
- struct unpacket_traits< Packet8cf >
- struct unpacket_traits< Packet8d >
- struct unpacket_traits< Packet8f >
- struct unpacket_traits< Packet8h >
- struct unpacket_traits< Packet8i >
- struct unpacket_traits< Packet8s >
- struct unpacket_traits< Packet8uc >
- struct unpacket_traits< Packet8us >
- struct unpacket_traits< PacketXf >
- struct unpacket_traits< PacketXi >
- struct unpacket_traits< const T >
- struct valid_indexed_view_overload
- class variable_if_dynamic
- class variable_if_dynamic< T, Dynamic >
- class variable_if_dynamicindex
- class variable_if_dynamicindex< T, DynamicIndex >
- struct vectorwise_reverse_inplace_impl
- struct vectorwise_reverse_inplace_impl< Horizontal >
- struct vectorwise_reverse_inplace_impl< Vertical >
- class visitor_evaluator
- struct visitor_impl
- struct visitor_impl< Visitor, Derived, 0 >
- struct visitor_impl< Visitor, Derived, 1 >
- struct visitor_impl< Visitor, Derived, Dynamic >
- class vml_assign_traits
- namespace numext
- struct equal_to
- struct not_equal_to
- struct partial_redux_dummy_func
- namespace placeholders
- 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 >
- namespace symbolic
- class AddExpr
- class BaseExpr
- class NegateExpr
- class ProductExpr
- class QuotientExpr
- class Symbol
- class SymbolExpr
- class SymbolValue
- class ValueExpr
- class ValueExpr< internal::FixedInt< N > >
- struct is_symbolic
- class FeatureTracker
- struct FixedBlockXpr
- struct FixedSegmentReturnType
- struct GstUnrefDeleter
- class IMotionEstimatorBuilder
- namespace InferenceEngine
- struct IvcColType
- struct IvcRowType
- struct IvcType
- class MotionEstimatorRansacL2Builder
- struct NColsBlockXpr
- struct NRowsBlockXpr
- struct PrivacyMaskInfo
- struct ShiftLeftXpr
- struct ShiftRightXpr
- class SparseLUImpl
- struct _tc_dispatch_stride
Structure to hold Graph dispatch stride (spatial gap between consecutive threads) - struct _tc_graph_export_options
The options to be passed to the driver for exporting the graph. - struct _tc_input_neighborhood_t
- struct _tc_vx_pipelining_advanced_config
The data structure that is shared with the users for advanced pipelining config. - struct _tc_vx_tensor_scale_factors
The data structure used by VX_TENSOR_ATTRIBUTE_TC_SCALE_FACTORS, for setting and returning quantization scale factors. - struct _vx_border_t
Use with the enumerationVX_NODE_BORDER
to set the border mode behavior of a node that supports borders. - struct _vx_buffer1d_patch_t
The data structure that is shared with the users. - struct _vx_buffer3d_patch_t
The data structure that is shared with the users. - struct _vx_buffer4d_patch_t
The data structure that is shared with the users. - struct _vx_coordinates2d_t
The 2D Coordinates structure. - struct _vx_coordinates3d_t
The 3D Coordinates structure. - struct _vx_delta_rectangle_t
- struct _vx_graph_parameter_queue_params_t
Queueing parameters for a specific graph parameter. - struct _vx_imagepatch_addressing_t
The addressing image patch structure is used by the Host only to address pixels in an image patch. The fields of the structure are defined as: - struct _vx_kernel_info_t
The Kernel Information Structure. This is returned by the Context to indicate which kernels are available in the OpenVX implementation. - struct _vx_keypoint_t
The keypoint data structure. - struct _vx_perf_t
The performance measurement structure. The time or durations are in units of nano seconds. - struct _vx_pipelining_config_t
Queueing parameters for a specific graph parameter. - union _vx_pixel_value_t
Union that describes the value of a pixel for any image format. Use the field corresponding to the image format. - struct _vx_rectangle_t
The rectangle data structure that is shared with the users. The area of the rectangle can be computed as (end_x-start_x)*(end_y-start_y). - namespace blaize
- class ConfigurationValue
- struct float32x4
- struct int16x4
- struct int32x4
- struct int8x4
- namespace isp
- namespace onnx
- namespace opset13
- struct uint16x4
- struct uint32x4
- struct uint8x4
- namespace vx
- struct IsVxType
- class Scales
Stores the scale factors for a tensor. - class Unique
Wrap a vx_ object (e.g. vx_context) with an object that automatically calls vxReleaseReference on scope exit. - class VxOrder
Indicates that the following dimensions are in VX order rather than numpy/ONNX order. - class basic_shape
- namespace details
- struct blur_apply_cfg
Description of blur apply configuration. - struct blur_area_buf
Description of blur area buffer parameters. - struct blur_area_cfg
Description of blur area parameters. - struct blur_area_mem_cfg
Description of blur area memory configuration. - struct blur_color_cfg
Description of blur color table parameters. - struct blur_info_s
- struct blur_lib_context
- struct blur_mem_cfg
Description of blur memory configuration. - struct blur_pool_cfg
- struct blur_stream_cfg
Description of stream blur configuration. - struct bufferSource
- namespace byte_track
- class BYTETracker
- struct config
- class KalmanFilter
- struct Object
- class Rect
- class STrack
- class BYTETracker
- struct contextBuffer
- namespace cv
- namespace cvedia
- namespace module
- class JetsonUtils
- class JetsonUtilsManaged
Post-processing plugins for applying jetsonutils and modifiers to images on the framebuffer stack. - class JetsonVideoReader
Native implementation of the Videoreader plugin. - class JetsonVideoReaderHandler
Managed interface for the Videoreader plugin.
- namespace rt
- class EventActionDisk
- class EventActionImpl
- class EventActionManaged
- struct config
- class EventActionRest
- class EventDispatcherImpl
- class EventStorageImpl
- class GroupImpl
- class Inference
- class InferenceManaged
Universal interface for running inference on any of the supported chipsets as well as shaping the output of detectors, classifiers and regressors.- struct AsyncJob_
- struct AsyncResult_
- struct WeakPtrComparator_
- class InputManaged
- struct config
- class InstanceDescriptorImpl
- class InstanceImpl
API for interfacing with a specific runtime instance. - class OutputImpl
- struct config
- class Post
- struct cache
- class PostYoloX
- struct cache
- class SolutionImpl
- class UiCallbackImpl
- class VirtualInstanceDescriptorImpl
- class WebClient
- class Yolo
- struct cache
- namespace api
- namespace builtin
- namespace iface
- namespace internal
- namespace module
- class ARMnnCore
- struct config
- struct model_config
- struct stats
- class ARMnnInferenceHandler
- class AmbaOutCore
- class AmbaOutManaged
Ambarella output plugin. - class AmbaReader
Native implementation of the Videoreader plugin. - class AmbaReaderInput
Managed interface for the Videoreader plugin. - class AppSrcCore
Native implementation of the AppSrcCore plugin. - class AppSrcHandler
Managed interface for the Videoreader plugin. - class BLAIZECore
- struct config
- struct model_config
- struct stats
- class BLAIZEInferenceHandler
- class GStreamerReaderCore
Native implementation of the Videoreader plugin. - class GStreamerReaderInput
Managed interface for the Videoreader plugin. - class GStreamerWriterCore
Native implementation of the Videoreader plugin. - class GStreamerWriterOutput
Plugin for outputting streams. - class HLSOutput
Plugin for outputting streams. - class HailoCore
- struct config
- struct device_info
- struct model_config
- struct stats
- class HailoInferenceHandler
- class HlsCore
- class HlsStream
- class ImageReaderCore
Native implementation of the ImageReader plugin. - class ImageReaderHandler
Managed interface for the ImageReader plugin. - class MNNCore
- struct config
- struct model_config
- struct stats
- class MNNInferenceHandler
- class MQTTCore
- class MQTTEventActionHandler
Plugin for storing images and structured data on disk. - class MQTTInputHandler
Plugin reading frames from MQTT networks. - class MQTTManaged
MQTT messaging protocol implementation for reading and writing data on a queue. - class MQTTOutputHandler
Plugin for outputting frames to MQTT networks. - class MotionCore
- class MotionManagedImpl
Motion detection plugin that acts on video feeds for identifying areas of interest. - class NBusCore
- class NBusManaged
NBus Connector plugin. - class NBusOutputHandler
Plugin for outputting data to NBus/VANA. - class OpenVinoCore
- struct config
- struct model_config
- struct stats
- class OpenVinoInferenceHandler
- class PaddleCore
- struct config
- struct model_config
- struct stats
- class PaddleInferenceHandler
- class REST
- class RESTEventActionHandler
Plugin for storing images and structured data on disk. - class RESTHandler
Plugin for storing images and structured data on disk. - class RESTOutputHandler
Plugin for outputting frames to REST networks. - class RknnCore
- struct config
- struct model_config
- class RknnInferenceHandler
- class RtspServer
Native implementation of the Videoreader plugin. - class RtspStream
Native implementation of the Videoreader plugin. - class Screencap
- struct config
- class ScreencapInput
- class Segment
- class SigmaStarCore
- struct config
- struct model_config
- struct stats
- class SigmaStarInferenceHandler
- class SigmaStarReader
Native implementation of the Videoreader plugin. - class SigmaStarReaderInput
Managed interface for the Videoreader plugin. - class SnpeCore
- struct config
- struct model_config
- class SnpeInferenceHandler
- class TRTInferenceHandler
- class TamperingManagedImpl
Motion detection plugin that acts on video feeds for identifying areas of interest. - class TopBusCore
- class TopBusManaged
TopBus Connector plugin. - class TopBusOutputHandler
Plugin for outputting data to TopBus/VANA. - class TrackerCore
- class TrackerManaged
Basic tracking functionality that tracks objects across multiple frames and provides temporal stability. - class TrackerManagedLua
- class TripwireManaged
Interface for managing tripwires. - class TrtCore
- struct Config
- struct Context
- struct ModelConfig
- struct stats
- class VideoReaderCore
Native implementation of the VideoReaderCore plugin. - class VideoReaderHandler
Managed interface for the Videoreader plugin. - class WriteDataCore
- class WriteDataEventActionHandler
Plugin for storing images and structured data on disk. - class WriteDataImpl
Plugin for storing images and structured data on disk. - class WriteDataOutputHandler
Plugin for storing images and structured data on disk. - class ZMQCore
- class ZMQImpl
ZMQ messaging protocol implementation for reading and writing data on a queue. - class ZoneManaged
Interface for managing zones.
- class ARMnnCore
- namespace tests
- namespace ui
- struct BoundingBox
- struct BoundingBox3d
- namespace handlers
- class Bbox3dHandler
- struct Bbox3dData
- struct Bbox3dHandlerConfig
- class BboxDiffHandler
- struct bboxEntry
- class BboxHandler
- struct BboxData
- struct BboxHandlerConfig
- struct LabelData
- struct ScrollingBuffer
- class EventHandler
- class LineHandler
- struct LineData
- struct LineHandlerConfig
- class PointHandler
- struct PointData
- struct PointHandlerConfig
- struct ScrollingBuffer
- class PolyHandler
- struct PolyData
- struct PolyHandlerConfig
- class TextHandler
- struct TextData
- struct TextHandlerConfig
- struct TextHandlerElementConfig
- namespace bbox
- namespace bbox3d
- namespace line
- namespace point
- namespace poly
- namespace text
- class Bbox3dHandler
- namespace module
- struct debug_type
- namespace dense_xpr_base
- namespace evaluator
- struct frame_buffer
- namespace gsf
- class bf16
- struct graph_outputs
Holds a list of tensors and fixed point scales. - struct image_parameters
Describes the vx_image. - struct kernel_arg
Describes a kernel argument. - class tensor_details
Optionally owns a vx_tensor and provides extended access. - struct tensor_info
Holds metadata about a tensor.
- namespace gsf::@371
- struct hint_s
- namespace iface
- namespace internal
- namespace Colamd
- struct ColStructure
- struct RowStructure
- namespace TransposeImpl_base
- namespace dense_xpr_base
- namespace generic_xpr_base
- namespace Colamd
- struct mcu_info
- struct osd_clut_s
- namespace sol
- namespace std
- struct stream_info_s
- struct tc_input_neighborhood_t
This structure is used to specify the neighborhood for an input parameter for a node. - namespace unary_evaluator
- namespace util
- struct v3f
- namespace xt::placeholders
Updated on 2023-09-26 at 11:31:52 +0000