Eigen-unsupported  5.0.1-dev+7c7d8473
 
Loading...
Searching...
No Matches
Class Hierarchy
This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 1234]
 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::DynamicSGroupDynamic symmetry group
 CEigen::EigenBase< Derived > [external]
 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::KroneckerProductBase< KroneckerProductSparse >
 CEigen::KroneckerProductBase< KroneckerProductSparse< Lhs, Rhs > >
 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::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::RotationBase< EulerAngles< Scalar_, _System >, 3 > [external]
 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::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::TensorBase< Derived >
 CEigen::TensorBase< Tensor< Scalar_, NumIndices_, Options_, IndexType_ > >
 CEigen::TensorBase< TensorAssignOp< LhsXprType, RhsXprType > >
 CEigen::TensorBase< TensorBroadcastingOp< Broadcast, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorChippingOp< DimId, XprType > >
 CEigen::TensorBase< TensorConcatenationOp< Axis, LhsXprType, RhsXprType >, WriteAccessors >
 CEigen::TensorBase< TensorContractionOp< Indices, LhsXprType, RhsXprType, const NoOpOutputKernel >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorConversionOp< TargetType, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorConvolutionOp< Indices, InputXprType, KernelXprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCustomUnaryOp< CustomUnaryFunc, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCwiseNullaryOp< NullaryOp, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorCwiseUnaryOp< UnaryOp, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorEvalToOp< XprType, MakePointer_ >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorFFTOp< FFT, XprType, FFTResultType, FFTDir >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorFixedSize< Scalar_, Dimensions_, Options_, IndexType > >
 CEigen::TensorBase< TensorForcedEvalOp< XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorGeneratorOp< Generator, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorImagePatchOp< Rows, Cols, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorIndexPairOp< XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorInflationOp< Strides, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorLayoutSwapOp< XprType >, WriteAccessors >
 CEigen::TensorBase< TensorMap< PlainObjectType, Options_, MakePointer_ > >
 CEigen::TensorBase< TensorPaddingOp< PaddingDimensions, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorPairReducerOp< ReduceOp, Dims, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorPatchOp< PatchDim, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorReductionOp< Op, Dims, XprType, MakePointer_ >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorReductionOp< ReduceOp, Dims, const Eigen::TensorIndexPairOp< ArgType >, MakePointer_ >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorReshapingOp< NewDimensions, XprType >, WriteAccessors >
 CEigen::TensorBase< TensorReverseOp< ReverseDimensions, XprType >, WriteAccessors >
 CEigen::TensorBase< TensorRollOp< RollDimensions, XprType >, WriteAccessors >
 CEigen::TensorBase< TensorScanOp< Op, XprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorSelectOp< IfXprType, ThenXprType, ElseXprType >, ReadOnlyAccessors >
 CEigen::TensorBase< TensorShufflingOp< Shuffle, XprType > >
 CEigen::TensorBase< TensorSlicingOp< StartIndices, Sizes, XprType > >
 CEigen::TensorBase< TensorStridingOp< Strides, XprType > >
 CEigen::TensorBase< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType > >
 CEigen::TensorBase< TensorTraceOp< Dims, XprType > >
 CEigen::TensorBase< TensorVolumePatchOp< Planes, Rows, Cols, XprType >, ReadOnlyAccessors >
 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 >
 CTensorPairIndexConverts to Tensor<Pair<Index, Scalar> > and reduces to Tensor<Index>
 CTensorSlicingTensor 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 >::TiledMemoryTiledMemory: 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