| CEigen::AutoDiffScalar< DerivativeType > | A scalar type replacement with automatic differentiation capability |
| CEigen::AutoDiffScalar< DerType > | |
| CEigen::AutoDiffScalar< Matrix< BaseScalar, JacobianType::RowsAtCompileTime, 1 > > | |
| CEigen::AutoDiffScalar< Matrix< typename NumTraits< typename DerTypeCleaned::Scalar >::Real, DerTypeCleaned::RowsAtCompileTime, DerTypeCleaned::ColsAtCompileTime, 0, DerTypeCleaned::MaxRowsAtCompileTime, DerTypeCleaned::MaxColsAtCompileTime > > | |
| CEigen::AutoDiffScalar< typename Eigen::internal::remove_all_t< DerType >::PlainObject > | |
| CEigen::AutoDiffScalar< typename JacobianType::ColXpr > | |
| CEigen::TensorSycl::internal::BlockProperties< is_transposed, is_rhs_, packet_load_, PacketType > | BlockProperties is a template class that provides different characteristic of a block of each Tensor processed by each workgroup |
| CEigen::internal::CoeffLoader< Tensor, HasRawAccess, MakePointer_ > | |
| ►CEigen::DenseCoeffsBase< Derived, DirectWriteAccessors > [external] | |
| ►CEigen::DenseBase< Derived > [external] | |
| ►CEigen::MatrixBase< AlignedVector3< Scalar_ > > [external] | |
| CEigen::AlignedVector3< Scalar_ > | A vectorization friendly 3D vector |
| ►CEigen::MatrixBase< typename Derived > [external] | |
| CEigen::AlignedVector3< Scalar > | |
| CEigen::DynamicSGroup | Dynamic symmetry group |
| ►CEigen::EigenBase< Derived > [external] | |
| ►CEigen::SparseMatrixBase< BlockSparseMatrix< Scalar_, _BlockAtCompileTime, Options_, StorageIndex_ > > [external] | |
| CEigen::BlockSparseMatrix< Scalar_, _BlockAtCompileTime, Options_, StorageIndex_ > | A versatile sparse matrix representation where each element is a block |
| ►CEigen::SparseMatrixBase< BlockSparseMatrix< Scalar_, _BlockAtCompileTime, Options_, StorageIndex > > [external] | |
| CEigen::BlockSparseMatrix< Scalar_, _BlockAtCompileTime, Options_, StorageIndex > | |
| ►CEigen::SparseMatrixBase< typename Derived > [external] | |
| CEigen::BlockSparseMatrix< Scalar, BlockSize, IsColMajor ? ColMajor :RowMajor, StorageIndex > | |
| CEigen::EulerSystem< _AlphaAxis, _BetaAxis, _GammaAxis > | Represents a fixed Euler rotation system |
| CEigen::internal::ExpressionHasTensorBroadcastingOp< Expression > | |
| CEigen::TensorSycl::internal::GeneralScalarContraction< OutScalar, LhsScalar, RhsScalar, OutAccessor, LhsMapper, RhsMapper, StorageIndex, Vectorizable > | GeneralScalarContraction is a template class that provides the scalar value of Tensor -Tensor contraction operation, when all the dimensions are contracting dimensions. This Kernel reduces two tensors to an scalar |
| CEigen::TensorSycl::internal::GeneralVectorTensor< OutScalar, OutAccessor, VectorMapper, TensorMapper, StorageIndex, Properties, KFactor, Vectorizable, is_lhs_vec, IsFinal > | GeneralVectorTensor is a template class that provides Tensor -vector contraction operation, which is a special case of Tensor Tensor contraction |
| CEigen::HybridNonLinearSolver< FunctorType, Scalar > | Finds a zero of a system of n nonlinear functions in n variables by a modification of the Powell hybrid method ("dogleg") |
| CEigen::internal::Initializer< Derived, N > | Helper template to initialize Tensors from std::initializer_lists |
| CEigen::IterScaling< MatrixType_ > | Iterative scaling algorithm to equilibrate rows and column norms in matrices |
| CEigen::KahanSum< Scalar > | Kahan algorithm based accumulator |
| CEigen::KdBVH< Scalar_, Dim_, Object_ > | A simple bounding volume hierarchy based on AlignedBox |
| CEigen::KroneckerProductBase< Derived > | The base class of dense and sparse Kronecker product |
| CEigen::KroneckerProductBase< KroneckerProduct > | |
| ►CEigen::KroneckerProductBase< KroneckerProduct< Lhs, Rhs > > | |
| CEigen::KroneckerProduct< Lhs, Rhs > | Kronecker tensor product helper class for dense matrices |
| CEigen::KroneckerProductBase< KroneckerProductSparse > | |
| ►CEigen::KroneckerProductBase< KroneckerProductSparse< Lhs, Rhs > > | |
| CEigen::KroneckerProductSparse< Lhs, Rhs > | Kronecker tensor product helper class for sparse matrices |
| CEigen::LevenbergMarquardt< FunctorType_ > | Performs non linear optimization over a non-linear function, using a variant of the Levenberg Marquardt algorithm |
| CEigen::internal::matrix_exp_computeUV< MatrixType, RealScalar > | Compute the (17,17)-Padé approximant to the exponential |
| CEigen::internal::matrix_function_compute< MatrixType, IsComplex > | Class for computing matrix functions |
| CEigen::internal::matrix_sqrt_compute< MatrixType, IsComplex > | Helper struct for computing matrix square roots of general matrices |
| CEigen::MatrixComplexPowerReturnValue< Derived > | Proxy for the matrix power of some matrix (expression) |
| CEigen::MatrixExponentialReturnValue< Derived > | Proxy for the matrix exponential of some matrix (expression) |
| CEigen::internal::MatrixExponentialScalingOp< Scalar, IsComplex > | Scaling operator |
| CEigen::internal::MatrixFunctionAtomic< MatrixType > | Helper class for computing matrix functions of atomic matrices |
| CEigen::MatrixFunctionReturnValue< Derived > | Proxy for the matrix function of some matrix (expression) |
| CEigen::internal::MatrixLogarithmAtomic< MatrixType > | Helper class for computing matrix logarithm of atomic matrices |
| CEigen::MatrixLogarithmReturnValue< Derived > | Proxy for the matrix logarithm of some matrix (expression) |
| CEigen::MatrixMarketIterator< Scalar > | Iterator to browse matrices from a specified folder |
| CEigen::MatrixPower< MatrixType > | Class for computing matrix powers |
| CEigen::MatrixPowerAtomic< MatrixType > | Class for computing matrix powers |
| CEigen::MatrixPowerParenthesesReturnValue< MatrixType > | Proxy for the matrix power of some matrix |
| CEigen::MatrixPowerReturnValue< Derived > | Proxy for the matrix power of some matrix (expression) |
| CEigen::MatrixSquareRootReturnValue< Derived > | Proxy for the matrix square root of some matrix (expression) |
| CEigen::TensorSycl::internal::TensorContractionKernel< OutScalar, LhsScalar, RhsScalar, OutAccessor, LhsMapper, RhsMapper, StorageIndex, Properties, TripleDim, Vectorizable, input_mapper_properties, IsFinal, contraction_tp >::MemHolder< contraction_type, StorageIndex > | MemHolder this is a place holder struct for creating memory hierarchy in SYCL. Inside SYCL kernel it is not allowed to have dynamic memory allocation. While the local memory is created outside of the kernel and passed to the kernel as an accessor, the private memory can only allowed to be allocated statically. Since we are abstracting the TiledMemory for both local and private memory, the MemHolder structs is used as a helper to abstract out different type of memory needed when local/no_local memory computation is called |
| CEigen::TensorSycl::internal::TensorContractionKernel< OutScalar, LhsScalar, RhsScalar, OutAccessor, LhsMapper, RhsMapper, StorageIndex, Properties, TripleDim, Vectorizable, input_mapper_properties, IsFinal, contraction_tp >::MemHolder< contraction_type::no_local, MemSize > | Specialization of memHolder class when no local memory kernel is used |
| CEigen::NNLS< MatrixType_ > | Implementation of the Non-Negative Least Squares (NNLS) algorithm |
| CEigen::NumericalDiff< Functor_, mode > | |
| ►CEigen::PolynomialSolverBase< Scalar_, Deg_ > | Defined to be inherited by polynomial solvers: it provides convenient methods such as |
| CEigen::PolynomialSolver< Scalar_, Deg_ > | A polynomial solver |
| CEigen::PolynomialSolverBase< Scalar_, 1 > | |
| CEigen::RandomSetter< SparseMatrixType, MapTraits, OuterPacketBits > | The RandomSetter is a wrapper object allowing to set/update a sparse matrix with random access |
| CEigen::internal::ReductionReturnType< Op, CoeffReturnType > | |
| ►CEigen::RotationBase< typename Derived, int Dim_ > [external] | |
| CEigen::EulerAngles< float, EulerSystemXYZ > | |
| CEigen::EulerAngles< float, EulerSystemXYX > | |
| CEigen::EulerAngles< float, EulerSystemXZY > | |
| CEigen::EulerAngles< float, EulerSystemXZX > | |
| CEigen::EulerAngles< float, EulerSystemYZX > | |
| CEigen::EulerAngles< float, EulerSystemYZY > | |
| CEigen::EulerAngles< float, EulerSystemYXZ > | |
| CEigen::EulerAngles< float, EulerSystemYXY > | |
| CEigen::EulerAngles< float, EulerSystemZXY > | |
| CEigen::EulerAngles< float, EulerSystemZXZ > | |
| CEigen::EulerAngles< float, EulerSystemZYX > | |
| CEigen::EulerAngles< float, EulerSystemZYZ > | |
| CEigen::EulerAngles< double, EulerSystemXYZ > | |
| CEigen::EulerAngles< double, EulerSystemXYX > | |
| CEigen::EulerAngles< double, EulerSystemXZY > | |
| CEigen::EulerAngles< double, EulerSystemXZX > | |
| CEigen::EulerAngles< double, EulerSystemYZX > | |
| CEigen::EulerAngles< double, EulerSystemYZY > | |
| CEigen::EulerAngles< double, EulerSystemYXZ > | |
| CEigen::EulerAngles< double, EulerSystemYXY > | |
| CEigen::EulerAngles< double, EulerSystemZXY > | |
| CEigen::EulerAngles< double, EulerSystemZXZ > | |
| CEigen::EulerAngles< double, EulerSystemZYX > | |
| CEigen::EulerAngles< double, EulerSystemZYZ > | |
| ►CEigen::RotationBase< EulerAngles< Scalar_, _System >, 3 > [external] | |
| CEigen::EulerAngles< Scalar_, _System > | Represents a rotation in a 3 dimensional space as three Euler angles |
| CEigen::SGroup< Gen > | Symmetry group, initialized from template arguments |
| CEigen::SparseInverse< Scalar > | Calculate sparse subset of inverse of sparse matrix |
| ►CEigen::SparseSolverBase< Derived > [external] | |
| ►CEigen::IterativeSolverBase< DGMRES< MatrixType_, Preconditioner_ > > [external] | |
| CEigen::DGMRES< MatrixType_, Preconditioner_ > | A Restarted GMRES with deflation. This class implements a modification of the GMRES solver for sparse linear systems. The basis is built with modified Gram-Schmidt. At each restart, a few approximated eigenvectors corresponding to the smallest eigenvalues are used to build a preconditioner for the next cycle. This preconditioner for deflation can be combined with any other preconditioner, the IncompleteLUT for instance. The preconditioner is applied at right of the matrix and the combination is multiplicative |
| ►CEigen::IterativeSolverBase< GMRES< MatrixType_, Preconditioner_ > > [external] | |
| CEigen::GMRES< MatrixType_, Preconditioner_ > | A GMRES solver for sparse square problems |
| ►CEigen::IterativeSolverBase< IDRS< MatrixType_, Preconditioner_ > > [external] | |
| CEigen::IDRS< MatrixType_, Preconditioner_ > | The Induced Dimension Reduction method (IDR(s)) is a short-recurrences Krylov method for sparse square problems |
| ►CEigen::IterativeSolverBase< IDRSTABL< MatrixType_, Preconditioner_ > > [external] | |
| CEigen::IDRSTABL< MatrixType_, Preconditioner_ > | The IDR(s)STAB(l) is a combination of IDR(s) and BiCGSTAB(l). It is a short-recurrences Krylov method for sparse square problems. It can outperform both IDR(s) and BiCGSTAB(l). IDR(s)STAB(l) generally closely follows the optimal GMRES convergence in terms of the number of Matrix-Vector products. However, without the increasing cost per iteration of GMRES. IDR(s)STAB(l) is suitable for both indefinite systems and systems with complex eigenvalues |
| ►CEigen::IterativeSolverBase< MINRES< MatrixType_, UpLo_, Preconditioner_ > > [external] | |
| CEigen::MINRES< MatrixType_, UpLo_, Preconditioner_ > | A minimal residual solver for sparse symmetric problems |
| CEigen::Spline< Scalar_, Dim_, Degree_ > | A class representing multi-dimensional spline curves |
| CEigen::SplineFitting< SplineType > | Spline fitting methods |
| CEigen::SplineTraits< Spline< Scalar_, Dim_, Degree_ >, _DerivativeOrder > | Compile-time attributes of the Spline class for fixed degree |
| CEigen::SplineTraits< Spline< Scalar_, Dim_, Degree_ >, Dynamic > | Compile-time attributes of the Spline class for Dynamic degree |
| CEigen::StaticSGroup< Gen > | Static symmetry group |
| CEigen::StdMapTraits< Scalar > | |
| CEigen::StdUnorderedMapTraits< Scalar > | |
| CEigen::TensorAsyncDevice< ExpressionType, DeviceType, DoneCallback > | Pseudo expression providing an operator = that will evaluate its argument asynchronously on the specified device. Currently only ThreadPoolDevice implements proper asynchronous execution, while the default and GPU devices just run the expression synchronously and call m_done() on completion. |
| CEigen::internal::TensorAsyncExecutor< Expression, Device, DoneCallback, Vectorizable, Tiling > | |
| ►CEigen::TensorBase< Derived, AccessLevel > | The tensor base class |
| CEigen::TensorAssignOp< LeftArgType, RightArgType > | |
| CEigen::TensorBroadcastingOp< Broadcast, ArgType > | |
| CEigen::TensorChippingOp< DimId, ArgType > | |
| CEigen::TensorConcatenationOp< Axis, LeftArgType, RightArgType > | |
| CEigen::TensorContractionOp< Dimensions, LhsXprType, RhsXprType, OutputKernelType > | |
| CEigen::TensorContractionOp< Indices, LeftArgType, RightArgType, OutputKernelType > | |
| CEigen::TensorConversionOp< TargetType, ArgType > | |
| CEigen::TensorConversionOp< TargetType, const ArgXprType > | |
| CEigen::TensorConvolutionOp< Dimensions, InputXprType, KernelXprType > | |
| CEigen::TensorConvolutionOp< Indices, InputArgType, KernelArgType > | |
| CEigen::TensorCwiseBinaryOp< BinaryOp, LeftArgType, RightArgType > | |
| CEigen::TensorCwiseNullaryOp< NullaryOp, ArgType > | |
| CEigen::TensorCwiseUnaryOp< UnaryOp, ArgType > | |
| CEigen::TensorFFTOp< FFT, ArgType, FFTResultType, FFTDir > | |
| CEigen::TensorForcedEvalOp< ArgType > | |
| CEigen::TensorGeneratorOp< Generator, ArgType > | |
| CEigen::TensorImagePatchOp< Rows, Cols, ArgType > | |
| CEigen::TensorIndexPairOp< ArgType > | |
| CEigen::CoeffReturnType< ArgType > | |
| CEigen::TensorInflationOp< Strides, ArgType > | |
| CEigen::TensorMap< const Tensor< Scalar, NumDims, Layout > > | |
| CEigen::TensorPaddingOp< PaddingDimensions, ArgType > | |
| CEigen::TensorPatchOp< PatchDim, ArgType > | |
| CEigen::TensorReductionOp< Op, Dims, ArgType, MakePointer_ > | |
| CEigen::TensorReshapingOp< NewDimensions, ArgType > | |
| CEigen::TensorReverseOp< ReverseDimensions, ArgType > | |
| CEigen::TensorRollOp< RollDimensions, ArgType > | |
| CEigen::TensorScanOp< Op, ArgType > | |
| CEigen::TensorShufflingOp< Shuffle, ArgType > | |
| CEigen::TensorStridingOp< Strides, ArgType > | |
| CEigen::TensorTraceOp< Dims, ArgType > | |
| CEigen::TensorVolumePatchOp< Planes, Rows, Cols, ArgType > | |
| CEigen::TensorBase< Derived > | |
| ►CEigen::TensorBase< Tensor< Scalar_, NumIndices_, Options_, IndexType_ > > | |
| CEigen::Tensor< Scalar_, NumIndices_, Options_, IndexType_ > | The tensor class |
| ►CEigen::TensorBase< TensorAssignOp< LhsXprType, RhsXprType > > | |
| CEigen::TensorAssignOp< LhsXprType, RhsXprType > | |
| ►CEigen::TensorBase< TensorBroadcastingOp< Broadcast, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorBroadcastingOp< Broadcast, XprType > | |
| ►CEigen::TensorBase< TensorChippingOp< DimId, XprType > > | |
| CEigen::TensorChippingOp< DimId, XprType > | |
| ►CEigen::TensorBase< TensorConcatenationOp< Axis, LhsXprType, RhsXprType >, WriteAccessors > | |
| CEigen::TensorConcatenationOp< Axis, LhsXprType, RhsXprType > | Tensor concatenation class |
| ►CEigen::TensorBase< TensorContractionOp< Indices, LhsXprType, RhsXprType, const NoOpOutputKernel >, ReadOnlyAccessors > | |
| CEigen::TensorContractionOp< Indices, LhsXprType, RhsXprType, OutputKernelType > | |
| ►CEigen::TensorBase< TensorConversionOp< TargetType, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorConversionOp< TargetType, XprType > | Tensor conversion class. This class makes it possible to vectorize type casting operations when the number of scalars per packet in the source and the destination type differ |
| ►CEigen::TensorBase< TensorConvolutionOp< Indices, InputXprType, KernelXprType >, ReadOnlyAccessors > | |
| CEigen::TensorConvolutionOp< Indices, InputXprType, KernelXprType > | |
| ►CEigen::TensorBase< TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType >, ReadOnlyAccessors > | |
| CEigen::TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType > | Tensor custom class |
| ►CEigen::TensorBase< TensorCustomUnaryOp< CustomUnaryFunc, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorCustomUnaryOp< CustomUnaryFunc, XprType > | Tensor custom class |
| ►CEigen::TensorBase< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType >, ReadOnlyAccessors > | |
| CEigen::TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType > | Tensor binary expression |
| ►CEigen::TensorBase< TensorCwiseNullaryOp< NullaryOp, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorCwiseNullaryOp< NullaryOp, XprType > | Tensor nullary expression |
| CEigen::TensorBase< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType >, ReadOnlyAccessors > | |
| ►CEigen::TensorBase< TensorCwiseUnaryOp< UnaryOp, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorCwiseUnaryOp< UnaryOp, XprType > | Tensor unary expression |
| CEigen::TensorBase< TensorEvalToOp< XprType, MakePointer_ >, ReadOnlyAccessors > | |
| ►CEigen::TensorBase< TensorFFTOp< FFT, XprType, FFTResultType, FFTDir >, ReadOnlyAccessors > | |
| CEigen::TensorFFTOp< FFT, XprType, FFTResultType, FFTDirection > | |
| CEigen::TensorFFTOp< FFT, XprType, FFTResultType, FFTDir > | Tensor FFT class |
| ►CEigen::TensorBase< TensorFixedSize< Scalar_, Dimensions_, Options_, IndexType > > | |
| CEigen::TensorFixedSize< Scalar_, Dimensions_, Options_, IndexType > | The fixed sized version of the tensor class |
| ►CEigen::TensorBase< TensorForcedEvalOp< XprType >, ReadOnlyAccessors > | |
| CEigen::TensorForcedEvalOp< XprType > | Tensor reshaping class |
| ►CEigen::TensorBase< TensorGeneratorOp< Generator, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorGeneratorOp< Generator, XprType > | Tensor generator class |
| ►CEigen::TensorBase< TensorImagePatchOp< Rows, Cols, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorImagePatchOp< Rows, Cols, XprType > | Patch extraction specialized for image processing. This assumes that the input has a least 3 dimensions ordered as follow: 1st dimension: channels (of size d) 2nd dimension: rows (of size r) 3rd dimension: columns (of size c) There can be additional dimensions such as time (for video) or batch (for bulk processing after the first 3. Calling the image patch code with patch_rows and patch_cols is equivalent to calling the regular patch extraction code with parameters d, patch_rows, patch_cols, and 1 for all the additional dimensions |
| ►CEigen::TensorBase< TensorIndexPairOp< XprType >, ReadOnlyAccessors > | |
| CEigen::TensorIndexPairOp< XprType > | Tensor + Index Pair class |
| ►CEigen::TensorBase< TensorInflationOp< Strides, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorInflationOp< Strides, XprType > | Tensor inflation class |
| CEigen::TensorBase< TensorLayoutSwapOp< XprType >, WriteAccessors > | |
| ►CEigen::TensorBase< TensorMap< PlainObjectType, Options_, MakePointer_ > > | |
| CEigen::TensorMap< PlainObjectType, Options_, MakePointer_ > | A tensor expression mapping an existing array of data |
| ►CEigen::TensorBase< TensorPaddingOp< PaddingDimensions, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorPaddingOp< PaddingDimensions, XprType > | Tensor padding class. At the moment only padding with a constant value is supported |
| CEigen::TensorBase< TensorPairReducerOp< ReduceOp, Dims, XprType >, ReadOnlyAccessors > | |
| ►CEigen::TensorBase< TensorPatchOp< PatchDim, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorPatchOp< PatchDim, XprType > | Tensor patch class |
| ►CEigen::TensorBase< TensorReductionOp< Op, Dims, XprType, MakePointer_ >, ReadOnlyAccessors > | |
| CEigen::TensorReductionOp< Op, Dims, XprType, MakePointer_ > | Tensor reduction class |
| ►CEigen::TensorBase< TensorReductionOp< ReduceOp, Dims, const Eigen::TensorIndexPairOp< ArgType >, MakePointer_ >, ReadOnlyAccessors > | |
| CEigen::TensorReductionOp< ReduceOp, Dims, const Eigen::TensorIndexPairOp< ArgType > > | |
| ►CEigen::TensorBase< TensorReshapingOp< NewDimensions, XprType >, WriteAccessors > | |
| CEigen::TensorReshapingOp< NewDimensions, XprType > | Tensor reshaping class |
| ►CEigen::TensorBase< TensorReverseOp< ReverseDimensions, XprType >, WriteAccessors > | |
| CEigen::TensorReverseOp< ReverseDimensions, XprType > | Tensor reverse elements class |
| ►CEigen::TensorBase< TensorRollOp< RollDimensions, XprType >, WriteAccessors > | |
| CEigen::TensorRollOp< RollDimensions, XprType > | Tensor roll (circular shift) elements class |
| ►CEigen::TensorBase< TensorScanOp< Op, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorScanOp< Op, XprType > | Tensor scan class |
| CEigen::TensorBase< TensorSelectOp< IfXprType, ThenXprType, ElseXprType >, ReadOnlyAccessors > | |
| ►CEigen::TensorBase< TensorShufflingOp< Shuffle, XprType > > | |
| CEigen::TensorShufflingOp< Shuffle, XprType > | Tensor shuffling class |
| CEigen::TensorBase< TensorSlicingOp< StartIndices, Sizes, XprType > > | |
| ►CEigen::TensorBase< TensorStridingOp< Strides, XprType > > | |
| CEigen::TensorStridingOp< Strides, XprType > | Tensor striding class |
| CEigen::TensorBase< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType > > | |
| ►CEigen::TensorBase< TensorTraceOp< Dims, XprType > > | |
| CEigen::TensorTraceOp< Dims, XprType > | Tensor Trace class |
| ►CEigen::TensorBase< TensorVolumePatchOp< Planes, Rows, Cols, XprType >, ReadOnlyAccessors > | |
| CEigen::TensorVolumePatchOp< Planes, Rows, Cols, XprType > | Patch extraction specialized for processing of volumetric data. This assumes that the input has a least 4 dimensions ordered as follows: |
| CEigen::TensorSycl::internal::TensorContractionKernel< OutScalar, LhsScalar, RhsScalar, OutAccessor, LhsMapper, RhsMapper, StorageIndex, Properties, TripleDim, Vectorizable, input_mapper_properties, IsFinal, contraction_tp > | TensorContractionKernel is a template class that provides Tensor -Tensor contraction operation |
| CEigen::TensorCostModel< Device > | A cost model used to limit the number of threads used for evaluating tensor expression |
| CEigen::TensorDevice< ExpressionType, DeviceType > | Pseudo expression providing an operator = that will evaluate its argument on the specified computing 'device' (GPU, thread pool, ...) |
| CEigen::TensorEvaluator< Derived, Device > | The tensor evaluator class |
| CEigen::internal::TensorExecutor< Expression, Device, Vectorizable, Tiling > | The tensor executor class |
| CEigen::internal::TensorExecutor< Expression, DefaultDevice, true, TiledEvaluation::Off > | |
| CEigen::internal::TensorExecutor< Expression, DefaultDevice, Vectorizable, TiledEvaluation::On > | |
| CTensorPairIndex | Converts to Tensor<Pair<Index, Scalar> > and reduces to Tensor<Index> |
| CTensorSlicing | Tensor slicing class |
| CEigen::TensorSycl::internal::ThreadProperties< StorageIndex > | ThreadProperties is a template class that provides each thread's properties within a workgroup. Please see the sycl-1.2.1 specification (https://www.khronos.org/registry/SYCL/specs/sycl-1.2.1.pdf) for the workgroup, work-items |
| CEigen::TensorSycl::internal::TensorContractionKernel< OutScalar, LhsScalar, RhsScalar, OutAccessor, LhsMapper, RhsMapper, StorageIndex, Properties, TripleDim, Vectorizable, input_mapper_properties, IsFinal, contraction_tp >::TiledMemory | TiledMemory: contains required memory pointer for loading each tile of the TensorContraction panel from global memory to local/private memory when local/no_local algorithm used |
| CEigen::TensorSycl::internal::TTPanelSize< Scalar, StorageIndex, REG_SIZE_M, REG_SIZE_N, TSDK > | TTPanelSize, a template class used for setting the panel size required for launching General Tensor Tensor contraction kernel on various hardware devices |
| CEigen::TensorSycl::internal::TVPanelSize< Scalar, StorageIndex, NCWindow, CFactor, NCFactor > | TVPanelSize, a template class used for setting the panel size required for launching General TensorVector contraction kernel on various hardware devices |