►C_Functor | |
CEigen::NumericalDiff< _Functor, mode > | |
CEigen::internal::abs2_impl< Scalar > | |
CEigen::internal::abs2_impl< std::complex< RealScalar > > | |
CEigen::internal::abs2_retval< Scalar > | |
CACADOworkspace_ | |
CEigen::internal::accessors_level< Derived > | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct >::add | |
CEigen::internal::add_const< T > | |
CEigen::internal::add_const< T & > | |
CEigen::internal::add_const_on_value_type< T > | |
CEigen::internal::add_const_on_value_type< LhsNested > | |
CEigen::internal::add_const_on_value_type< RhsNested > | |
CEigen::internal::add_const_on_value_type< T & > | |
CEigen::internal::add_const_on_value_type< T * > | |
CEigen::internal::add_const_on_value_type< T *const > | |
CEigen::internal::add_const_on_value_type< T const *const > | |
CEigen::internal::add_const_on_value_type< typename Eigen::NumTraits< Scalar >::Nested > | |
CEigen::internal::add_const_on_value_type< typename Eigen::NumTraits< Scalar2 >::Nested > | |
CEigen::internal::add_const_on_value_type_if_arithmetic< T > | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct >::adds | |
►CAlgorithmicBase | Base class for all algorithmic modules within the ACADO Toolkit providing some basic functionality |
►CBandedCPsolver | Base class for algorithms solving banded conic programs arising in optimal control |
CCondensingBasedCPsolver | Solves banded conic programs arising in optimal control using condensing |
►CDenseCPsolver | Base class for algorithms solving conic programs |
►CDenseQPsolver | Abstract base class for algorithms solving quadratic programs |
CQPsolver_qpOASES | (not yet documented) |
►CDynamicDiscretization | Base class for discretizing a DifferentialEquation for use in optimal control algorithms |
CCollocationMethod | Discretizes a DifferentialEquation by means of a collocation scheme |
CShootingMethod | Discretizes a DifferentialEquation by means of single or multiple shooting |
CEllipsoidalIntegrator | Validated integrator for ODEs based on Taylor models with ellipsoidal remainder term |
►CExportAlgorithm | Allows to export automatically generated algorithms for fast model predictive control |
CExportCholeskyDecomposition | A class for exporting a function for calculation of the Cholesky decomposition |
►CExportLinearSolver | Allows to export automatically generated algorithms for solving linear systems of specific dimensions |
CExportCholeskySolver | Allows to export linear solver based on Cholesky factorization |
►CExportGaussElim | Allows to export Gaussian elimination for solving linear systems of specific dimensions |
CExportIRK3StageSimplifiedNewton | Allows to export a tailored IRK solver based on Gaussian elimination of specific dimensions |
CExportIRK3StageSingleNewton | Allows to export a tailored IRK solver based on Gaussian elimination of specific dimensions |
CExportIRK4StageSimplifiedNewton | Allows to export a tailored IRK solver based on Gaussian elimination of specific dimensions |
CExportIRK4StageSingleNewton | Allows to export a tailored IRK solver based on Gaussian elimination of specific dimensions |
CExportHouseholderQR | Allows to export Householder QR Factorization for solving linear systems of specific dimensions |
►CExportNLPSolver | Base class for export of NLP/OCP solvers |
►CExportGaussNewtonCN2 | An OCP solver based on the N^2 condensing algorithm |
CExportExactHessianCN2 | TBD |
►CExportGaussNewtonBlockCN2 | An OCP solver based on the block N^2 condensing algorithm |
CExportGaussNewtonBlockForces | An OCP solver based on the block N^2 condensing algorithm, in combination with qpDUNES as the QP solver |
CExportGaussNewtonBlockQpDunes | An OCP solver based on the block N^2 condensing algorithm, in combination with qpDUNES as the QP solver |
CExportGaussNewtonCn2Factorization | TBD |
CExportGaussNewtonCondensed | A class for export of Gauss-Newton condensed OCP solver |
CExportGaussNewtonForces | A class for export of an OCP solver using sparse QP solver FORCES |
CExportGaussNewtonGeneric | TBD |
CExportGaussNewtonHpmpc | TBD |
►CExportGaussNewtonQpDunes | A class for export of an OCP solver using sparse QP solver qpDUNES |
CExportExactHessianQpDunes | A class for export of an OCP solver using sparse QP solver qpDUNES |
►CIntegratorExport | Allows to export a tailored integrator for fast model predictive control |
►CDiscreteTimeExport | Allows to export a tailored discrete-time 'integrator' for fast model predictive control |
CNARXExport | Allows to export a tailored polynomial NARX integrator for fast model predictive control |
►CRungeKuttaExport | Allows to export a tailored Runge-Kutta integrator for fast model predictive control |
►CExplicitRungeKuttaExport | Allows to export a tailored explicit Runge-Kutta integrator for fast model predictive control |
►CAdjointERKExport | Allows to export a tailored explicit Runge-Kutta integrator with adjoint first order sensitivity propagation for fast model predictive control |
CForwardOverBackwardERKExport | Allows to export a tailored explicit Runge-Kutta integrator with forward-over-backward second order sensitivity propagation for fast model predictive control |
CThreeSweepsERKExport | Allows to export a tailored explicit Runge-Kutta integrator with three-sweeps second order sensitivity propagation for fast model predictive control |
CExplicitEulerExport | Allows to export a tailored explicit Euler method for fast model predictive control |
CExplicitRungeKutta2Export | Allows to export a tailored explicit Runge-Kutta integrator of order 2 for fast model predictive control |
CExplicitRungeKutta3Export | Allows to export a tailored explicit Runge-Kutta integrator of order 3 for fast model predictive control |
CExplicitRungeKutta4Export | Allows to export a tailored explicit Runge-Kutta integrator of order 4 for fast model predictive control |
CLiftedERKExport | Allows to export a tailored explicit Runge-Kutta integrator with a lifted Newton method to efficiently support (implicit) DAE systems for fast model predictive control |
►CImplicitRungeKuttaExport | Allows to export a tailored implicit Runge-Kutta integrator for fast model predictive control |
►CForwardIRKExport | Allows to export a tailored implicit Runge-Kutta integrator with forward sensitivity generation for fast model predictive control |
►CDiagonallyImplicitRKExport | Allows to export a tailored diagonally implicit Runge-Kutta integrator for fast model predictive control |
CDiagonallyIRK3Export | Allows to export a tailored diagonally implicit 2-stage Runge-Kutta method of order 3 for fast model predictive control |
CDiagonallyIRK4Export | Allows to export a tailored diagonally implicit 3-stage Runge-Kutta method of order 4 for fast model predictive control |
CDiagonallyIRK5Export | Allows to export a tailored diagonally implicit 5-stage Runge-Kutta method of order 5 for fast model predictive control |
CFeedbackLiftedIRKExport | Allows to export a tailored lifted implicit Runge-Kutta integrator with forward sensitivity generation for extra fast model predictive control |
►CForwardLiftedIRKExport | Allows to export a tailored lifted implicit Runge-Kutta integrator with forward sensitivity generation for extra fast model predictive control |
CAdjointLiftedIRKExport | Allows to export a tailored lifted implicit Runge-Kutta integrator with adjoint sensitivity generation for extra fast model predictive control |
CForwardBackwardLiftedIRKExport | Allows to export a tailored lifted implicit Runge-Kutta integrator with forward-over-adjoint second order sensitivity generation for extra fast model predictive control |
CSymmetricLiftedIRKExport | Allows to export a tailored lifted implicit Runge-Kutta integrator with symmetric second order sensitivity generation for extra fast model predictive control |
CSymmetricIRKExport | Allows to export a tailored implicit Runge-Kutta integrator with symmetric second order sensitivity generation for extra fast model predictive control |
CGaussLegendre2Export | Allows to export a tailored Gauss-Legendre method of order 2 for fast model predictive control |
CGaussLegendre4Export | Allows to export a tailored Gauss-Legendre method of order 4 for fast model predictive control |
CGaussLegendre6Export | Allows to export a tailored Gauss-Legendre method of order 6 for fast model predictive control |
CGaussLegendre8Export | Allows to export a tailored Gauss-Legendre method of order 8 for fast model predictive control |
CRadauIIA1Export | Allows to export a tailored Radau IIA method of order 1 for fast model predictive control |
CRadauIIA3Export | Allows to export a tailored Radau IIA method of order 3 for fast model predictive control |
CRadauIIA5Export | Allows to export a tailored Radau IIA method of order 5 for fast model predictive control |
►CIntegrator | Abstract base class for all kinds of algorithms for integrating differential equations (ODEs or DAEs) |
CIntegratorBDF | Implements the backward-differentiation formula for integrating DAEs |
►CIntegratorLYAPUNOV | Base class for all kinds of Runge-Kutta schemes for integrating ODEs |
CIntegratorLYAPUNOV45 | Implements the Runge-Kutta-45 scheme for integrating ODEs |
►CIntegratorRK | Abstract base class for all kinds of Runge-Kutta schemes for integrating ODEs |
►CIntegratorRK12 | Implements the Runge-Kutta-12 scheme for integrating ODEs |
CIntegratorDiscretizedODE | Implements a scheme for evaluating discretized ODEs |
CIntegratorRK23 | Implements the Runge-Kutta-23 scheme for integrating ODEs |
CIntegratorRK45 | Implements the Runge-Kutta-45 scheme for integrating ODEs |
CIntegratorRK78 | Implements the Runge-Kutta-78 scheme for integrating ODEs |
►CNLPderivativeApproximation | Base class for techniques of approximating second-order derivatives within NLPsolvers |
►CConstantHessian | Implements a constant Hessian as approximation of second-order derivatives within NLPsolvers |
CBFGSupdate | Implements BFGS updates for approximating second-order derivatives within NLPsolvers |
CExactHessian | Implements an exact Hessian computation for obtaining second-order derivatives within NLPsolvers |
►CGaussNewtonApproximation | Implements a Gauss-Newton approximation as second-order derivatives within NLPsolvers |
CGaussNewtonApproximationWithBFGS | Implements a Gauss-Newton approximation with block BFGS updates as second-order derivatives within NLPsolvers |
►CNLPsolver | Base class for different algorithms for solving nonlinear programming (NLP) problems |
CIPmethod | Implements different interior-point methods for solving NLPs |
CSCPmethod | Implements different sequential convex programming methods for solving NLPs |
CSCPevaluation | Base class for different ways to evaluate functions and derivatives within an SCPmethod for solving NLPs |
CSCPmeritFunction | Allows to evaluate a merit function within an SCPmethod for solving NLPs |
►CSCPstep | Base class for different ways to perform a step of an SCPmethod for solving NLPs |
CSCPstepFullstep | Implements a fullstep to perform a step of an SCPmethod for solving NLPs |
CSCPstepLinesearch | Implements linesearch techniques to perform a globalized step of an SCPmethod for solving NLPs |
CEigen::aligned_allocator< T > | STL compatible allocator to use with with 16 byte aligned types |
CEigen::internal::aligned_stack_memory_handler< T > | |
CEigen::AlignedBox< _Scalar, _AmbientDim > | An axis aligned box |
CEigen::internal::all_unroller< Derived, UnrollCount > | |
CEigen::internal::all_unroller< Derived, 1 > | |
CEigen::internal::all_unroller< Derived, Dynamic > | |
CEigen::internal::always_void< T > | |
CEigen::internal::AmbiVector< _Scalar, _Index > | |
CEigen::AMDOrdering< Index > | |
CEigen::internal::any_unroller< Derived, UnrollCount > | |
CEigen::internal::any_unroller< Derived, 1 > | |
CEigen::internal::any_unroller< Derived, Dynamic > | |
CEigen::ArrayXpr | |
CEigen::internal::assign_DefaultTraversal_CompleteUnrolling< Derived1, Derived2, Index, Stop > | |
CEigen::internal::assign_DefaultTraversal_CompleteUnrolling< Derived1, Derived2, Stop, Stop > | |
CEigen::internal::assign_DefaultTraversal_InnerUnrolling< Derived1, Derived2, Index, Stop > | |
CEigen::internal::assign_DefaultTraversal_InnerUnrolling< Derived1, Derived2, Stop, Stop > | |
CEigen::internal::assign_impl< Derived1, Derived2, Traversal, Unrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, DefaultTraversal, CompleteUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, DefaultTraversal, InnerUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, DefaultTraversal, NoUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, InnerVectorizedTraversal, CompleteUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, InnerVectorizedTraversal, InnerUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, InnerVectorizedTraversal, NoUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, InvalidTraversal, Unrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, LinearTraversal, CompleteUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, LinearTraversal, NoUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, LinearVectorizedTraversal, CompleteUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, LinearVectorizedTraversal, NoUnrolling, Version > | |
CEigen::internal::assign_impl< Derived1, Derived2, SliceVectorizedTraversal, NoUnrolling, Version > | |
►CEigen::internal::assign_impl< Derived1, Eigen::CwiseUnaryOp< UnaryOp, Derived2 >, Traversal, Unrolling, BuiltIn > | |
CEigen::internal::vml_assign_impl< Derived1, Derived2, UnaryOp, Traversal, Unrolling, VmlTraversal > | |
CEigen::internal::assign_innervec_CompleteUnrolling< Derived1, Derived2, Index, Stop > | |
CEigen::internal::assign_innervec_CompleteUnrolling< Derived1, Derived2, Stop, Stop > | |
CEigen::internal::assign_innervec_InnerUnrolling< Derived1, Derived2, Index, Stop > | |
CEigen::internal::assign_innervec_InnerUnrolling< Derived1, Derived2, Stop, Stop > | |
CEigen::internal::assign_LinearTraversal_CompleteUnrolling< Derived1, Derived2, Index, Stop > | |
CEigen::internal::assign_LinearTraversal_CompleteUnrolling< Derived1, Derived2, Stop, Stop > | |
CEigen::internal::assign_selector< Derived, OtherDerived, EvalBeforeAssigning, NeedToTranspose > | |
CEigen::internal::assign_selector< Derived, OtherDerived, false, false > | |
CEigen::internal::assign_selector< Derived, OtherDerived, false, true > | |
CEigen::internal::assign_selector< Derived, OtherDerived, true, false > | |
CEigen::internal::assign_selector< Derived, OtherDerived, true, true > | |
CEigen::internal::assign_traits< Derived, OtherDerived > | |
CEigen::internal::atanh2_default_impl< Scalar, IsInteger > | |
►CEigen::internal::atanh2_default_impl< Scalar, NumTraits< Scalar >::IsInteger > | |
CEigen::internal::atanh2_impl< Scalar > | |
CEigen::internal::atanh2_default_impl< Scalar, true > | |
CEigen::internal::atanh2_retval< Scalar > | |
CEigen::internal::auto_diff_special_op< _DerType, Enable > | |
CEigen::internal::auto_diff_special_op< _DerType, false > | |
CEigen::internal::auto_diff_special_op< _DerType, true > | |
►CEigen::internal::auto_diff_special_op< _DerType,!internal::is_same< internal::traits< internal::remove_all< _DerType >::type >::Scalar, NumTraits< internal::traits< internal::remove_all< _DerType >::type >::Scalar >::Real >::value > | |
CEigen::AutoDiffScalar< _DerType > | A scalar type replacement with automatic differentation capability |
CEigen::AutoDiffVector< ValueType, JacobianType > | |
CBandedCP | Data class for storing conic programs arising from optimal control |
►CBase | |
CEigen::internal::SkylineProduct< LhsNested, RhsNested, ProductMode > | |
CEigen::internal::binary_result_of_select< Func, ArgType0, ArgType1, SizeOf > | |
CEigen::internal::binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_std_result_type)> | |
CEigen::internal::binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_tr1_result)> | |
CEigen::internal::blas_data_mapper< Scalar, Index, StorageOrder > | |
CEigen::internal::blas_traits< XprType > | |
►CEigen::internal::blas_traits< NestedXpr > | |
CEigen::internal::blas_traits< CwiseUnaryOp< scalar_conjugate_op< Scalar >, NestedXpr > > | |
CEigen::internal::blas_traits< CwiseUnaryOp< scalar_multiple_op< Scalar >, NestedXpr > > | |
CEigen::internal::blas_traits< CwiseUnaryOp< scalar_opposite_op< Scalar >, NestedXpr > > | |
CEigen::internal::blas_traits< SelfCwiseBinaryOp< BinOp, NestedXpr, Rhs > > | |
CEigen::internal::blas_traits< Transpose< NestedXpr > > | |
►CEigen::internal::blas_traits< T > | |
CEigen::internal::blas_traits< const T > | |
►CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, StorageKind > | |
►CEigen::Block< VectorType, internal::traits< VectorType >::Flags &RowMajorBit?1:Size, internal::traits< VectorType >::Flags &RowMajorBit?Size:1 > | |
CEigen::VectorBlock< VectorType, Size > | Expression of a fixed-size or dynamic-size sub-vector |
►CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, internal::traits< XprType >::StorageKind > | |
CEigen::Block< XprType, BlockRows, BlockCols, InnerPanel > | Expression of a fixed-size or dynamic-size block |
CBlockMatrix | Implements a very rudimentary block sparse matrix class |
►CBoxConstraint | Stores and evaluates box constraints within optimal control problems |
CConstraint | Stores and evaluates the constraints of optimal control problems |
CEigen::internal::cast_impl< OldType, NewType > | |
CEigen::internal::cast_return_type< XprType, CastType > | |
CCFunction | (no description yet) |
CEigen::internal::check_rows_cols_for_overflow< MaxSizeAtCompileTime > | |
CEigen::internal::check_rows_cols_for_overflow< Dynamic > | |
CEigen::internal::check_transpose_aliasing_compile_time_selector< DestIsTransposed, OtherDerived > | |
CEigen::internal::check_transpose_aliasing_compile_time_selector< DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > > | |
CEigen::internal::check_transpose_aliasing_run_time_selector< Scalar, DestIsTransposed, OtherDerived > | |
CEigen::internal::check_transpose_aliasing_run_time_selector< Scalar, DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > > | |
CEigen::internal::checkTransposeAliasing_impl< Derived, OtherDerived, MightHaveTransposeAliasing > | |
CEigen::internal::checkTransposeAliasing_impl< Derived, OtherDerived, false > | |
►CClippingFunctionality | Allows to transform the output of the ControlLaw before passing it to the Process |
CLinearStateFeedback | Implements a linear state feedback law to be used within a Controller |
CPIDcontroller | Implements a PID control law to be used within a Controller |
►CClock | Base class for all kind of time measurements |
CRealClock | Allows real time measurements based on the system's clock |
CSimulationClock | Simulates real time measurements for simulations |
►CEigen::internal::coeff_visitor< Derived > | |
CEigen::internal::max_coeff_visitor< Derived > | |
CEigen::internal::min_coeff_visitor< Derived > | |
Cinternal::colamd_col< Index > | |
CEigen::internal::colamd_col< Index > | |
Cinternal::Colamd_Row< Index > | |
CEigen::internal::Colamd_Row< Index > | |
CEigen::COLAMDOrdering< Index > | |
CEigen::ColPivHouseholderQR< _MatrixType > | Householder rank-revealing QR decomposition of a matrix with column-pivoting |
CEigen::ColPivHouseholderQR< MatrixType > | |
CEigen::ColPivHouseholderQR< TransposeTypeWithSameStorageOrder > | |
CEigen::CommaInitializer< XprType > | Helper class used by the comma initializer operator |
CEigen::internal::companion< _Scalar, _Deg > | |
CEigen::internal::complex_schur_reduce_to_hessenberg< MatrixType, IsComplex > | |
CEigen::internal::complex_schur_reduce_to_hessenberg< MatrixType, false > | |
CEigen::ComplexEigenSolver< _MatrixType > | Computes eigenvalues and eigenvectors of general complex matrices |
CEigen::ComplexSchur< _MatrixType > | Performs a complex Schur decomposition of a real or complex square matrix |
CEigen::ComplexSchur< MatrixType > | |
CEigen::internal::CompressedStorage< _Scalar, _Index > | |
CEigen::internal::CompressedStorage< Scalar, Index > | |
CEigen::internal::compute_inverse< MatrixType, ResultType, Size > | |
CEigen::internal::compute_inverse< MatrixType, ResultType, 1 > | |
CEigen::internal::compute_inverse< MatrixType, ResultType, 2 > | |
CEigen::internal::compute_inverse< MatrixType, ResultType, 3 > | |
CEigen::internal::compute_inverse_and_det_with_check< MatrixType, ResultType, Size > | |
CEigen::internal::compute_inverse_and_det_with_check< MatrixType, ResultType, 1 > | |
CEigen::internal::compute_inverse_and_det_with_check< MatrixType, ResultType, 2 > | |
CEigen::internal::compute_inverse_and_det_with_check< MatrixType, ResultType, 3 > | |
CEigen::internal::compute_inverse_and_det_with_check< MatrixType, ResultType, 4 > | |
CEigen::internal::compute_inverse_size4< Arch, Scalar, MatrixType, ResultType > | |
CEigen::internal::compute_inverse_size4< Architecture::SSE, double, MatrixType, ResultType > | |
CEigen::internal::compute_inverse_size4< Architecture::SSE, float, MatrixType, ResultType > | |
►CEigen::internal::compute_inverse_size4< Architecture::Target, MatrixType::Scalar, MatrixType, ResultType > | |
CEigen::internal::compute_inverse< MatrixType, ResultType, 4 > | |
CEigen::internal::compute_matrix_flags< Scalar, Rows, Cols, Options, MaxRows, MaxCols > | |
CEigen::internal::conditional< Condition, Then, Else > | |
CEigen::internal::conditional< bool(internal::is_lvalue< Derived >::value), Scalar *, const Scalar * > | |
CEigen::internal::conditional< false, Then, Else > | |
CEigen::internal::conditional< internal::must_nest_by_value< ExpressionType >::ret, ExpressionType, const ExpressionType & > | |
CEigen::internal::conditional< internal::must_nest_by_value< ExpressionType >::ret, ExpressionType, ExpressionType & > | |
►CEigen::internal::conditional<!Cond, const T &, CwiseUnaryOp< scalar_conjugate_op< traits< T >::Scalar >, T > > | |
CEigen::internal::conj_expr_if< Cond, T > | |
CEigen::internal::conj_helper< LhsScalar, RhsScalar, ConjLhs, ConjRhs > | |
CEigen::internal::conj_helper< Eigen::internal::true_type, Eigen::internal::true_type, ConjLhs, false > | |
CEigen::internal::conj_helper< Eigen::internal::true_type, Eigen::internal::true_type, false, ConjRhs > | |
CEigen::internal::conj_helper< Packet1cd, Packet1cd, false, true > | |
CEigen::internal::conj_helper< Packet1cd, Packet1cd, true, false > | |
CEigen::internal::conj_helper< Packet1cd, Packet1cd, true, true > | |
CEigen::internal::conj_helper< Packet1cd, Packet2d, false, false > | |
CEigen::internal::conj_helper< Packet2cf, Packet2cf, false, true > | |
CEigen::internal::conj_helper< Packet2cf, Packet2cf, true, false > | |
CEigen::internal::conj_helper< Packet2cf, Packet2cf, true, true > | |
CEigen::internal::conj_helper< Packet2cf, Packet4f, false, false > | |
CEigen::internal::conj_helper< Packet2d, Packet1cd, false, false > | |
CEigen::internal::conj_helper< Packet4f, Packet2cf, false, false > | |
CEigen::internal::conj_helper< RealScalar, std::complex< RealScalar >, false, Conj > | |
CEigen::internal::conj_helper< Scalar, Scalar, false, false > | |
CEigen::internal::conj_helper< std::complex< RealScalar >, RealScalar, Conj, false > | |
CEigen::internal::conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, false, true > | |
CEigen::internal::conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, true, false > | |
CEigen::internal::conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, true, true > | |
CEigen::internal::conj_if< Conjugate > | |
CEigen::internal::conj_if< false > | |
CEigen::internal::conj_if< true > | |
CEigen::internal::conj_impl< Scalar, IsComplex > | |
CEigen::internal::conj_impl< Scalar, true > | |
CEigen::internal::conj_retval< Scalar > | |
CEigen::Conjugate< MatrixType > | |
CEigen::internal::conservative_resize_like_impl< Derived, OtherDerived, IsVector > | |
CEigen::internal::conservative_resize_like_impl< Derived, OtherDerived, true > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, LhsStorageOrder, RhsStorageOrder, ResStorageOrder > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor > | |
CEigen::internal::conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor > | |
CEigen::internal::const_blas_data_mapper< Scalar, Index, StorageOrder > | |
CEigen::MatrixBase< Derived >::ConstDiagonalIndexReturnType< Index > | |
CConstFixedSegmentReturnType< Size > | |
CEigen::SparseMatrixBase< Derived >::ConstFixedSegmentReturnType< Size > | |
CEigen::DenseBase< Derived >::ConstFixedSegmentReturnType< Size > | |
CConstNColsBlockXpr< N > | |
CEigen::SparseMatrixBase< Derived >::ConstNColsBlockXpr< N > | |
CEigen::DenseBase< Derived >::ConstNColsBlockXpr< N > | |
CConstNRowsBlockXpr< N > | |
CEigen::SparseMatrixBase< Derived >::ConstNRowsBlockXpr< N > | |
CEigen::DenseBase< Derived >::ConstNRowsBlockXpr< N > | |
CConstraintComponent | Data class for symbolically formulating constraints within optimal control problems |
►CConstraintElement | Base class for all kind of constraints (except for bounds) within optimal control problems |
CAlgebraicConsistencyConstraint | Deals with algebraic consistency constraints within optimal control problems |
CBoundaryConstraint | Stores and evaluates boundary constraints within optimal control problems |
CCoupledPathConstraint | Stores and evaluates coupled path constraints within optimal control problems |
CPathConstraint | Stores and evaluates path constraints within optimal control problems |
CPointConstraint | Stores and evaluates pointwise constraints within optimal control problems |
►CConstraintProduct | Interface for specifying user-defined evaluations of constraint products |
CMpcConstraintProduct | Example illustrating the use of the ConstraintProduct class |
CMpcConstraintProduct | Example illustrating the use of the ConstraintProduct class |
CMyConstraintProduct | Example illustrating the use of the ConstraintProduct class |
CMyConstraintProduct | Example illustrating the use of the ConstraintProduct class |
CEigen::Transform< _Scalar, _Dim >::construct_from_matrix< OtherDerived, BigMatrix > | |
CEigen::Transform< _Scalar, _Dim >::construct_from_matrix< OtherDerived, true > | |
CEigen::internal::constructor_without_unaligned_array_assert | |
CEigen::MatrixBase< Derived >::ConstSelfAdjointViewReturnType< UpLo > | |
CEigen::MatrixBase< Derived >::ConstTriangularViewReturnType< Mode > | |
CEigen::internal::member_redux< BinaryOp, Scalar >::Cost< _Scalar, Size > | |
CEigen::Cross< Lhs, Rhs > | |
CEigen::internal::cross3_impl< Arch, VectorLhs, VectorRhs, Scalar, Vectorizable > | |
CEigen::internal::cross3_impl< Architecture::SSE, VectorLhs, VectorRhs, float, true > | |
CEigen::MatrixBase< Derived >::cross_product_return_type< OtherDerived > | |
Ccs_dmperm_results | |
Ccs_numeric | |
Ccs_sparse | |
Ccs_symbolic | |
CCurve | Allows to work with piecewise-continous function defined over a scalar time interval |
CEigen::Cwise< ExpressionType > | Pseudo expression providing additional coefficient-wise operations |
CEigen::CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, StorageKind > | |
►CEigen::CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, internal::promote_storage_type< internal::traits< Lhs >::StorageKind, internal::traits< Rhs >::StorageKind >::ret > | |
CEigen::CwiseBinaryOp< BinaryOp, Lhs, Rhs > | Generic expression where a coefficient-wise binary operator is applied to two expressions |
CEigen::CwiseUnaryOpImpl< UnaryOp, XprType, StorageKind > | |
►CEigen::CwiseUnaryOpImpl< UnaryOp, XprType, internal::traits< XprType >::StorageKind > | |
CEigen::CwiseUnaryOp< UnaryOp, XprType > | Generic expression where a coefficient-wise unary operator is applied to an expression |
CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, StorageKind > | |
►CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, internal::traits< MatrixType >::StorageKind > | |
CEigen::CwiseUnaryView< ViewOp, MatrixType > | Generic lvalue expression of a coefficient-wise unary operator of a matrix or a vector |
CCyclingManager | |
CEigen::internal::decrement_if_fixed_size< Size > | |
CEigen::internal::decrement_size< n > | |
►CEigen::internal::default_packet_traits | |
CEigen::internal::packet_traits< T > | |
CEigen::internal::packet_traits< double > | |
CEigen::internal::packet_traits< float > | |
CEigen::internal::packet_traits< float > | |
CEigen::internal::packet_traits< float > | |
CEigen::internal::packet_traits< int > | |
CEigen::internal::packet_traits< int > | |
CEigen::internal::packet_traits< int > | |
CEigen::internal::packet_traits< std::complex< double > > | |
CEigen::internal::packet_traits< std::complex< float > > | |
CEigen::internal::packet_traits< std::complex< float > > | |
CEigen::internal::packet_traits< std::complex< float > > | |
CEigen::internal::packet_traits< RealScalar > | |
CEigen::internal::packet_traits< Scalar > | |
CEigen::SparseMatrix< _Scalar, _Options, _Index >::default_prunning_func | |
CEigen::Dense | |
CEigen::internal::dense_xpr_base< Derived, XprKind > | |
CEigen::internal::dense_xpr_base< Derived, ArrayXpr > | |
CEigen::internal::dense_xpr_base< Derived, MatrixXpr > | |
CEigen::DenseCoeffsBase< Derived, Level > | |
►CEigen::DenseCoeffsBase< Derived > | |
CEigen::internal::special_scalar_op_base< Derived, Scalar, OtherScalar, EnableIt > | |
CEigen::internal::special_scalar_op_base< Derived, Scalar, OtherScalar, true > | |
►CEigen::internal::special_scalar_op_base< Derived, internal::traits< Derived >::Scalar, NumTraits< internal::traits< Derived >::Scalar >::Real > | |
►CEigen::DenseBase< Derived > | Base class for all dense matrices, vectors, and arrays |
►CEigen::ArrayBase< ArrayWrapper< ExpressionType > > | |
CEigen::ArrayWrapper< ExpressionType > | Expression of a mathematical vector or matrix as an array object |
CEigen::ArrayBase< Derived > | Base class for all 1D and 2D array, and related expressions |
►CEigen::MatrixBase< Derived > | Base class for all dense matrices, vectors, and expressions |
CEigen::ProductBase< Derived, Lhs, Rhs > | |
►CEigen::ProductBase< DenseTimeSparseProduct< Lhs, Rhs >, Lhs, Rhs > | |
CEigen::DenseTimeSparseProduct< Lhs, Rhs > | |
►CEigen::ProductBase< DenseTimeSparseSelfAdjointProduct< Lhs, Rhs, UpLo >, Lhs, Rhs > | |
CEigen::DenseTimeSparseSelfAdjointProduct< Lhs, Rhs, UpLo > | |
►CEigen::ProductBase< GeneralProduct< Lhs, Rhs, GemmProduct >, Lhs, Rhs > | |
CEigen::GeneralProduct< Lhs, Rhs, GemmProduct > | |
►CEigen::ProductBase< GeneralProduct< Lhs, Rhs, GemvProduct >, Lhs, Rhs > | |
CEigen::GeneralProduct< Lhs, Rhs, GemvProduct > | |
►CEigen::ProductBase< GeneralProduct< Lhs, Rhs, OuterProduct >, Lhs, Rhs > | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct > | |
►CEigen::ProductBase< ScaledProduct< NestedProduct >, NestedProduct::_LhsNested, NestedProduct::_RhsNested > | |
CEigen::ScaledProduct< NestedProduct > | |
►CEigen::ProductBase< SelfadjointProductMatrix< Lhs, 0, true, Rhs, RhsMode, false >, Lhs, Rhs > | |
CEigen::SelfadjointProductMatrix< Lhs, 0, true, Rhs, RhsMode, false > | |
►CEigen::ProductBase< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, 0, true >, Lhs, Rhs > | |
CEigen::SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, 0, true > | |
►CEigen::ProductBase< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, RhsMode, false >, Lhs, Rhs > | |
CEigen::SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, RhsMode, false > | |
►CEigen::ProductBase< SparseSelfAdjointTimeDenseProduct< Lhs, Rhs, UpLo >, Lhs, Rhs > | |
CEigen::SparseSelfAdjointTimeDenseProduct< Lhs, Rhs, UpLo > | |
►CEigen::ProductBase< SparseTimeDenseProduct< Lhs, Rhs >, Lhs, Rhs > | |
CEigen::SparseTimeDenseProduct< Lhs, Rhs > | |
►CEigen::ProductBase< TriangularProduct< Mode, false, Lhs, true, Rhs, false >, Lhs, Rhs > | |
CEigen::TriangularProduct< Mode, false, Lhs, true, Rhs, false > | |
►CEigen::ProductBase< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, false >, Lhs, Rhs > | |
CEigen::TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, false > | |
►CEigen::ProductBase< TriangularProduct< Mode, true, Lhs, false, Rhs, true >, Lhs, Rhs > | |
CEigen::TriangularProduct< Mode, true, Lhs, false, Rhs, true > | |
►CEigen::MatrixBase< CoeffBasedProduct< LhsNested, RhsNested, NestingFlags > > | |
CEigen::CoeffBasedProduct< LhsNested, RhsNested, NestingFlags > | |
►CEigen::MatrixBase< DiagonalProduct< MatrixType, DiagonalType, ProductOrder > > | |
CEigen::DiagonalProduct< MatrixType, DiagonalType, ProductOrder > | |
►CEigen::MatrixBase< Flagged< ExpressionType, Added, Removed > > | |
CEigen::Flagged< ExpressionType, Added, Removed > | Expression with modified flags |
►CEigen::MatrixBase< Homogeneous< MatrixType, _Direction > > | |
CEigen::Homogeneous< MatrixType, _Direction > | Expression of one (or a set of) homogeneous vector(s) |
►CEigen::MatrixBase< MatrixWrapper< ExpressionType > > | |
CEigen::MatrixWrapper< ExpressionType > | Expression of an array as a mathematical vector or matrix |
►CEigen::MatrixBase< Minor< MatrixType > > | |
CEigen::Minor< MatrixType > | Expression of a minor |
CDenseCP | Data class for storing generic conic programs |
CEigen::DenseSparseProductReturnType< Lhs, Rhs, InnerSize > | |
CEigen::DenseSparseProductReturnType< Lhs, Rhs, 1 > | |
CEigen::DenseStorage< T, Size, _Rows, _Cols, _Options > | |
CEigen::DenseStorage< Scalar, Base::MaxSizeAtCompileTime, Base::RowsAtCompileTime, Base::ColsAtCompileTime, Options > | |
►CEigen::DenseStorage< T, 0, 0, 0, _Options > | |
CEigen::DenseStorage< T, 0, _Rows, Dynamic, _Options > | |
CEigen::DenseStorage< T, 0, Dynamic, _Cols, _Options > | |
CEigen::DenseStorage< T, 0, Dynamic, Dynamic, _Options > | |
CEigen::DenseStorage< T, 0, _Rows, _Cols, _Options > | |
CEigen::DenseStorage< T, Dynamic, _Rows, Dynamic, _Options > | |
CEigen::DenseStorage< T, Dynamic, Dynamic, _Cols, _Options > | |
CEigen::DenseStorage< T, Dynamic, Dynamic, Dynamic, _Options > | |
CEigen::DenseStorage< T, Size, _Rows, Dynamic, _Options > | |
CEigen::DenseStorage< T, Size, Dynamic, _Cols, _Options > | |
CEigen::DenseStorage< T, Size, Dynamic, Dynamic, _Options > | |
►Cdeque | |
Cstd::deque< T, EIGEN_ALIGNED_ALLOCATOR< T > > | |
CEigen::internal::determinant_impl< Derived, DeterminantType > | |
CEigen::internal::determinant_impl< Derived, 1 > | |
CEigen::internal::determinant_impl< Derived, 2 > | |
CEigen::internal::determinant_impl< Derived, 3 > | |
CEigen::internal::determinant_impl< Derived, 4 > | |
CEigen::MatrixBase< Derived >::DiagonalIndexReturnType< Index > | |
CEigen::internal::BandMatrixBase< Derived >::DiagonalIntReturnType< Index > | |
CEigen::DiagonalPreconditioner< _Scalar > | A preconditioner based on the digonal entries |
►Cdict | |
Ccpplint._IncludeState | |
CEigen::internal::direct_selfadjoint_eigenvalues< SolverType, Size, IsComplex > | |
CEigen::internal::direct_selfadjoint_eigenvalues< SolverType, 2, false > | |
CEigen::internal::direct_selfadjoint_eigenvalues< SolverType, 3, false > | |
CEigen::internal::dot_nocheck< T, U, NeedToTranspose > | |
CEigen::internal::dot_nocheck< T, U, true > | |
CEigen::internal::gebp_traits< std::complex< RealScalar >, std::complex< RealScalar >, _ConjLhs, _ConjRhs >::DoublePacket | |
CEigen::DynamicSkylineMatrix< _Scalar, _Flags > | |
CDynamicSystem | Stores a DifferentialEquation together with an OutputFcn |
CEigen::ei_cleantype< T > | |
CEigen::ei_cleantype< const T & > | |
CEigen::ei_cleantype< const T * > | |
CEigen::ei_cleantype< const T > | |
CEigen::ei_cleantype< T & > | |
CEigen::ei_cleantype< T * > | |
CEigen::ei_is_same_type< T, U > | |
CEigen::ei_is_same_type< T, T > | |
CEigen::ei_meta_false | |
CEigen::ei_meta_if< Condition, Then, Else > | |
CEigen::ei_meta_if< false, Then, Else > | |
CEigen::ei_meta_sqrt< Y, InfX, SupX, Done > | |
CEigen::ei_meta_sqrt< Y, InfX, SupX, true > | |
CEigen::ei_meta_true | |
CEigen::ei_quaternion_assign_impl< Other, OtherRows, OtherCols > | |
CEigen::ei_quaternion_assign_impl< Other, 3, 3 > | |
CEigen::ei_quaternion_assign_impl< Other, 4, 1 > | |
CEigen::ei_traits< AngleAxis< _Scalar > > | |
CEigen::ei_traits< Quaternion< _Scalar > > | |
CEigen::ei_traits< Rotation2D< _Scalar > > | |
CEigen::ei_transform_product_impl< Other, Dim, HDim, OtherRows, OtherCols > | |
CEigen::ei_transform_product_impl< Other, Dim, HDim, Dim, 1 > | |
CEigen::ei_transform_product_impl< Other, Dim, HDim, Dim, Dim > | |
CEigen::ei_transform_product_impl< Other, Dim, HDim, HDim, 1 > | |
CEigen::ei_transform_product_impl< Other, Dim, HDim, HDim, HDim > | |
CEigen::ei_unconst< T > | |
CEigen::ei_unconst< const T > | |
CEigen::ei_unconst< T const & > | |
CEigen::ei_unconst< T const * > | |
CEigen::ei_unpointer< T > | |
CEigen::ei_unpointer< T * > | |
CEigen::ei_unpointer< T *const > | |
CEigen::ei_unref< T > | |
CEigen::ei_unref< T & > | |
►CEIGEN_ALIGNED_ALLOCATOR | |
CEigen::aligned_allocator_indirection< T > | |
►CEigen::EigenBase< Derived > | |
►CEigen::DiagonalBase< DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > > | |
CEigen::DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > | Represents a diagonal matrix with its storage |
►CEigen::DiagonalBase< DiagonalWrapper< _DiagonalVectorType > > | |
CEigen::DiagonalWrapper< _DiagonalVectorType > | Expression of a diagonal matrix |
►CEigen::DenseCoeffsBase< Derived, ReadOnlyAccessors > | Base class providing read-only coefficient access to matrices and arrays |
CEigen::DenseCoeffsBase< Derived, DirectAccessors > | Base class providing direct read-only coefficient access to matrices and arrays |
►CEigen::DenseCoeffsBase< Derived, WriteAccessors > | Base class providing read/write coefficient access to matrices and arrays |
CEigen::DenseCoeffsBase< Derived, DirectWriteAccessors > | Base class providing direct read/write coefficient access to matrices and arrays |
CEigen::DiagonalBase< Derived > | |
►CEigen::internal::BandMatrixBase< Derived > | |
CEigen::internal::BandMatrix< RealScalar, ColsAtCompileTime, ColsAtCompileTime, 1, 0 > | |
►CEigen::internal::BandMatrix< Scalar, Size, Size, Options &SelfAdjoint?0:1, 1, Options|RowMajor > | |
CEigen::internal::TridiagonalMatrix< Scalar, Size, Options > | Represents a tridiagonal matrix with a compact banded storage |
►CEigen::PermutationBase< Derived > | Base class for permutations |
CEigen::PermutationMatrix< Dynamic, Dynamic, Index > | |
CEigen::SkylineMatrixBase< Derived > | Base class of any skyline matrices or skyline expressions |
►CEigen::SparseMatrixBase< Derived > | Base class of any sparse matrices or sparse expressions |
CEigen::MappedSparseMatrix< Scalar, ColMajor, Index > | |
CEigen::SparseMatrix< Scalar > | |
CEigen::SparseMatrix< Scalar, ColMajor > | |
CEigen::SparseMatrix< Scalar, ColMajor, Index > | |
CEigen::SparseMatrix< Scalar, ColMajor, int > | |
CEigen::SparseMatrix< Scalar, RowMajor > | |
CEigen::SparseMatrix< Scalar, RowMajor, Index > | |
CEigen::TriangularBase< Derived > | |
►CEigen::PermutationBase< Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > > | |
CEigen::Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > | |
►CEigen::PermutationBase< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > > | |
CEigen::PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > | Permutation matrix |
CEigen::PermutationMatrix< ColsAtCompileTime, MaxColsAtCompileTime > | |
CEigen::PermutationMatrix< Dynamic, Dynamic > | |
CEigen::PermutationMatrix< RowsAtCompileTime, MaxRowsAtCompileTime > | |
►CEigen::PermutationBase< PermutationWrapper< _IndicesType > > | |
CEigen::PermutationWrapper< _IndicesType > | Class to view a vector of integers as a permutation matrix |
►CEigen::SkylineMatrixBase< SkylineMatrix< _Scalar, _Options > > | |
CEigen::SkylineMatrix< _Scalar, _Options > | The main skyline matrix class |
►CEigen::SparseMatrixBase< Block< SparseMatrix< _Scalar, _Options, _Index >, BlockRows, BlockCols, true > > | |
CEigen::BlockImpl< SparseMatrix< _Scalar, _Options, _Index >, BlockRows, BlockCols, true, Sparse > | |
►CEigen::SparseMatrixBase< Block< XprType, BlockRows, BlockCols, InnerPanel > > | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Sparse > | |
►CEigen::SparseMatrixBase< Block< XprType, BlockRows, BlockCols, true > > | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, true, Sparse > | |
►CEigen::SparseMatrixBase< CwiseBinaryOp< BinaryOp, Lhs, Rhs > > | |
CEigen::CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Sparse > | |
►CEigen::SparseMatrixBase< CwiseUnaryOp< UnaryOp, MatrixType > > | |
CEigen::CwiseUnaryOpImpl< UnaryOp, MatrixType, Sparse > | |
►CEigen::SparseMatrixBase< CwiseUnaryView< ViewOp, MatrixType > > | |
CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, Sparse > | |
►CEigen::SparseMatrixBase< DynamicSparseMatrix< _Scalar, _Options, _Index > > | |
CEigen::DynamicSparseMatrix< _Scalar, _Options, _Index > | A sparse matrix class designed for matrix assembly purpose |
►CEigen::SparseMatrixBase< MappedSparseMatrix< _Scalar, _Flags, _Index > > | |
CEigen::MappedSparseMatrix< _Scalar, _Flags, _Index > | Sparse matrix |
►CEigen::SparseMatrixBase< SparseDenseOuterProduct< Lhs, Rhs, Tr > > | |
CEigen::SparseDenseOuterProduct< Lhs, Rhs, Tr > | |
►CEigen::SparseMatrixBase< SparseDiagonalProduct< Lhs, Rhs > > | |
CEigen::SparseDiagonalProduct< Lhs, Rhs > | |
►CEigen::SparseMatrixBase< SparseMatrix< _Scalar, _Options, _Index > > | |
CEigen::SparseMatrix< _Scalar, _Options, _Index > | A versatible sparse matrix representation |
►CEigen::SparseMatrixBase< SparseSparseProduct< LhsNested, RhsNested > > | |
CEigen::SparseSparseProduct< LhsNested, RhsNested > | |
►CEigen::SparseMatrixBase< SparseTriangularView< MatrixType, Mode > > | |
CEigen::SparseTriangularView< MatrixType, Mode > | |
►CEigen::SparseMatrixBase< SparseVector< _Scalar, _Options, _Index > > | |
CEigen::SparseVector< _Scalar, _Options, _Index > | Sparse vector class |
►CEigen::SparseMatrixBase< SparseView< MatrixType > > | |
CEigen::SparseView< MatrixType > | |
►CEigen::SparseMatrixBase< Transpose< MatrixType > > | |
CEigen::TransposeImpl< MatrixType, Sparse > | |
►CEigen::TriangularBase< SelfAdjointView< MatrixType, UpLo > > | |
CEigen::SelfAdjointView< MatrixType, UpLo > | Expression of a selfadjoint matrix from a triangular part of a dense matrix |
►CEigen::TriangularBase< TriangularView< _MatrixType, _Mode > > | |
CEigen::TriangularView< _MatrixType, _Mode > | Base class for triangular part in a matrix |
►CEigen::EigenBase< BandMatrix< _Scalar, Rows, Cols, Supers, Subs, Options > > | |
►CEigen::internal::BandMatrixBase< BandMatrix< _Scalar, Rows, Cols, Supers, Subs, Options > > | |
CEigen::internal::BandMatrix< _Scalar, Rows, Cols, Supers, Subs, Options > | Represents a rectangular matrix with a banded storage |
►CEigen::EigenBase< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > > | |
►CEigen::internal::BandMatrixBase< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > > | |
CEigen::internal::BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > | |
►CEigen::EigenBase< HouseholderSequence< VectorsType, CoeffsType, Side > > | |
CEigen::HouseholderSequence< VectorsType, CoeffsType, Side > | Sequence of Householder reflections acting on subspaces with decreasing size |
►CEigen::EigenBase< KroneckerProductSparse< Lhs, Rhs > > | |
CEigen::KroneckerProductSparse< Lhs, Rhs > | Kronecker tensor product helper class for sparse matrices |
►CEigen::EigenBase< SparseQRMatrixQReturnType< SparseQRType > > | |
CEigen::SparseQRMatrixQReturnType< SparseQRType > | |
►CEigen::EigenBase< SparseSelfAdjointView< MatrixType, UpLo > > | |
CEigen::SparseSelfAdjointView< MatrixType, UpLo > | Pseudo expression to manipulate a triangular sparse matrix as a selfadjoint matrix |
►CEigen::EigenBase< SparseSymmetricPermutationProduct< MatrixType, UpLo > > | |
CEigen::SparseSymmetricPermutationProduct< MatrixType, UpLo > | |
►CEigen::EigenBase< Transpose< PermutationBase< Derived > > > | |
CEigen::Transpose< PermutationBase< Derived > > | |
CEigen::EigenSolver< _MatrixType > | Computes eigenvalues and eigenvectors of general matrices |
CEigen::EigenSolver< CompanionMatrixType > | |
CEigen::internal::eigenvalues_selector< Derived, IsComplex > | |
CEigen::internal::eigenvalues_selector< Derived, false > | |
CEigen::internal::enable_if< Condition, T > | |
CEigen::internal::enable_if< true, T > | |
CEigen::internal::eval< T, StorageKind > | |
CEigen::internal::eval< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense > | |
CEigen::internal::eval< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense > | |
CEigen::internal::eval< MatrixType > | |
CEigen::internal::eval< T, Dense > | |
CEigen::internal::eval< T, IsSkyline > | |
►CEvaluationBase | Abstract base class for templated evaluation of operators |
CEvaluationTemplate< T > | Templated class for operator evaluation |
CEvaluationPoint | Allows to setup function evaluation points |
►CException | |
Ccpplint._IncludeError | |
►Cexception | |
CCasADi::CasadiException | Casadi exception class |
CTaylorModel< T >::Exceptions | Taylor model exceptions |
CExportAlgorithmFactory< AlgorithmBase, AlgorithmType > | Factory for creation of exported algorithms |
CExportArgumentList | Allows to store a list of calling arguments of an ExportFunction |
CExportAuxiliaryFunctions | A class for generating some helper functions |
CExportAuxiliarySimFunctions | A class for generating some helper functions |
CExportIndexComparator | |
►CExportQpOasesInterface | A class for generating the glue code for interfacing qpOASES |
CExportQpOases3Interface | A class for generating the glue code for interfacing qpOASES |
CExportSimulinkInterface | A class for generating the glue code and makefile for interfacing generated code and Simulink |
►CExportStatement | Base class for all kind of statements to be exported by the code generation tool |
CExportArithmeticStatement | Allows to export code of different arithmetic statements |
CExportDataDeclaration | Allows to export code containing variable declarations |
CExportFunctionCall | Allows to export code of a function call |
CExportFunctionDeclaration | Allows to export code containing function (forward) declarations |
►CExportStatementBlock | Allows to export code for a block of statements |
►CExportFile | Allows to export files containing automatically generated algorithms for fast model predictive control |
►CExportTemplatedFile | Allows export of template files |
CExportCommonHeader | Centralized place to export the common header for a generated module |
CExportForcesGenerator | Generator of the FORCES interface, the to, be called from MATLAB |
CExportForcesInterface | A class for configuration and export for interface to the FORCES QP solver |
CExportHessianRegularization | A class for generating code implementing a symmetric EigenValue Decomposition |
CExportHpmpcInterface | Interface generator for the HPMPC QP solver |
CExportMatlabIntegrator | .. |
CExportQpDunesInterface | Interface generator for the qpDUNES QP solver |
CExportSplitQpDunesInterface | Interface generator for the qpDUNES QP solver |
CExportForLoop | Allows to export code of a for-loop |
►CExportFunction | Allows to export code of an arbitrary function |
CExportAcadoFunction | Allows to export code of an ACADO function |
CExportStatementString | Allows to export code writing a string |
►CExpression | Base class for all variables within the symbolic expressions family |
CExpressionType< Derived, Type, AllowCounter > | |
►CExpressionType< AlgebraicState, VT_ALGEBRAIC_STATE > | |
CAlgebraicState | |
►CExpressionType< Control, VT_CONTROL > | |
CControl | |
►CExpressionType< DifferentialState, VT_DIFFERENTIAL_STATE > | |
CDifferentialState | |
►CExpressionType< DifferentialStateDerivative, VT_DDIFFERENTIAL_STATE > | |
CDifferentialStateDerivative | |
►CExpressionType< Disturbance, VT_DISTURBANCE > | |
CDisturbance | |
►CExpressionType< IntegerControl, VT_INTEGER_CONTROL > | |
CIntegerControl | |
►CExpressionType< IntegerParameter, VT_INTEGER_PARAMETER > | |
CIntegerParameter | |
►CExpressionType< IntermediateState, VT_INTERMEDIATE_STATE > | |
CIntermediateState | |
►CExpressionType< OnlineData, VT_ONLINE_DATA > | |
COnlineData | |
►CExpressionType< Output, VT_OUTPUT > | |
COutput | |
►CExpressionType< Parameter, VT_PARAMETER > | |
CParameter | |
►CExpressionType< TIME, VT_TIME, false > | |
CTIME | |
CLyapunov | Implements a parameter |
CEigen::VectorwiseOp< ExpressionType, Direction >::ExtendedType< OtherDerived > | |
CEigen::internal::extract_data_selector< T, HasUsableDirectAccess > | |
CEigen::internal::extract_data_selector< T, false > | |
CEigen::internal::false_type | |
CEigen::internal::fftw_impl< _Scalar > | |
CEigen::internal::fftw_plan< T > | |
CEigen::internal::fftw_plan< double > | |
CEigen::internal::fftw_plan< float > | |
CEigen::internal::fftw_plan< long double > | |
Ccpplint.FileInfo | |
CEigen::internal::first_aligned_impl< Derived, JustReturnZero > | |
CEigen::internal::first_aligned_impl< Derived, false > | |
CFixedSegmentReturnType< Size > | |
CEigen::SparseMatrixBase< Derived >::FixedSegmentReturnType< Size > | |
CEigen::DenseBase< Derived >::FixedSegmentReturnType< Size > | |
CFlipper | Auxiliary class for storing a copy of the current matrix factorisations |
CEigen::internal::floor_log2< n, lower, upper, selector > | |
CEigen::internal::floor_log2< n, lower, upper, floor_log2_bogus > | |
CEigen::internal::floor_log2< n, lower, upper, floor_log2_move_down > | |
CEigen::internal::floor_log2< n, lower, upper, floor_log2_move_up > | |
CEigen::internal::floor_log2< n, lower, upper, floor_log2_terminate > | |
CEigen::internal::floor_log2_selector< n, lower, upper > | |
CMatFile< T >::Fmatrix | |
CEigen::FullPivHouseholderQR< _MatrixType > | Householder rank-revealing QR decomposition of a matrix with full pivoting |
CEigen::FullPivHouseholderQR< MatrixType > | |
CEigen::FullPivHouseholderQR< TransposeTypeWithSameStorageOrder > | |
CEigen::FullPivLU< _MatrixType > | LU decomposition of a matrix with complete pivoting, and related features |
►CEigen::FullPivLU< MatrixType > | |
CEigen::LU< MatrixType > | |
►CFunction | Allows to setup and evaluate a general function based on SymbolicExpressions |
►CDifferentialEquation | Allows to setup and evaluate differential equations (ODEs and DAEs) based on SymbolicExpressions |
CDiscretizedDifferentialEquation | Allows to setup and evaluate discretized differential equations based on SymbolicExpressions |
COutputFcn | Allows to setup and evaluate output functions based on SymbolicExpressions |
CTransition | Allows to setup and evaluate transition functions based on SymbolicExpressions |
CFunctionEvaluationTree | Organizes the evaluation of the function tree |
►CFunctor | |
CEigen::AutoDiffJacobian< Functor > | |
CEigen::internal::functor_has_linear_access< Functor > | |
CEigen::internal::functor_has_linear_access< scalar_identity_op< Scalar > > | |
CEigen::internal::functor_is_product_like< Functor > | |
CEigen::internal::functor_is_product_like< scalar_conj_product_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_is_product_like< scalar_product_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_is_product_like< scalar_quotient_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_traits< T > | |
CEigen::internal::functor_traits< linspaced_op< Scalar, RandomAccess > > | |
CEigen::internal::functor_traits< max_coeff_visitor< Scalar > > | |
CEigen::internal::functor_traits< min_coeff_visitor< Scalar > > | |
CEigen::internal::functor_traits< scalar_abs2_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_abs_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_acos_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_add_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_asin_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_binary_pow_op< Scalar, OtherScalar > > | |
CEigen::internal::functor_traits< scalar_boolean_and_op > | |
CEigen::internal::functor_traits< scalar_boolean_or_op > | |
CEigen::internal::functor_traits< scalar_cast_op< Scalar, NewType > > | |
CEigen::internal::functor_traits< scalar_conj_product_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_traits< scalar_conjugate_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_constant_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_cos_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_cube_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_difference_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_exp_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_hypot_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_identity_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_imag_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_imag_ref_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_inverse_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_log_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_max_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_min_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_multiple2_op< Scalar1, Scalar2 > > | |
CEigen::internal::functor_traits< scalar_multiple_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_opposite_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_pow_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_product_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_traits< scalar_quotient1_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_quotient_op< LhsScalar, RhsScalar > > | |
CEigen::internal::functor_traits< scalar_random_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_real_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_real_ref_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_sin_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_sqrt_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_square_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_sum_op< Scalar > > | |
CEigen::internal::functor_traits< scalar_tan_op< Scalar > > | |
CEigen::internal::functor_traits< std::binary_negate< T > > | |
CEigen::internal::functor_traits< std::binder1st< T > > | |
CEigen::internal::functor_traits< std::binder2nd< T > > | |
CEigen::internal::functor_traits< std::divides< T > > | |
CEigen::internal::functor_traits< std::equal_to< T > > | |
CEigen::internal::functor_traits< std::greater< T > > | |
CEigen::internal::functor_traits< std::greater_equal< T > > | |
CEigen::internal::functor_traits< std::less< T > > | |
CEigen::internal::functor_traits< std::less_equal< T > > | |
CEigen::internal::functor_traits< std::logical_and< T > > | |
CEigen::internal::functor_traits< std::logical_not< T > > | |
CEigen::internal::functor_traits< std::logical_or< T > > | |
CEigen::internal::functor_traits< std::minus< T > > | |
CEigen::internal::functor_traits< std::multiplies< T > > | |
CEigen::internal::functor_traits< std::negate< T > > | |
CEigen::internal::functor_traits< std::not_equal_to< T > > | |
CEigen::internal::functor_traits< std::plus< T > > | |
CEigen::internal::functor_traits< std::unary_negate< T > > | |
CEigen::internal::gebp_kernel< LhsScalar, RhsScalar, Index, mr, nr, ConjugateLhs, ConjugateRhs > | |
CEigen::internal::gebp_madd_selector< CJ, A, B, C, T > | |
CEigen::internal::gebp_madd_selector< CJ, T, T, T, T > | |
CEigen::internal::gebp_traits< _LhsScalar, _RhsScalar, _ConjLhs, _ConjRhs > | |
CEigen::internal::gebp_traits< RealScalar, std::complex< RealScalar >, false, _ConjRhs > | |
CEigen::internal::gebp_traits< std::complex< RealScalar >, RealScalar, _ConjLhs, false > | |
CEigen::internal::gebp_traits< std::complex< RealScalar >, std::complex< RealScalar >, _ConjLhs, _ConjRhs > | |
CEigen::internal::gemm_blocking_space< StorageOrder, LhsScalar, RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, FiniteAtCompileTime > | |
CEigen::internal::gemm_functor< Scalar, Index, Gemm, Lhs, Rhs, Dest, BlockingType > | |
CEigen::internal::gemm_pack_lhs< Scalar, Index, Pack1, Pack2, StorageOrder, Conjugate, PanelMode > | |
CEigen::internal::gemm_pack_rhs< Scalar, Index, nr, StorageOrder, Conjugate, PanelMode > | |
CEigen::internal::gemm_pack_rhs< Scalar, Index, nr, ColMajor, Conjugate, PanelMode > | |
CEigen::internal::gemm_pack_rhs< Scalar, Index, nr, RowMajor, Conjugate, PanelMode > | |
CEigen::internal::GemmParallelInfo< Index > | |
CEigen::internal::gemv_selector< Side, StorageOrder, BlasCompatible > | |
CEigen::internal::gemv_selector< OnTheLeft, StorageOrder, BlasCompatible > | |
CEigen::internal::gemv_selector< OnTheRight, ColMajor, false > | |
CEigen::internal::gemv_selector< OnTheRight, ColMajor, true > | |
CEigen::internal::gemv_selector< OnTheRight, RowMajor, false > | |
CEigen::internal::gemv_selector< OnTheRight, RowMajor, true > | |
CEigen::internal::gemv_static_vector_if< Scalar, Size, MaxSize, Cond > | |
CEigen::internal::gemv_static_vector_if< Scalar, Size, Dynamic, true > | |
CEigen::internal::gemv_static_vector_if< Scalar, Size, MaxSize, false > | |
CEigen::internal::gemv_static_vector_if< Scalar, Size, MaxSize, true > | |
CEigen::internal::general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ResStorageOrder > | |
CEigen::internal::general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor > | |
CEigen::internal::general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor > | |
CEigen::internal::general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ResStorageOrder, UpLo, Version > | |
CEigen::internal::general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor, UpLo, Version > | |
CEigen::internal::general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor, UpLo, Version > | |
►CEigen::internal::general_matrix_matrix_triangular_product< Index, Scalar, AStorageOrder, ConjugateA, Scalar, AStorageOrder, ConjugateA, ResStorageOrder, UpLo, BuiltIn > | |
CEigen::internal::general_matrix_matrix_rankupdate< Index, Scalar, AStorageOrder, ConjugateA, ResStorageOrder, UpLo > | |
CEigen::internal::general_matrix_vector_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, ConjugateRhs, Version > | |
CEigen::internal::general_matrix_vector_product< Index, LhsScalar, ColMajor, ConjugateLhs, RhsScalar, ConjugateRhs, Version > | |
►CEigen::internal::general_matrix_vector_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, ConjugateRhs, BuiltIn > | |
CEigen::internal::general_matrix_vector_product_gemv< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, ConjugateRhs > | |
CEigen::internal::general_matrix_vector_product< Index, LhsScalar, RowMajor, ConjugateLhs, RhsScalar, ConjugateRhs, Version > | |
CEigen::general_product_to_triangular_selector< MatrixType, ProductType, UpLo, IsOuterProduct > | |
CEigen::general_product_to_triangular_selector< MatrixType, ProductType, UpLo, false > | |
CEigen::general_product_to_triangular_selector< MatrixType, ProductType, UpLo, true > | |
CEigen::GeneralizedEigenSolver< _MatrixType > | Computes the generalized eigenvalues and eigenvectors of a pair of general matrices |
CEigen::GeneralProduct< Lhs, Rhs, ProductType > | Expression of the product of two general matrices or vectors |
►CEigen::GenericNumTraits< T > | |
CEigen::NumTraits< T > | Holds information about the various numeric (i.e. scalar) types allowed by Eigen |
CEigen::NumTraits< Scalar > | |
CEigen::NumTraits< typename MatrixType::Scalar > | |
►CEigen::GenericNumTraits< double > | |
CEigen::NumTraits< double > | |
►CEigen::GenericNumTraits< float > | |
CEigen::NumTraits< float > | |
►CEigen::GenericNumTraits< long double > | |
CEigen::NumTraits< long double > | |
►CEigen::GenericNumTraits< std::complex< _Real > > | |
CEigen::NumTraits< std::complex< _Real > > | |
CEigen::internal::get_boxes_helper< ObjectList, VolumeList, BoxIter > | |
CEigen::internal::get_boxes_helper< ObjectList, VolumeList, int > | |
CEigen::internal::get_factor< From, To > | |
CEigen::internal::get_factor< Scalar, typename NumTraits< Scalar >::Real > | |
CEigen::internal::global_math_functions_filtering_base< T, dummy > | |
CEigen::internal::global_math_functions_filtering_base< T, typename always_void< typename T::Eigen_BaseClassForSpecializationOfGlobalMathFuncImpl >::type > | |
►CGrid | Allows to conveniently handle (one-dimensional) grids consisting of time points |
►CMatrixVariablesGrid | Provides a time grid consisting of matrix-valued optimization variables at each grid point |
CVariablesGrid | Provides a time grid consisting of vector-valued optimization variables at each grid point |
CEigen::internal::has_direct_access< Derived > | |
CEigen::internal::has_none | |
CEigen::internal::has_std_result_type | |
CEigen::internal::has_tr1_result | |
CEigen::HessenbergDecomposition< _MatrixType > | Reduces a square matrix to Hessenberg form by an orthogonal similarity transformation |
CEigen::HessenbergDecomposition< MatrixType > | |
CEigen::internal::homogeneous_left_product_impl< MatrixType, Lhs > | |
CEigen::internal::homogeneous_right_product_impl< MatrixType, Rhs > | |
CEigen::HouseholderQR< _MatrixType > | Householder QR decomposition of a matrix |
►CEigen::HouseholderQR< MatrixType > | |
CEigen::QR< MatrixType > | |
CEigen::HouseholderQR< TransposeTypeWithSameStorageOrder > | |
CEigen::internal::hseq_side_dependent_impl< VectorsType, CoeffsType, Side > | |
CEigen::internal::hseq_side_dependent_impl< VectorsType, CoeffsType, OnTheRight > | |
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::Hyperplane< _Scalar, _AmbientDim > | A hyperplane |
CEigen::internal::hypot_impl< Scalar > | |
CEigen::internal::hypot_retval< Scalar > | |
CEigen::IdentityPreconditioner | A naive preconditioner which approximates any matrix as the identity matrix |
CEigen::internal::imag_default_impl< Scalar, IsComplex > | |
►CEigen::internal::imag_default_impl< Scalar > | |
CEigen::internal::imag_impl< Scalar > | |
CEigen::internal::imag_default_impl< Scalar, true > | |
CEigen::internal::imag_ref_default_impl< Scalar, IsComplex > | |
CEigen::internal::imag_ref_default_impl< Scalar, false > | |
►CEigen::internal::imag_ref_default_impl< Scalar, NumTraits< Scalar >::IsComplex > | |
CEigen::internal::imag_ref_impl< Scalar > | |
CEigen::internal::imag_ref_retval< Scalar > | |
CEigen::internal::imag_retval< Scalar > | |
CEigen::internal::image_retval< DecompositionType > | |
CEigen::IncompleteLU< _Scalar > | |
CIndexlist | Stores and manages index lists |
CEigen::internal::inner_stride_at_compile_time< Derived, HasDirectAccess > | |
CEigen::internal::inner_stride_at_compile_time< Derived, false > | |
►CInnerIterator | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Sparse >::InnerIterator | |
CEigen::SparseView< MatrixType >::InnerIterator | |
CEigen::TransposeImpl< MatrixType, Sparse >::InnerIterator | |
►CInnerIterator | |
CEigen::internal::sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsDiagonal, SDP_IsSparseRowMajor > | |
CEigen::internal::sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsSparseColMajor, SDP_IsDiagonal > | |
►CInnerIterator | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, true, Sparse >::InnerIterator | |
►CInnerIterator | |
CEigen::SparseTriangularView< MatrixType, Mode >::InnerIterator | |
►CInnerIterator | |
CEigen::SparseDenseOuterProduct< Lhs, Rhs, Tr >::InnerIterator | |
CEigen::MappedSparseMatrix< _Scalar, _Flags, _Index >::InnerIterator | |
►CEigen::SparseMatrix< _Scalar, _Options, _Index >::InnerIterator | |
CEigen::BlockImpl< SparseMatrix< _Scalar, _Options, _Index >, BlockRows, BlockCols, true, Sparse >::InnerIterator | |
►CEigen::SparseVector< _Scalar, _Options, _Index >::InnerIterator | |
CEigen::DynamicSparseMatrix< _Scalar, _Options, _Index >::InnerIterator | |
CEigen::internal::MappedSuperNodalMatrix< _Scalar, _Index >::InnerIterator | InnerIterator class to iterate over nonzero values of the current column in the supernodal matrix L |
CEigen::DenseBase< Derived >::InnerIterator< Derived > | |
►CInnerIterator | |
CEigen::internal::sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsDiagonal, SDP_IsSparseColMajor > | |
CEigen::internal::sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsSparseRowMajor, SDP_IsDiagonal > | |
CInnerIterator | An InnerIterator allows to loop over the element of a sparse (or dense) matrix or expression |
CEigen::SkylineMatrix< _Scalar, _Options >::InnerLowerIterator | |
CEigen::SkylineMatrix< _Scalar, _Options >::InnerUpperIterator | |
CEigen::internal::inplace_transpose_selector< MatrixType, IsSquare > | |
CEigen::internal::inplace_transpose_selector< MatrixType, false > | |
CEigen::internal::inplace_transpose_selector< MatrixType, true > | |
CEigen::internal::intersector_helper1< Volume1, Object1, Object2, Intersector > | |
CEigen::internal::intersector_helper2< Volume2, Object2, Object1, Intersector > | |
CInterval | Implements a rudimentary interval class |
CEigen::IOFormat | Stores a set of parameters controlling the way matrices are printed |
Cstd::IoFormatter | |
CEigen::internal::is_arithmetic< T > | |
CEigen::internal::is_arithmetic< __m128 > | |
CEigen::internal::is_arithmetic< __m128d > | |
CEigen::internal::is_arithmetic< __m128i > | |
CEigen::internal::is_arithmetic< bool > | |
CEigen::internal::is_arithmetic< char > | |
CEigen::internal::is_arithmetic< double > | |
CEigen::internal::is_arithmetic< float > | |
CEigen::internal::is_arithmetic< long double > | |
CEigen::internal::is_arithmetic< signed char > | |
CEigen::internal::is_arithmetic< signed int > | |
CEigen::internal::is_arithmetic< signed long > | |
CEigen::internal::is_arithmetic< signed short > | |
CEigen::internal::is_arithmetic< unsigned char > | |
CEigen::internal::is_arithmetic< unsigned int > | |
CEigen::internal::is_arithmetic< unsigned long > | |
CEigen::internal::is_arithmetic< unsigned short > | |
CEigen::internal::is_const< T > | |
CEigen::internal::is_const< T const > | |
CEigen::internal::is_diagonal< T > | |
CEigen::internal::is_diagonal< DiagonalBase< T > > | |
CEigen::internal::is_diagonal< DiagonalMatrix< T, S > > | |
CEigen::internal::is_diagonal< DiagonalWrapper< T > > | |
CEigen::internal::is_lvalue< ExpressionType > | |
CEigen::internal::is_same< T, U > | |
CEigen::internal::is_same< T, T > | |
CEigen::internal::isApprox_selector< Derived, OtherDerived, is_integer > | |
CEigen::internal::isApprox_selector< Derived, OtherDerived, true > | |
CEigen::internal::isMuchSmallerThan_object_selector< Derived, OtherDerived, is_integer > | |
CEigen::internal::isMuchSmallerThan_object_selector< Derived, OtherDerived, true > | |
CEigen::internal::isMuchSmallerThan_scalar_selector< Derived, is_integer > | |
CEigen::internal::isMuchSmallerThan_scalar_selector< Derived, true > | |
CEigen::IterationController | Controls the iterations of the iterative solvers |
CEigen::internal::AmbiVector< _Scalar, _Index >::Iterator | |
CEigen::IterScaling< _MatrixType > | |
CEigen::JacobiRotation< Scalar > | Rotation given by a cosine-sine pair |
CEigen::JacobiSVD< _MatrixType, QRPreconditioner > | Two-sided Jacobi SVD decomposition of a rectangular matrix |
CEigen::KdBVH< _Scalar, _Dim, _Object > | A simple bounding volume hierarchy based on AlignedBox |
CEigen::IncompleteLUT< _Scalar >::keep_diag | |
CEigen::SimplicialCholeskyBase< Derived >::keep_diag | |
CEigen::internal::kernel_retval< DecompositionType > | |
CEigen::internal::kiss_cpx_fft< _Scalar > | |
CEigen::internal::kissfft_impl< _Scalar > | |
►CLagrangeTerm | Stores and evaluates Lagrange terms within optimal control problems |
CObjective | Stores and evaluates the objective function of optimal control problems |
CEigen::LDLT< _MatrixType, _UpLo > | Robust Cholesky decomposition of a matrix with pivoting |
CEigen::internal::ldlt_inplace< UpLo > | |
CEigen::internal::ldlt_inplace< Lower > | |
CEigen::internal::ldlt_inplace< Upper > | |
CEigen::internal::LDLT_Traits< MatrixType, UpLo > | |
CEigen::internal::LDLT_Traits< MatrixType, Lower > | |
CEigen::internal::LDLT_Traits< MatrixType, Upper > | |
CEigen::internal::level3_blocking< _LhsScalar, _RhsScalar > | |
►CEigen::internal::level3_blocking< conditional< StorageOrder==RowMajor, _RhsScalar, _LhsScalar >::type, conditional< StorageOrder==RowMajor, _LhsScalar, _RhsScalar >::type > | |
CEigen::internal::gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, false > | |
CEigen::internal::gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, true > | |
CEigen::LevenbergMarquardt< FunctorType, Scalar > | Performs non linear optimization over a non-linear function, using a variant of the Levenberg Marquardt algorithm |
CEigen::internal::linspaced_op< Scalar, RandomAccess > | |
CEigen::internal::linspaced_op_impl< Scalar, RandomAccess > | |
CEigen::internal::linspaced_op_impl< Scalar, false > | |
CEigen::internal::linspaced_op_impl< Scalar, true > | |
►Clist | |
Cstd::list< T, EIGEN_ALIGNED_ALLOCATOR< T > > | |
CEigen::internal::AmbiVector< _Scalar, _Index >::ListEl | |
CEigen::LLT< _MatrixType, _UpLo > | Standard Cholesky decomposition (LL^T) of a matrix and associated features |
CEigen::internal::llt_inplace< Scalar, UpLo > | |
CEigen::internal::llt_inplace< Scalar, Lower > | |
CEigen::internal::llt_inplace< Scalar, Upper > | |
CEigen::internal::LLT_Traits< MatrixType, UpLo > | |
CEigen::internal::LLT_Traits< MatrixType, Lower > | |
CEigen::internal::LLT_Traits< MatrixType, Upper > | |
CLogger | A very simple logging class |
►CLogging | Provides a generic way to store algorithmic information during runtime |
►CUserInteraction | Encapsulates all user interaction for setting options, logging data and plotting results |
►CExportModule | User-interface to automatically generate algorithms for fast model predictive control |
COCPexport | A user class for auto-generation of OCP solvers |
CSIMexport | User-interface to automatically generate simulation algorithms for fast optimal control |
CIntegrationAlgorithm | User-interface to integrate a DynamicSystem, possibly over multiple stages |
►COptimizationAlgorithm | User-interface to formulate and solve optimal control problems and static NLPs |
CMHEalgorithm | User-interface to formulate and solve moving horizon estimation problems |
CMultiObjectiveAlgorithm | User-interface to formulate and solve optimal control problems with multiple objectives |
CParameterEstimationAlgorithm | User-interface to formulate and solve parameter estimation problems |
►CSimulationBlock | Base class for building-blocks of the SimulationEnvironment |
►CControlLaw | Base class for interfacing online feedback laws to be used within a Controller |
CFeedforwardLaw | Implements a feedforward law to be used within a Controller |
CLinearStateFeedback | Implements a linear state feedback law to be used within a Controller |
CPIDcontroller | Implements a PID control law to be used within a Controller |
CRealTimeAlgorithm | User-interface to formulate and solve model predictive control problems |
CController | Calculates the control inputs of the Process based on the Process outputs |
►CEstimator | Base class for interfacing online state/parameter estimators |
CDynamicEstimator | Implements an online state/parameter estimator based on dynamic optimization |
CKalmanFilter | Provides a Kalman filter for state estimation |
CProcess | Simulates the process to be controlled based on a dynamic model |
CSimulationEnvironment | Allows to run closed-loop simulations of dynamic systems |
►CTransferDevice | Base class for simulating Actuator and Sensor behaviour wihtin the Process |
CActuator | Allows to simulate the behaviour of actuators within the Process |
CSensor | Allows to simulate the behaviour of sensors within the Process |
CLogRecord | Allows to setup and store user-specified log records of algorithmic information |
CLogRecord::LogRecordData | |
CEigen::internal::lpNorm_selector< Derived, p > | |
CEigen::internal::lpNorm_selector< Derived, 1 > | |
CEigen::internal::lpNorm_selector< Derived, 2 > | |
CEigen::internal::lpNorm_selector< Derived, Infinity > | |
CLsqData | |
CLsqExternData | |
CLsqLinearData | |
CEigen::internal::LU_GlobalLU_t< IndexVector, ScalarVector > | |
CEigen::internal::LU_kernel_bmod< SegSizeAtCompileTime > | Performs numeric block updates from a given supernode to a single column |
CEigen::internal::LU_kernel_bmod< 1 > | |
CEigen::internal::make_coherent_impl< A, B > | |
CEigen::internal::make_coherent_impl< A, Matrix< B_Scalar, B_Rows, B_Cols, B_Options, B_MaxRows, B_MaxCols > > | |
CEigen::internal::make_coherent_impl< Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols >, B > | |
CEigen::internal::make_coherent_impl< Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols >, Matrix< B_Scalar, B_Rows, B_Cols, B_Options, B_MaxRows, B_MaxCols > > | |
CEigen::internal::make_proper_matrix_type< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > | |
CEigen::MapBase< Derived, Level > | Base class for Map and Block expression with direct access |
►CEigen::MapBase< Block< XprType, BlockRows, BlockCols, InnerPanel > > | |
CEigen::internal::BlockImpl_dense< XprType, BlockRows, BlockCols, InnerPanel, true > | |
►CEigen::MapBase< Derived > | |
CEigen::RefBase< Derived > | |
►CEigen::MapBase< Map< PlainObjectType, MapOptions, StrideType > > | |
CEigen::Map< PlainObjectType, MapOptions, StrideType > | A matrix or vector expression mapping an existing array of data |
►CEigen::MapBase< Ref< const TPlainObjectType, Options, StrideType > > | |
►CEigen::RefBase< Ref< const TPlainObjectType, Options, StrideType > > | |
CEigen::Ref< const TPlainObjectType, Options, StrideType > | |
►CEigen::MapBase< Ref< PlainObjectType, Options, StrideType > > | |
►CEigen::RefBase< Ref< PlainObjectType, Options, StrideType > > | |
CEigen::Ref< PlainObjectType, Options, StrideType > | A matrix or vector expression mapping an existing expressions |
CEigen::MappedSkylineMatrix< _Scalar, _Flags > | |
CEigen::internal::MappedSuperNodalMatrix< _Scalar, _Index > | Class to manipulate the L supernodal factor from the SparseLU factorization |
CEigen::internal::MappedSuperNodalMatrix< Scalar, Index > | |
CEigen::internal::traits< Ref< _PlainObjectType, _Options, _StrideType > >::match< Derived > | |
CMatFile< T > | Simple class for writing binary data file that are compatible with Matlab |
CMatMatrixHeader | Struct containing the variable header for mat file |
►CMatrix | Abstract base class for interfacing tailored matrix-vector operations |
►CDenseMatrix | Interfaces matrix-vector operations tailored to general dense matrices |
CSymDenseMat | Interfaces matrix-vector operations tailored to symmetric dense matrices |
CSymDenseMat | Interfaces matrix-vector operations tailored to symmetric dense matrices |
CDenseMatrix | Interfaces matrix-vector operations tailored to general dense matrices |
►CSparseMatrix | Interfaces matrix-vector operations tailored to general sparse matrices |
CSymSparseMat | Interfaces matrix-vector operations tailored to symmetric sparse matrices |
CSymSparseMat | Interfaces matrix-vector operations tailored to symmetric sparse matrices |
CSparseMatrix | Interfaces matrix-vector operations tailored to general sparse matrices |
CSparseMatrixRow | Interfaces matrix-vector operations tailored to general sparse matrices |
►CSymmetricMatrix | Abstract base class for interfacing matrix-vector operations tailored to symmetric matrices |
CSymDenseMat | Interfaces matrix-vector operations tailored to symmetric dense matrices |
CSymDenseMat | Interfaces matrix-vector operations tailored to symmetric dense matrices |
CSymSparseMat | Interfaces matrix-vector operations tailored to symmetric sparse matrices |
CSymSparseMat | Interfaces matrix-vector operations tailored to symmetric sparse matrices |
CSymmetricMatrix | Abstract base class for interfacing matrix-vector operations tailored to symmetric matrices |
CEigen::internal::matrix_swap_impl< MatrixTypeA, MatrixTypeB, SwapPointers > | |
CEigen::internal::matrix_swap_impl< MatrixTypeA, MatrixTypeB, true > | |
CEigen::internal::matrix_type_times_scalar_type< OtherScalarType, MatrixType > | |
CEigen::MatrixExponential< MatrixType > | Class for computing the matrix exponential |
CEigen::MatrixFunction< MatrixType, AtomicType, IsComplex > | Class for computing matrix functions |
CEigen::MatrixFunction< MatrixType, AtomicType, 0 > | |
CEigen::MatrixFunction< MatrixType, AtomicType, 1 > | |
CEigen::MatrixFunctionAtomic< MatrixType > | Helper class for computing matrix functions of atomic matrices |
CEigen::MatrixLogarithmAtomic< MatrixType > | Helper class for computing matrix logarithm of atomic matrices |
CEigen::MatrixMarketIterator< Scalar > | Iterator to browse matrices from a specified folder |
CEigen::MatrixPower< MatrixType > | Class for computing matrix powers |
CEigen::MatrixPowerAtomic< MatrixType > | |
CEigen::MatrixPowerProduct< Derived, Lhs, Rhs > | |
CEigen::MatrixSquareRoot< MatrixType, IsComplex > | Class for computing matrix square roots of general matrices |
CEigen::MatrixSquareRoot< MatrixType, 0 > | |
CEigen::MatrixSquareRoot< MatrixType, 1 > | |
CEigen::MatrixSquareRootQuasiTriangular< MatrixType > | Class for computing matrix square roots of upper quasi-triangular matrices |
CEigen::MatrixSquareRootTriangular< MatrixType > | Class for computing matrix square roots of upper triangular matrices |
►CMatrixTypeIterator | |
CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, Sparse >::InnerIterator | |
►CMatrixTypeIterator | |
CEigen::CwiseUnaryOpImpl< UnaryOp, MatrixType, Sparse >::InnerIterator | |
►CMatrixTypeReverseIterator | |
CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, Sparse >::ReverseInnerIterator | |
►CMatrixTypeReverseIterator | |
CEigen::CwiseUnaryOpImpl< UnaryOp, MatrixType, Sparse >::ReverseInnerIterator | |
CEigen::MatrixXpr | |
CEigen::internal::member_redux< BinaryOp, Scalar > | |
CMemoryAllocator | |
CMessageHandling | Handles all kind of error messages, warnings and other information |
CEigen::internal::meta_sqrt< Y, InfX, SupX, Done > | |
CEigen::internal::meta_sqrt< Y, InfX, SupX, true > | |
CEigen::MetisOrdering< Index > | |
CEigen::internal::minimizer_helper1< Volume1, Object1, Object2, Minimizer > | |
CEigen::internal::minimizer_helper2< Volume2, Object2, Object1, Minimizer > | |
CEigen::internal::mkl_llt< Scalar > | |
►CModelContainer | Container class to store and pass data to the ModelData class |
►COCP | Data class for defining optimal control problems |
CNLP | Data class for defining static optimization problems |
CSIMexport | User-interface to automatically generate simulation algorithms for fast optimal control |
CModelData | Data class for defining models and everything that is related, to be passed to the integrator |
►CMultiObjectiveFunctionality | Encapsulates functionality for defining OCPs having multiple objectives |
COCP | Data class for defining optimal control problems |
CEigen::internal::must_nest_by_value< T > | |
CEigen::NaturalOrdering< Index > | |
CNColsBlockXpr< N > | |
CEigen::SparseMatrixBase< Derived >::NColsBlockXpr< N > | |
CEigen::DenseBase< Derived >::NColsBlockXpr< N > | |
CEigen::internal::nested< T, n, PlainObject > | |
CEigen::internal::nested< CoeffBasedProduct< Lhs, Rhs, EvalBeforeNestingBit|EvalBeforeAssigningBit >, N, PlainObject > | |
CEigen::internal::nested< Derived > | |
CEigen::internal::nested< ExpressionType > | |
CEigen::internal::nested< GeneralProduct< Lhs, Rhs, Mode >, N, PlainObject > | |
CEigen::internal::nested< Lhs > | |
CEigen::internal::nested< MatrixType > | |
CEigen::internal::nested< ReturnByValue< Derived >, n, PlainObject > | |
CEigen::internal::nested< Rhs > | |
►CEigen::internal::no_assignment_operator | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Sparse > | |
CEigen::CoeffBasedProduct< LhsNested, RhsNested, NestingFlags > | |
CEigen::CwiseBinaryOp< BinaryOp, Lhs, Rhs > | Generic expression where a coefficient-wise binary operator is applied to two expressions |
CEigen::CwiseNullaryOp< NullaryOp, PlainObjectType > | Generic expression of a matrix where all coefficients are defined by a functor |
CEigen::CwiseUnaryOp< UnaryOp, XprType > | Generic expression where a coefficient-wise unary operator is applied to an expression |
CEigen::DiagonalProduct< MatrixType, DiagonalType, ProductOrder > | |
CEigen::DiagonalWrapper< _DiagonalVectorType > | Expression of a diagonal matrix |
CEigen::GeneralProduct< Lhs, Rhs, InnerProduct > | |
CEigen::Homogeneous< MatrixType, _Direction > | Expression of one (or a set of) homogeneous vector(s) |
CEigen::internal::column_dfs_traits< IndexVector, ScalarVector > | |
CEigen::internal::SkylineProduct< LhsNested, RhsNested, ProductMode > | |
CEigen::PartialReduxExpr< MatrixType, MemberOp, Direction > | Generic expression of a partially reduxed matrix |
CEigen::ReturnByValue< Derived > | |
CEigen::Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > | Expression of a coefficient wise version of the C++ ternary operator ?: |
CEigen::SparseDiagonalProduct< Lhs, Rhs > | |
CEigen::SparseLUMatrixLReturnType< MappedSupernodalType > | |
CEigen::SparseLUMatrixUReturnType< MatrixLType, MatrixUType > | |
CEigen::SparseSparseProduct< LhsNested, RhsNested > | |
►CEigen::ReturnByValue< FullPivHouseholderQRMatrixQReturnType< MatrixType > > | |
CEigen::internal::FullPivHouseholderQRMatrixQReturnType< MatrixType > | Expression type for return value of FullPivHouseholderQR::matrixQ() |
►CEigen::ReturnByValue< HessenbergDecompositionMatrixHReturnType< MatrixType > > | |
CEigen::internal::HessenbergDecompositionMatrixHReturnType< MatrixType > | Expression type for return value of HessenbergDecomposition::matrixH() |
►CEigen::ReturnByValue< homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > > | |
CEigen::internal::homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > | |
►CEigen::ReturnByValue< homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > > | |
CEigen::internal::homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > | |
►CEigen::ReturnByValue< image_retval_base< _DecompositionType > > | |
CEigen::internal::image_retval_base< _DecompositionType > | |
►CEigen::ReturnByValue< image_retval_base< FullPivLU< _MatrixType > > > | |
►CEigen::internal::image_retval_base< FullPivLU< _MatrixType > > | |
CEigen::internal::image_retval< FullPivLU< _MatrixType > > | |
►CEigen::ReturnByValue< inverse_impl< MatrixType > > | |
CEigen::internal::inverse_impl< MatrixType > | |
►CEigen::ReturnByValue< kernel_retval_base< _DecompositionType > > | |
CEigen::internal::kernel_retval_base< _DecompositionType > | |
►CEigen::ReturnByValue< kernel_retval_base< FullPivLU< _MatrixType > > > | |
►CEigen::internal::kernel_retval_base< FullPivLU< _MatrixType > > | |
CEigen::internal::kernel_retval< FullPivLU< _MatrixType > > | |
►CEigen::ReturnByValue< KroneckerProduct< Lhs, Rhs > > | |
CEigen::KroneckerProduct< Lhs, Rhs > | Kronecker tensor product helper class for dense matrices |
►CEigen::ReturnByValue< MatrixExponentialReturnValue< Derived > > | |
CEigen::MatrixExponentialReturnValue< Derived > | Proxy for the matrix exponential of some matrix (expression) |
►CEigen::ReturnByValue< MatrixFunctionReturnValue< Derived > > | |
CEigen::MatrixFunctionReturnValue< Derived > | Proxy for the matrix function of some matrix (expression) |
►CEigen::ReturnByValue< MatrixLogarithmReturnValue< Derived > > | |
CEigen::MatrixLogarithmReturnValue< Derived > | Proxy for the matrix logarithm of some matrix (expression) |
►CEigen::ReturnByValue< MatrixPowerReturnValue< Derived > > | |
CEigen::MatrixPowerReturnValue< Derived > | Proxy for the matrix power of some matrix (expression) |
►CEigen::ReturnByValue< MatrixPowerRetval< MatrixType > > | |
CEigen::MatrixPowerRetval< MatrixType > | |
►CEigen::ReturnByValue< MatrixSquareRootReturnValue< Derived > > | |
CEigen::MatrixSquareRootReturnValue< Derived > | Proxy for the matrix square root of some matrix (expression) |
►CEigen::ReturnByValue< permut_matrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::internal::permut_matrix_product_retval< PermutationType, MatrixType, Side, Transposed > | |
►CEigen::ReturnByValue< permut_sparsematrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::internal::permut_sparsematrix_product_retval< PermutationType, MatrixType, Side, Transposed > | |
►CEigen::ReturnByValue< solve_retval_base< _DecompositionType, Rhs > > | |
CEigen::internal::solve_retval_base< _DecompositionType, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< BiCGSTAB< _MatrixType, _Preconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< BiCGSTAB< _MatrixType, _Preconditioner >, Rhs > | |
CEigen::internal::solve_retval< BiCGSTAB< _MatrixType, _Preconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > > | |
►CEigen::internal::solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > | |
CEigen::internal::solve_retval< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< ColPivHouseholderQR< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< ColPivHouseholderQR< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< ColPivHouseholderQR< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner >, Rhs > | |
CEigen::internal::solve_retval< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< DGMRES< _MatrixType, _Preconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< DGMRES< _MatrixType, _Preconditioner >, Rhs > | |
CEigen::internal::solve_retval< DGMRES< _MatrixType, _Preconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< DiagonalPreconditioner< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< DiagonalPreconditioner< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< DiagonalPreconditioner< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< FullPivHouseholderQR< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< FullPivHouseholderQR< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< FullPivHouseholderQR< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< FullPivLU< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< FullPivLU< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< FullPivLU< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< GMRES< _MatrixType, _Preconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< GMRES< _MatrixType, _Preconditioner >, Rhs > | |
CEigen::internal::solve_retval< GMRES< _MatrixType, _Preconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< HouseholderQR< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< HouseholderQR< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< HouseholderQR< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< IncompleteCholesky< _Scalar, _UpLo, OrderingType >, Rhs > > | |
►CEigen::internal::solve_retval_base< IncompleteCholesky< _Scalar, _UpLo, OrderingType >, Rhs > | |
CEigen::internal::solve_retval< IncompleteCholesky< _Scalar, _UpLo, OrderingType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< IncompleteLU< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< IncompleteLU< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< IncompleteLU< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< IncompleteLUT< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< IncompleteLUT< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< IncompleteLUT< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< JacobiSVD< _MatrixType, QRPreconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< JacobiSVD< _MatrixType, QRPreconditioner >, Rhs > | |
CEigen::internal::solve_retval< JacobiSVD< _MatrixType, QRPreconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< LDLT< _MatrixType, _UpLo >, Rhs > > | |
►CEigen::internal::solve_retval_base< LDLT< _MatrixType, _UpLo >, Rhs > | |
CEigen::internal::solve_retval< LDLT< _MatrixType, _UpLo >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< LLT< _MatrixType, UpLo >, Rhs > > | |
►CEigen::internal::solve_retval_base< LLT< _MatrixType, UpLo >, Rhs > | |
CEigen::internal::solve_retval< LLT< _MatrixType, UpLo >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< MINRES< _MatrixType, _UpLo, _Preconditioner >, Rhs > > | |
►CEigen::internal::solve_retval_base< MINRES< _MatrixType, _UpLo, _Preconditioner >, Rhs > | |
CEigen::internal::solve_retval< MINRES< _MatrixType, _UpLo, _Preconditioner >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< PardisoImpl< _Derived >, Rhs > > | |
►CEigen::internal::solve_retval_base< PardisoImpl< _Derived >, Rhs > | |
CEigen::internal::solve_retval< PardisoImpl< _Derived >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< PartialPivLU< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< PartialPivLU< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< PartialPivLU< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< PastixBase< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< PastixBase< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< PastixBase< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > > | |
►CEigen::internal::solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > | |
CEigen::internal::solve_retval< SimplicialCholeskyBase< Derived >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > > | |
►CEigen::internal::solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > | |
CEigen::internal::solve_retval< SparseLU< _MatrixType, Derived >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > > | |
►CEigen::internal::solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > | |
CEigen::internal::solve_retval< SparseQR< _MatrixType, OrderingType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< SPQR< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< SPQR< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< SPQR< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > > | |
►CEigen::internal::solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > | |
CEigen::internal::solve_retval< SuperLUBase< _MatrixType, Derived >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_base< UmfPackLU< _MatrixType >, Rhs > > | |
►CEigen::internal::solve_retval_base< UmfPackLU< _MatrixType >, Rhs > | |
CEigen::internal::solve_retval< UmfPackLU< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< solve_retval_with_guess< DecompositionType, Rhs, Guess > > | |
CEigen::internal::solve_retval_with_guess< DecompositionType, Rhs, Guess > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< _DecompositionType, Rhs > > | |
CEigen::internal::sparse_solve_retval_base< _DecompositionType, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< IterativeSolverBase< Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< IterativeSolverBase< Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< IterativeSolverBase< Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< PardisoImpl< Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< PardisoImpl< Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< PardisoImpl< Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< PastixBase< _MatrixType >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< PastixBase< _MatrixType >, Rhs > | |
CEigen::internal::sparse_solve_retval< PastixBase< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< SimplicialCholeskyBase< Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< SparseLU< _MatrixType, Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > | |
CEigen::internal::sparse_solve_retval< SparseQR< _MatrixType, OrderingType >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > | |
CEigen::internal::sparse_solve_retval< SuperLUBase< _MatrixType, Derived >, Rhs > | |
►CEigen::ReturnByValue< sparse_solve_retval_base< UmfPackLU< _MatrixType >, Rhs > > | |
►CEigen::internal::sparse_solve_retval_base< UmfPackLU< _MatrixType >, Rhs > | |
CEigen::internal::sparse_solve_retval< UmfPackLU< _MatrixType >, Rhs > | |
►CEigen::ReturnByValue< SparseQR_QProduct< SparseQRType, Derived > > | |
CEigen::SparseQR_QProduct< SparseQRType, Derived > | |
►CEigen::ReturnByValue< SPQR_QProduct< SPQRType, Derived > > | |
CEigen::SPQR_QProduct< SPQRType, Derived > | |
►CEigen::ReturnByValue< transposition_matrix_product_retval< TranspositionType, MatrixType, Side, Transposed > > | |
CEigen::internal::transposition_matrix_product_retval< TranspositionType, MatrixType, Side, Transposed > | |
►CEigen::ReturnByValue< triangular_solve_retval< Side, TriangularType, Rhs > > | |
CEigen::internal::triangular_solve_retval< Side, TriangularType, Rhs > | |
►CEigen::ReturnByValue< TridiagonalizationMatrixTReturnType< MatrixType > > | |
CEigen::internal::TridiagonalizationMatrixTReturnType< MatrixType > | |
CEigen::NoAlias< ExpressionType, StorageBase > | Pseudo expression providing an operator = assuming no aliasing |
►CNoise | Base class for generating pseudo-random noise for simulating the Process |
CColoredNoise | Generates pseudo-random colored noise for simulating the Process |
CGaussianNoise | Generates pseudo-random Gaussian noise for simulating the Process |
CUniformNoise | Generates pseudo-random uniformly distributed noise for simulating the Process |
►CEigen::internal::noncopyable | |
►CEigen::CholmodBase< _MatrixType, _UpLo, CholmodDecomposition< _MatrixType, _UpLo > > | |
CEigen::CholmodDecomposition< _MatrixType, _UpLo > | A general Cholesky factorization and solver based on Cholmod |
►CEigen::CholmodBase< _MatrixType, _UpLo, CholmodSimplicialLDLT< _MatrixType, _UpLo > > | |
CEigen::CholmodSimplicialLDLT< _MatrixType, _UpLo > | A simplicial direct Cholesky (LDLT) factorization and solver based on Cholmod |
►CEigen::CholmodBase< _MatrixType, _UpLo, CholmodSimplicialLLT< _MatrixType, _UpLo > > | |
CEigen::CholmodSimplicialLLT< _MatrixType, _UpLo > | A simplicial direct Cholesky (LLT) factorization and solver based on Cholmod |
►CEigen::CholmodBase< _MatrixType, _UpLo, CholmodSupernodalLLT< _MatrixType, _UpLo > > | |
CEigen::CholmodSupernodalLLT< _MatrixType, _UpLo > | A supernodal Cholesky (LLT) factorization and solver based on Cholmod |
CEigen::CholmodBase< _MatrixType, _UpLo, Derived > | The base class for the direct Cholesky factorization of Cholmod |
CEigen::IncompleteCholesky< Scalar, _UpLo, _OrderingType > | Modified Incomplete Cholesky with dual threshold |
CEigen::IncompleteLUT< _Scalar > | Incomplete LU factorization with dual-threshold strategy |
CEigen::IterativeSolverBase< Derived > | Base class for linear iterative solvers |
CEigen::PastixBase< Derived > | |
CEigen::SimplicialCholeskyBase< Derived > | A direct sparse Cholesky factorizations |
CEigen::SuperLUBase< _MatrixType, Derived > | The base class for the direct and incomplete LU factorization of SuperLU |
CEigen::UmfPackLU< _MatrixType > | A sparse LU factorization and solver based on UmfPack |
►CEigen::IterativeSolverBase< BiCGSTAB< _MatrixType, _Preconditioner > > | |
CEigen::BiCGSTAB< _MatrixType, _Preconditioner > | A bi conjugate gradient stabilized solver for sparse square problems |
►CEigen::IterativeSolverBase< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner > > | |
CEigen::ConjugateGradient< _MatrixType, _UpLo, _Preconditioner > | A conjugate gradient solver for sparse self-adjoint problems |
►CEigen::IterativeSolverBase< DGMRES< _MatrixType, _Preconditioner > > | |
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 > > | |
CEigen::GMRES< _MatrixType, _Preconditioner > | A GMRES solver for sparse square problems |
►CEigen::IterativeSolverBase< MINRES< _MatrixType, _UpLo, _Preconditioner > > | |
CEigen::MINRES< _MatrixType, _UpLo, _Preconditioner > | A minimal residual solver for sparse symmetric problems |
►CEigen::PastixBase< PastixLDLT< _MatrixType, _UpLo > > | |
CEigen::PastixLDLT< _MatrixType, _UpLo > | A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library |
►CEigen::PastixBase< PastixLLT< _MatrixType, _UpLo > > | |
CEigen::PastixLLT< _MatrixType, _UpLo > | A sparse direct supernodal Cholesky (LLT) factorization and solver based on the PaStiX library |
►CEigen::PastixBase< PastixLU< _MatrixType > > | |
CEigen::PastixLU< _MatrixType, IsStrSym > | Interface to the PaStix solver |
►CEigen::SimplicialCholeskyBase< SimplicialCholesky< _MatrixType, _UpLo > > | |
CEigen::SimplicialCholesky< _MatrixType, _UpLo > | |
►CEigen::SimplicialCholeskyBase< SimplicialLDLT< _MatrixType, _UpLo > > | |
CEigen::SimplicialLDLT< _MatrixType, _UpLo > | A direct sparse LDLT Cholesky factorizations without square root |
►CEigen::SimplicialCholeskyBase< SimplicialLLT< _MatrixType, _UpLo > > | |
CEigen::SimplicialLLT< _MatrixType, _UpLo > | A direct sparse LLT Cholesky factorizations |
►CEigen::SuperLUBase< _MatrixType, SuperLU< _MatrixType > > | |
CEigen::SuperLU< _MatrixType > | A sparse direct LU factorization and solver based on the SuperLU library |
CEigen::internal::norm1_default_impl< Scalar, IsComplex > | |
CEigen::internal::norm1_default_impl< Scalar, false > | |
►CEigen::internal::norm1_default_impl< Scalar, NumTraits< Scalar >::IsComplex > | |
CEigen::internal::norm1_impl< Scalar > | |
CEigen::internal::norm1_retval< Scalar > | |
CNRowsBlockXpr< N > | |
CEigen::SparseMatrixBase< Derived >::NRowsBlockXpr< N > | |
CEigen::DenseBase< Derived >::NRowsBlockXpr< N > | |
CEigen::NumTraits< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > > | |
►Cobject | |
►Ccpplint._BlockInfo | |
Ccpplint._ClassInfo | |
Ccpplint._NamespaceInfo | |
Ccpplint._CppLintState | |
Ccpplint._FunctionState | |
Ccpplint._NestingState | |
Ccpplint._PreprocessorInfo | |
Ccpplint.CleansedLines | |
►CObjectiveElement | Base class for all kind of objective function terms within optimal control problems |
CLSQEndTerm | Stores and evaluates LSQ mayer terms within optimal control problems |
CLSQTerm | Stores and evaluates LSQ terms within optimal control problems |
CMayerTerm | Stores and evaluates Mayer terms within optimal control problems |
CObjectPool< T, C > | |
CObjectPool< ExportIndex, ExportIndexComparator > | |
COCPiterate | Data class for storing generic optimization variables |
►COperator | Abstract base class for all scalar-valued symbolic operators |
CNonsmoothOperator | Abstract base class for all scalar-valued symbolic operators |
►CSmoothOperator | Abstract base class for all scalar-valued symbolic operators |
►CBinaryOperator | Abstract base class for all scalar-valued binary operators within the symbolic operators family |
CAddition | Implements the scalar addition operator within the symbolic expressions family |
CPower | Implements the scalar power operator within the symbolic operators family |
CProduct | Implements the scalar product operator within the symbolic operators family |
CQuotient | Implements the scalar quotient operator within the symbolic operators family |
CSubtraction | Implements the scalar subtraction operator within the symbolic operators family |
CCOperator | The class COperator is an auxiliary class to use C-Functions within a function evaluation tree |
CDoubleConstant | Implements a scalar constant within the symbolic operators family |
CPower_Int | Implements the scalar power operator with integer exponent within the symbolic operators family |
►CProjection | Implements the projection operator within the symbolic operators family |
CTreeProjection | Implements the tree-projection operator within the family of SymbolicOperators |
►CUnaryOperator | Abstract base class for all scalar-valued unary operators within the symbolic operators family |
CAcos | Implements the scalar inverse cosine operator (arccos) within the symbolic operators family |
CAsin | Implements the scalar inverse sine operator (arcsin) within the symbolic operators family |
CAtan | Implements the scalar inverse tangens operator (arctan) within the symbolic operators family |
CCos | Implements the scalar cosine operator within the symbolic operators family |
CExp | Implements the scalar exponential operator within the symbolic operators family |
CLogarithm | Implements the scalar logarithm operator within the symbolic operators family |
CSin | Implements the scalar sine operator within the symbolic operators family |
CTan | Implements the scalar tangens operator within the symbolic operators family |
CEigen::VectorwiseOp< ExpressionType, Direction >::OppositeExtendedType< OtherDerived > | |
►COptimizationAlgorithmBase | Base class for user-interfaces to formulate and solve optimal control problems and static NLPs |
COptimizationAlgorithm | User-interface to formulate and solve optimal control problems and static NLPs |
CRealTimeAlgorithm | User-interface to formulate and solve model predictive control problems |
►COptions | Provides a generic way to set and pass user-specified options |
CUserInteraction | Encapsulates all user interaction for setting options, logging data and plotting results |
CTaylorModel< T >::Options | Taylor model options |
COptionsList | Provides a generic list of options (for internal use) |
►COptionsList::OptionValueBase | |
COptionsList::OptionValue< T > | |
CEigen::internal::outer_stride_at_compile_time< Derived, HasDirectAccess > | |
CEigen::internal::outer_stride_at_compile_time< Derived, false > | |
CEigen::internal::Packet1cd | |
CEigen::internal::Packet2cf | |
CEigen::internal::palign_impl< Offset, PacketType > | |
CEigen::internal::palign_impl< Offset, Packet1cd > | |
CEigen::internal::palign_impl< Offset, Packet2cf > | |
CEigen::internal::palign_impl< Offset, Packet2d > | |
CEigen::internal::palign_impl< Offset, Packet4f > | |
CEigen::internal::palign_impl< Offset, Packet4i > | |
CEigen::internal::panel_dfs_traits< IndexVector > | |
CParameters | |
CEigen::HybridNonLinearSolver< FunctorType, Scalar >::Parameters | |
CEigen::LevenbergMarquardt< FunctorType, Scalar >::Parameters | |
CEigen::ParametrizedLine< _Scalar, _AmbientDim > | A parametrized line |
CEigen::internal::pardiso_run_selector< Index > | |
CEigen::internal::pardiso_run_selector< long long int > | |
CEigen::internal::pardiso_traits< Pardiso > | |
CEigen::internal::pardiso_traits< PardisoLDLT< _MatrixType, Options > > | |
CEigen::internal::pardiso_traits< PardisoLLT< _MatrixType, Options > > | |
CEigen::internal::pardiso_traits< PardisoLU< _MatrixType > > | |
►CEigen::PardisoImpl< Derived > | |
CEigen::PardisoLDLT< MatrixType, Options > | A sparse direct Cholesky (LDLT) factorization and solver based on the PARDISO library |
CEigen::PardisoLLT< MatrixType, _UpLo > | A sparse direct Cholesky (LLT) factorization and solver based on the PARDISO library |
CEigen::PardisoLU< MatrixType > | A sparse direct LU factorization and solver based on the PARDISO library |
CEigen::PardisoImpl< PardisoLDLT< MatrixType, Options > > | |
CEigen::PardisoImpl< PardisoLLT< MatrixType, _UpLo > > | |
CEigen::PardisoImpl< PardisoLU< MatrixType > > | |
CEigen::internal::partial_lu_impl< Scalar, StorageOrder, PivIndex > | |
CEigen::PartialPivLU< _MatrixType > | LU decomposition of a matrix with partial pivoting, and related features |
CEigen::PartialPivLU< Matrix< Scalar, Dynamic, Dynamic > > | |
CEigen::internal::pastix_traits< Pastix > | |
CEigen::internal::pastix_traits< PastixLDLT< _MatrixType, Options > > | |
CEigen::internal::pastix_traits< PastixLLT< _MatrixType, Options > > | |
CEigen::internal::pastix_traits< PastixLU< _MatrixType > > | |
CEigen::internal::perfvalues< Index > | |
CEigen::PermutationStorage | |
CEigen::PermutedImpl< RowCol, IndicesType, MatrixType, StorageKind > | |
CEigen::internal::plain_array< T, Size, MatrixOrArrayOptions, Alignment > | |
CEigen::internal::plain_array< Scalar, EIGEN_SIZE_MIN_PREFER_FIXED(Size, MaxSize)+(ForceAlignment?PacketSize:0), 0 > | |
CEigen::internal::plain_array< Scalar, Size, _Options > | |
CEigen::internal::plain_array< T, 0, MatrixOrArrayOptions, Alignment > | |
CEigen::internal::plain_array< T, Size, _Options > | |
CEigen::internal::plain_array< T, Size, MatrixOrArrayOptions, 16 > | |
CEigen::internal::plain_col_type< ExpressionType, Scalar > | |
CEigen::internal::plain_col_type< MatrixType > | |
CEigen::internal::plain_col_type< MatrixType, Index > | |
CEigen::internal::plain_col_type< MatrixType, RealScalar > | |
CEigen::internal::plain_diag_type< ExpressionType, Scalar > | |
CEigen::internal::plain_diag_type< MatrixType > | |
CEigen::internal::plain_diag_type< MatrixType, RealScalar > | |
CEigen::internal::plain_matrix_type< T, StorageKind > | |
CEigen::internal::plain_matrix_type< T, Dense > | |
CEigen::internal::plain_matrix_type< T, Sparse > | |
CEigen::internal::plain_matrix_type_column_major< T > | |
CEigen::internal::plain_matrix_type_dense< T, BaseClassType > | |
CEigen::internal::plain_matrix_type_dense< T, ArrayXpr > | |
CEigen::internal::plain_matrix_type_dense< T, MatrixXpr > | |
CEigen::internal::plain_matrix_type_row_major< T > | |
CEigen::internal::plain_row_type< ExpressionType, Scalar > | |
CEigen::internal::plain_row_type< MatrixType > | |
CEigen::internal::plain_row_type< MatrixType, Index > | |
CEigen::internal::plain_row_type< MatrixType, RealScalar > | |
CPlotCollection | Provides a generic list of plot windows (for internal use) |
►CPlotting | Provides a generic way to plot algorithmic outputs during runtime |
CUserInteraction | Encapsulates all user interaction for setting options, logging data and plotting results |
►CPlotWindow | Allows to setup and plot user-specified plot windows for algorithmic outputs |
CGnuplotWindow | Provides an interface to Gnuplot for plotting algorithmic outputs |
CPlotWindowSubplot | Allows to manage sub-windows of user-specified plot windows for algorithmic outputs (for internal use) |
►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::PolynomialSolver< _Scalar, 1 > | |
CEigen::internal::pow_default_impl< Scalar, IsInteger > | |
►CEigen::internal::pow_default_impl< Scalar, NumTraits< Scalar >::IsInteger > | |
CEigen::internal::pow_impl< Scalar > | |
CEigen::internal::pow_default_impl< Scalar, true > | |
CEigen::internal::pow_retval< Scalar > | |
►CCasADi::PrintableObject | Base class for objects that have a natural string representation |
►CCasADi::SharedObject | SharedObject implements a reference counting framework simular for effient and easily-maintained memory management |
►CExportData | Abstract base class to define variables to be used for exporting code |
►CExportArgument | Defines a matrix-valued variable that can be passed as argument to exported functions |
CExportVariable | Defines a matrix-valued variable to be used for exporting code |
CExportIndex | Defines a scalar-valued index variable to be used for exporting code |
CEigen::internal::product_coeff_impl< Traversal, UnrollingIndex, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_impl< DefaultTraversal, 0, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_impl< DefaultTraversal, Dynamic, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_impl< DefaultTraversal, UnrollingIndex, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_impl< InnerVectorizedTraversal, Dynamic, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_impl< InnerVectorizedTraversal, UnrollingIndex, Lhs, Rhs, RetScalar > | |
CEigen::internal::product_coeff_vectorized_dyn_selector< Lhs, Rhs, LhsRows, RhsCols > | |
CEigen::internal::product_coeff_vectorized_dyn_selector< Lhs, Rhs, 1, 1 > | |
CEigen::internal::product_coeff_vectorized_dyn_selector< Lhs, Rhs, 1, RhsCols > | |
CEigen::internal::product_coeff_vectorized_dyn_selector< Lhs, Rhs, LhsRows, 1 > | |
CEigen::internal::product_coeff_vectorized_unroller< UnrollingIndex, Lhs, Rhs, Packet > | |
CEigen::internal::product_coeff_vectorized_unroller< 0, Lhs, Rhs, Packet > | |
CEigen::internal::product_packet_impl< StorageOrder, UnrollingIndex, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< ColMajor, 0, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< ColMajor, Dynamic, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< ColMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< RowMajor, 0, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< RowMajor, Dynamic, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_packet_impl< RowMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode > | |
CEigen::internal::product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, LhsSelfAdjoint, ConjugateLhs, RhsStorageOrder, RhsSelfAdjoint, ConjugateRhs, ResStorageOrder > | |
CEigen::internal::product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor > | |
CEigen::internal::product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, LhsSelfAdjoint, ConjugateLhs, RhsStorageOrder, RhsSelfAdjoint, ConjugateRhs, RowMajor > | |
CEigen::internal::product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor > | |
CEigen::internal::product_size_category< Size, MaxSize > | |
CEigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ResStorageOrder, Version > | |
CEigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, Version > | |
►CEigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ResStorageOrder, BuiltIn > | |
CEigen::internal::product_triangular_matrix_matrix_trmm< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ResStorageOrder > | |
CEigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, RowMajor, Version > | |
CEigen::internal::product_triangular_matrix_matrix< Scalar, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, Version > | |
CEigen::internal::product_type< Lhs, Rhs > | |
CEigen::internal::product_type_selector< Rows, Cols, Depth > | |
CEigen::internal::product_type_selector< 1, 1, 1 > | |
CEigen::internal::product_type_selector< 1, 1, Depth > | |
CEigen::internal::product_type_selector< 1, Large, Large > | |
CEigen::internal::product_type_selector< 1, Large, Small > | |
CEigen::internal::product_type_selector< 1, Small, Large > | |
CEigen::internal::product_type_selector< 1, Small, Small > | |
CEigen::internal::product_type_selector< Large, 1, Large > | |
CEigen::internal::product_type_selector< Large, 1, Small > | |
CEigen::internal::product_type_selector< Large, Large, Large > | |
CEigen::internal::product_type_selector< Large, Large, Small > | |
CEigen::internal::product_type_selector< Large, Small, 1 > | |
CEigen::internal::product_type_selector< Large, Small, Large > | |
CEigen::internal::product_type_selector< Large, Small, Small > | |
CEigen::internal::product_type_selector< M, N, 1 > | |
CEigen::internal::product_type_selector< Small, 1, Large > | |
CEigen::internal::product_type_selector< Small, 1, Small > | |
CEigen::internal::product_type_selector< Small, Large, 1 > | |
CEigen::internal::product_type_selector< Small, Large, Large > | |
CEigen::internal::product_type_selector< Small, Large, Small > | |
CEigen::internal::product_type_selector< Small, Small, 1 > | |
CEigen::internal::product_type_selector< Small, Small, Large > | |
CEigen::internal::product_type_selector< Small, Small, Small > | |
CEigen::ProductReturnType< Lhs, Rhs, ProductType > | Helper class to get the correct and optimized returned type of operator* |
CEigen::ProductReturnType< Lhs, Rhs, CoeffBasedProductMode > | |
►CEigen::ProductReturnType< Lhs, Rhs, LazyCoeffBasedProductMode > | |
CEigen::LazyProductReturnType< Lhs, Rhs > | |
CEigen::internal::projective_transform_inverse< TransformType, Mode > | |
CEigen::internal::projective_transform_inverse< TransformType, Projective > | |
CEigen::internal::promote_index_type< I1, I2 > | |
CEigen::internal::promote_storage_type< A, B > | |
CEigen::internal::promote_storage_type< A, A > | |
CEigen::internal::promote_storage_type< Dense, Sparse > | |
CEigen::internal::promote_storage_type< Sparse, Dense > | |
CQPInstance | |
CqpOASES_Options | Manages all user-specified options for solving QPs |
►CQProblemB | Implements the online active set strategy for box-constrained QPs |
►CQProblem | Implements the online active set strategy for QPs with general constraints |
►CSQProblem | Implements the online active set strategy for QPs with varying matrices |
CSQProblemSchur | Implements the online active set strategy for QPs with varying, sparse matrices |
CSQProblem | Implements the online active set strategy for QPs with varying matrices |
CQProblem | Implements the online active set strategy for QPs with general constraints |
CQProblem | Implements the online active set strategy for QPs with general constraints |
CQProblem | Implements the online active set strategy for QPs with general constraints |
CEigen::internal::qr_preconditioner_impl< MatrixType, QRPreconditioner, Case, DoAnything > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, QRPreconditioner, Case, false > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, QRPreconditioner, internal::PreconditionIfMoreColsThanRows > | |
CEigen::internal::qr_preconditioner_impl< MatrixType, QRPreconditioner, internal::PreconditionIfMoreRowsThanCols > | |
CEigen::internal::qr_preconditioner_should_do_anything< MatrixType, QRPreconditioner, Case > | |
CEigen::internal::quat_product< Arch, Derived1, Derived2, Scalar, _Options > | |
CEigen::internal::quat_product< Architecture::SSE, Derived, OtherDerived, double, Aligned > | |
CEigen::internal::quat_product< Architecture::SSE, Derived, OtherDerived, float, Aligned > | |
CEigen::internal::quaternionbase_assign_impl< Other, OtherRows, OtherCols > | |
CEigen::internal::quaternionbase_assign_impl< Other, 3, 3 > | |
CEigen::internal::quaternionbase_assign_impl< Other, 4, 1 > | |
CEigen::internal::random_default_impl< Scalar, IsComplex, IsInteger > | |
CEigen::internal::random_default_impl< Scalar, false, false > | |
CEigen::internal::random_default_impl< Scalar, false, true > | |
►CEigen::internal::random_default_impl< Scalar, NumTraits< Scalar >::IsComplex, NumTraits< Scalar >::IsInteger > | |
CEigen::internal::random_impl< Scalar > | |
CEigen::internal::random_default_impl< Scalar, true, false > | |
CEigen::internal::random_impl< bool > | |
CEigen::internal::random_retval< Scalar > | |
CEigen::RandomSetter< SparseMatrixType, MapTraits, OuterPacketBits > | The RandomSetter is a wrapper object allowing to set/update a sparse matrix with random access |
CEigen::internal::real_default_impl< Scalar, IsComplex > | |
►CEigen::internal::real_default_impl< Scalar > | |
CEigen::internal::real_impl< Scalar > | |
CEigen::internal::real_default_impl< Scalar, true > | |
CEigen::internal::real_ref_impl< Scalar > | |
CEigen::internal::real_ref_retval< Scalar > | |
CEigen::internal::real_retval< Scalar > | |
CEigen::RealQZ< _MatrixType > | Performs a real QZ decomposition of a pair of square matrices |
CEigen::RealQZ< MatrixType > | |
CEigen::RealSchur< _MatrixType > | Performs a real Schur decomposition of a square matrix |
CEigen::RealSchur< MatrixType > | |
CEigen::aligned_allocator_indirection< T >::rebind< U > | |
CEigen::aligned_allocator< T >::rebind< U > | |
CEigen::internal::redux_impl< Func, Derived, Traversal, Unrolling > | |
CEigen::internal::redux_impl< Func, Derived, DefaultTraversal, NoUnrolling > | |
CEigen::internal::redux_impl< Func, Derived, LinearVectorizedTraversal, CompleteUnrolling > | |
CEigen::internal::redux_impl< Func, Derived, LinearVectorizedTraversal, NoUnrolling > | |
CEigen::internal::redux_impl< Func, Derived, SliceVectorizedTraversal, NoUnrolling > | |
CEigen::internal::redux_novec_unroller< Func, Derived, Start, Length > | |
►CEigen::internal::redux_novec_unroller< Func, Derived, 0, Derived::SizeAtCompileTime > | |
CEigen::internal::redux_impl< Func, Derived, DefaultTraversal, CompleteUnrolling > | |
CEigen::internal::redux_novec_unroller< Func, Derived, Start, 0 > | |
CEigen::internal::redux_novec_unroller< Func, Derived, Start, 1 > | |
CEigen::internal::redux_traits< Func, Derived > | |
CEigen::internal::redux_vec_unroller< Func, Derived, Start, Length > | |
CEigen::internal::redux_vec_unroller< Func, Derived, Start, 1 > | |
CEigen::VectorwiseOp< ExpressionType, Direction >::ReduxReturnType< BinaryOp > | |
CEigen::internal::ref_selector< T > | |
►CReferenceTrajectory | Abstract base class to define a reference trajectory that the ControlLaw aims to track |
►CAdaptiveReferenceTrajectory | Allows to define an adaptive reference trajectory that the ControlLaw aims to track |
CSimulatedReferenceTrajectory | Allows to define a simulated reference trajectory that the ControlLaw aims to track |
►CStaticReferenceTrajectory | Allows to define a static reference trajectory that the ControlLaw aims to track |
CPeriodicReferenceTrajectory | Allows to define a static periodic reference trajectory that the ControlLaw aims to track |
CRegisterExportedIntegrators | |
CRegisterNlpSolvers | |
CEigen::internal::remove_all< T > | |
CEigen::internal::remove_all< _DerType > | |
CEigen::internal::remove_all< const T > | |
CEigen::internal::remove_all< T & > | |
CEigen::internal::remove_all< T * > | |
CEigen::internal::remove_all< T const & > | |
CEigen::internal::remove_all< T const * > | |
CEigen::internal::remove_const< T > | |
CEigen::internal::remove_const< const T > | |
CEigen::internal::remove_const< const T[]> | |
CEigen::internal::remove_const< const T[Size]> | |
CEigen::internal::remove_pointer< T > | |
CEigen::internal::remove_pointer< T * > | |
CEigen::internal::remove_pointer< T *const > | |
CEigen::internal::remove_reference< T > | |
CEigen::internal::remove_reference< T & > | |
CEigen::internal::result_of< T > | |
CEigen::internal::result_of< Func(ArgType)> | |
CEigen::internal::result_of< Func(ArgType0, ArgType1)> | |
CEigen::VectorwiseOp< ExpressionType, Direction >::ReturnType< Functor, Scalar > | |
CreturnValue | Allows to pass back messages to the calling function |
CreturnValue::returnValueData | |
CReturnValueList | Data structure for entries in returnValueList |
CMessageHandling::ReturnValueList | Data structure for entries in global message list |
CEigen::internal::reverse_packet_cond< PacketScalar, ReversePacket > | |
CEigen::internal::reverse_packet_cond< PacketScalar, false > | |
►CReverseInnerIterator | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, true, Sparse >::ReverseInnerIterator | |
CEigen::MappedSparseMatrix< _Scalar, _Flags, _Index >::ReverseInnerIterator | |
►CEigen::SparseMatrix< _Scalar, _Options, _Index >::ReverseInnerIterator | |
CEigen::BlockImpl< SparseMatrix< _Scalar, _Options, _Index >, BlockRows, BlockCols, true, Sparse >::ReverseInnerIterator | |
►CEigen::SparseVector< _Scalar, _Options, _Index >::ReverseInnerIterator | |
CEigen::DynamicSparseMatrix< _Scalar, _Options, _Index >::ReverseInnerIterator | |
►CReverseInnerIterator | |
CEigen::SparseTriangularView< MatrixType, Mode >::ReverseInnerIterator | |
►CReverseInnerIterator | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Sparse >::ReverseInnerIterator | |
CEigen::TransposeImpl< MatrixType, Sparse >::ReverseInnerIterator | |
►CRKSensitivitiesExport | Allows to export a tailored Runge-Kutta sensitivity propagation for fast model predictive control |
CForwardIRKExport | Allows to export a tailored implicit Runge-Kutta integrator with forward sensitivity generation for fast model predictive control |
CEigen::internal::rotation_base_generic_product_selector< RotationDerived, MatrixType, IsVector > | |
CEigen::internal::rotation_base_generic_product_selector< RotationDerived, DiagonalMatrix< Scalar, Dim, MaxDim >, false > | |
CEigen::internal::rotation_base_generic_product_selector< RotationDerived, MatrixType, false > | |
CEigen::internal::rotation_base_generic_product_selector< RotationDerived, OtherVectorType, true > | |
CEigen::RotationBase< Derived, _Dim > | Common base class for compact rotation representations |
►CEigen::RotationBase< AngleAxis< _Scalar >, 3 > | |
CEigen::AngleAxis< _Scalar > | Represents a 3D rotation as a rotation angle around an arbitrary 3D axis |
CEigen::AngleAxis< _Scalar > | Represents a 3D rotation as a rotation angle around an arbitrary 3D axis |
►CEigen::RotationBase< Derived, 3 > | |
CEigen::QuaternionBase< Derived > | Base class for quaternion expressions |
►CEigen::RotationBase< Map< const Quaternion< _Scalar >, _Options >, 3 > | |
►CEigen::QuaternionBase< Map< const Quaternion< _Scalar >, _Options > > | |
CEigen::Map< const Quaternion< _Scalar >, _Options > | Quaternion expression mapping a constant memory buffer |
►CEigen::RotationBase< Map< Quaternion< _Scalar >, _Options >, 3 > | |
►CEigen::QuaternionBase< Map< Quaternion< _Scalar >, _Options > > | |
CEigen::Map< Quaternion< _Scalar >, _Options > | Expression of a quaternion from a memory buffer |
►CEigen::RotationBase< Quaternion< _Scalar >, 3 > | |
CEigen::Quaternion< _Scalar > | The quaternion class used to represent 3D orientations and rotations |
►CEigen::RotationBase< Quaternion< _Scalar, _Options >, 3 > | |
►CEigen::QuaternionBase< Quaternion< _Scalar, _Options > > | |
CEigen::Quaternion< _Scalar > | The quaternion class used to represent 3D orientations and rotations |
►CEigen::RotationBase< Rotation2D< _Scalar >, 2 > | |
CEigen::Rotation2D< _Scalar > | Represents a rotation/orientation in a 2 dimensional space |
CEigen::Rotation2D< _Scalar > | Represents a rotation/orientation in a 2 dimensional space |
CEigen::internal::scalar_abs2_op< Scalar > | |
CEigen::internal::scalar_abs_op< Scalar > | |
CEigen::internal::scalar_acos_op< Scalar > | |
CEigen::internal::scalar_add_op< Scalar > | |
CEigen::internal::scalar_asin_op< Scalar > | |
CEigen::internal::scalar_binary_pow_op< Scalar, OtherScalar > | |
CEigen::internal::scalar_boolean_and_op | |
CEigen::internal::scalar_boolean_or_op | |
CEigen::internal::scalar_cast_op< Scalar, NewType > | |
CEigen::internal::scalar_conj_product_op< LhsScalar, RhsScalar > | |
CEigen::internal::scalar_conjugate_op< Scalar > | |
CEigen::internal::scalar_constant_op< Scalar > | |
CEigen::internal::scalar_cos_op< Scalar > | |
CEigen::internal::scalar_cube_op< Scalar > | |
CEigen::internal::scalar_difference_op< Scalar > | |
CEigen::internal::scalar_exp_op< Scalar > | |
CEigen::internal::scalar_fuzzy_default_impl< Scalar, IsComplex, IsInteger > | |
CEigen::internal::scalar_fuzzy_default_impl< Scalar, false, false > | |
CEigen::internal::scalar_fuzzy_default_impl< Scalar, false, true > | |
►CEigen::internal::scalar_fuzzy_default_impl< Scalar, NumTraits< Scalar >::IsComplex, NumTraits< Scalar >::IsInteger > | |
CEigen::internal::scalar_fuzzy_impl< Scalar > | |
CEigen::internal::scalar_fuzzy_default_impl< Scalar, true, false > | |
CEigen::internal::scalar_fuzzy_impl< bool > | |
CEigen::internal::scalar_hypot_op< Scalar > | |
CEigen::internal::scalar_identity_op< Scalar > | |
CEigen::internal::scalar_imag_op< Scalar > | |
CEigen::internal::scalar_imag_ref_op< Scalar > | |
CEigen::internal::scalar_inverse_mult_op< Scalar > | |
CEigen::internal::scalar_inverse_op< Scalar > | |
CEigen::internal::scalar_log_op< Scalar > | |
CEigen::internal::scalar_max_op< Scalar > | |
CEigen::internal::scalar_min_op< Scalar > | |
CEigen::internal::scalar_multiple2_op< Scalar1, Scalar2 > | |
CEigen::internal::scalar_multiple_op< Scalar > | |
CEigen::internal::scalar_opposite_op< Scalar > | |
CEigen::internal::scalar_pow_op< Scalar > | |
CEigen::internal::scalar_product_op< LhsScalar, RhsScalar > | |
CEigen::internal::scalar_product_traits< T, U > | |
CEigen::internal::scalar_product_traits< A_Scalar, Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols > > | |
CEigen::internal::scalar_product_traits< AutoDiffScalar< DerType >, typename DerType::Scalar > | |
CEigen::internal::scalar_product_traits< Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols >, A_Scalar > | |
CEigen::internal::scalar_product_traits< std::complex< T >, T > | |
CEigen::internal::scalar_product_traits< T, std::complex< T > > | |
CEigen::internal::scalar_product_traits< T, T > | |
CEigen::internal::scalar_product_traits< typename DerType::Scalar, AutoDiffScalar< DerType > > | |
CEigen::internal::scalar_quotient1_op< Scalar > | |
CEigen::internal::scalar_quotient_op< LhsScalar, RhsScalar > | |
CEigen::internal::scalar_random_op< Scalar > | |
CEigen::internal::scalar_real_op< Scalar > | |
CEigen::internal::scalar_real_ref_op< Scalar > | |
CEigen::internal::scalar_sin_op< Scalar > | |
CEigen::internal::scalar_sqrt_op< Scalar > | |
CEigen::internal::scalar_square_op< Scalar > | |
CEigen::internal::scalar_sum_op< Scalar > | |
CEigen::internal::scalar_tan_op< Scalar > | |
CEigen::RandomSetter< SparseMatrixType, MapTraits, OuterPacketBits >::ScalarWrapper | |
CEigen::Scaling< _Scalar, _Dim > | Represents a possibly non uniform scaling transformation |
CEigen::internal::selfadjoint_matrix_vector_product< Scalar, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, Version > | |
►CEigen::internal::selfadjoint_matrix_vector_product< Scalar, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs, BuiltIn > | |
CEigen::internal::selfadjoint_matrix_vector_product_symv< Scalar, Index, StorageOrder, UpLo, ConjugateLhs, ConjugateRhs > | |
CEigen::selfadjoint_product_selector< MatrixType, OtherType, UpLo, OtherIsVector > | |
CEigen::selfadjoint_product_selector< MatrixType, OtherType, UpLo, false > | |
CEigen::selfadjoint_product_selector< MatrixType, OtherType, UpLo, true > | |
CEigen::selfadjoint_rank1_update< Scalar, Index, StorageOrder, UpLo, ConjLhs, ConjRhs > | |
CEigen::selfadjoint_rank1_update< Scalar, Index, ColMajor, UpLo, ConjLhs, ConjRhs > | |
CEigen::selfadjoint_rank1_update< Scalar, Index, RowMajor, UpLo, ConjLhs, ConjRhs > | |
CEigen::internal::selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, UpLo > | |
CEigen::internal::selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Lower > | |
CEigen::internal::selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Upper > | |
►CEigen::SelfAdjointEigenSolver< _MatrixType > | Computes eigenvalues and eigenvectors of selfadjoint matrices |
CEigen::GeneralizedSelfAdjointEigenSolver< _MatrixType > | Computes eigenvalues and eigenvectors of the generalized selfadjoint eigen problem |
CEigen::SelfadjointProductMatrix< Lhs, LhsMode, LhsIsVector, Rhs, RhsMode, RhsIsVector > | |
CEigen::MatrixBase< Derived >::SelfAdjointViewReturnType< UpLo > | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct >::set | |
CEigen::internal::setIdentity_impl< Derived, Big > | |
CEigen::internal::setIdentity_impl< Derived, true > | |
►CCasADi::SharedObjectNode | Internal class for the reference counting framework, see comments on the public class |
►CExportDataInternal | |
►CExportArgumentInternal | Defines a matrix-valued variable that can be passed as argument to exported functions |
CExportVariableInternal | Defines a matrix-valued variable to be used for exporting code |
CExportIndexNode | |
CEigen::internal::significant_decimals_default_impl< Scalar, IsInteger > | |
►CEigen::internal::significant_decimals_default_impl< Scalar, NumTraits< Scalar >::IsInteger > | |
CEigen::internal::significant_decimals_impl< Scalar > | |
CEigen::internal::significant_decimals_default_impl< Scalar, true > | |
CEigen::SparseMatrix< _Scalar, _Options, _Index >::SingletonVector | |
CEigen::internal::size_at_compile_time< _Rows, _Cols > | |
CEigen::internal::skyline_product_mode< Lhs, Rhs > | |
CEigen::internal::skyline_product_selector< Lhs, Rhs, ResultType, LhsStorageOrder > | |
CEigen::internal::skyline_product_selector< Lhs, Rhs, ResultType, ColMajor > | |
CEigen::internal::skyline_product_selector< Lhs, Rhs, ResultType, RowMajor > | |
CEigen::SkylineInplaceLU< MatrixType > | Inplace LU decomposition of a skyline matrix and associated features |
CEigen::SkylineProduct< Lhs, Rhs, ProductMode > | |
CEigen::internal::SkylineProductReturnType< Lhs, Rhs, ProductMode > | |
CEigen::SkylineProductReturnType< Lhs, Rhs, ProductMode > | |
CEigen::SkylineStorage< Scalar > | |
CEigen::SkylineVector< _Scalar, _Flags > | |
CEigen::SluMatrixMapHelper< MatrixType > | |
CEigen::SluMatrixMapHelper< Matrix< Scalar, Rows, Cols, Options, MRows, MCols > > | |
CEigen::SluMatrixMapHelper< SparseMatrixBase< Derived > > | |
CEigen::internal::smart_copy_helper< T, UseMemcpy > | |
CEigen::internal::smart_copy_helper< T, false > | |
CEigen::internal::smart_copy_helper< T, true > | |
CSolutionAnalysis | Provides additional tools for analysing QP solutions |
CEigen::internal::solve_retval< DecompositionType, Rhs > | |
CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< BinaryOp, Lhs, Rhs, Derived, _LhsStorageMode, _RhsStorageMode > | |
►CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< BinaryOp, Lhs, Rhs, CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Sparse >::InnerIterator > | |
CEigen::CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Sparse >::InnerIterator | |
CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< BinaryOp, Lhs, Rhs, Derived, Sparse, Sparse > | |
CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Dense, Sparse > | |
CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Sparse, Dense > | |
CEigen::internal::sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Sparse, Sparse > | |
CEigen::internal::sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, RhsMode, LhsMode > | |
CEigen::internal::sparse_eval< T, Rows, Cols > | |
CEigen::internal::sparse_eval< T, 1, 1 > | |
CEigen::internal::sparse_eval< T, 1, Cols > | |
CEigen::internal::sparse_eval< T, Rows, 1 > | |
►CEigen::internal::sparse_eval< T, traits< T >::RowsAtCompileTime, traits< T >::ColsAtCompileTime > | |
CEigen::internal::eval< T, Sparse > | |
CEigen::internal::sparse_solve_retval< _DecompositionType, Rhs > | |
CEigen::internal::sparse_solve_triangular_selector< Lhs, Rhs, Mode, UpLo, StorageOrder > | |
CEigen::internal::sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, ColMajor > | |
CEigen::internal::sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, RowMajor > | |
CEigen::internal::sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, ColMajor > | |
CEigen::internal::sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, RowMajor > | |
CEigen::internal::sparse_solve_triangular_sparse_selector< Lhs, Rhs, Mode, UpLo, StorageOrder > | |
CEigen::internal::sparse_solve_triangular_sparse_selector< Lhs, Rhs, Mode, UpLo, ColMajor > | |
CEigen::internal::sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, LhsStorageOrder, RhsStorageOrder, ResStorageOrder > | |
CEigen::internal::sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor > | |
CEigen::internal::sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor > | |
CEigen::internal::sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor > | |
CEigen::internal::sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor > | |
CEigen::internal::sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, LhsStorageOrder, ColPerCol > | |
CEigen::internal::sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, ColMajor, false > | |
CEigen::internal::sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, ColMajor, true > | |
CEigen::internal::sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, RowMajor, false > | |
CEigen::internal::sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, RowMajor, true > | |
CEigen::internal::sparse_vector_assign_selector< Dest, Src, AssignmentKind > | |
CEigen::internal::sparse_vector_assign_selector< Dest, Src, SVA_Inner > | |
CEigen::internal::sparse_vector_assign_selector< Dest, Src, SVA_Outer > | |
CEigen::internal::sparse_vector_assign_selector< Dest, Src, SVA_RuntimeSwitch > | |
CEigen::SparseDenseProductReturnType< Lhs, Rhs, InnerSize > | |
CEigen::SparseDenseProductReturnType< Lhs, Rhs, 1 > | |
CEigen::internal::SparseLUImpl< Scalar, Index > | |
CSparseLUImpl< Scalar, Index > | |
►CEigen::internal::SparseLUImpl< _MatrixType::Scalar, _MatrixType::Index > | |
CEigen::SparseLU< _MatrixType, _OrderingType > | Sparse supernodal LU factorization for general matrices |
CEigen::SparseQR< _MatrixType, _OrderingType > | Sparse left-looking rank-revealing QR factorization |
CEigen::SparseQRMatrixQTransposeReturnType< SparseQRType > | |
►CSparseSolver | Generic interface for sparse solvers to be coupled with ACADO Toolkit |
CACADOcsparse | (not yet documented) |
►CConjugateGradientMethod | Implements a conjugate gradient method as sparse linear algebra solver |
CNormalConjugateGradientMethod | Implements a conjugate gradient method as sparse linear algebra solver for non-symmetric linear systems |
CSymmetricConjugateGradientMethod | Implements a conjugate gradient method as sparse linear algebra solver for symmetric linear systems |
CEigen::SparseSparseProductReturnType< Lhs, Rhs > | |
CEigen::Spline< _Scalar, _Dim, _Degree > | A class representing multi-dimensional spline curves |
CEigen::SplineFitting< SplineType > | Spline fitting methods |
CEigen::SplineTraits< SplineType, DerivativeOrder > | |
CEigen::SplineTraits< Spline > | |
►CEigen::SplineTraits< Spline< _Scalar, _Dim, _Degree > > | |
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::SPQR< _MatrixType > | Sparse QR factorization based on SuiteSparseQR library |
CEigen::SPQRMatrixQReturnType< SPQRType > | |
CEigen::SPQRMatrixQTransposeReturnType< SPQRType > | |
CEigen::internal::static_assertion< condition > | |
CEigen::internal::static_assertion< true > | |
CEigen::StdMapTraits< Scalar > | |
CEigen::StdStemFunctions< Scalar > | Stem functions corresponding to standard mathematical functions |
CEigen::internal::stem_function< Scalar > | |
CEigen::Stride< _OuterStrideAtCompileTime, _InnerStrideAtCompileTime > | Holds strides information for Map |
►CEigen::Stride< 0, Value > | |
CEigen::InnerStride< Value > | Convenience specialization of Stride to specify only an inner stride See class Map for some examples |
CEigen::Stride< StrideType::OuterStrideAtCompileTime, StrideType::InnerStrideAtCompileTime > | |
►CEigen::Stride< Value, 0 > | |
CEigen::OuterStride< Value > | Convenience specialization of Stride to specify only an outer stride See class Map for some examples |
CEigen::PlainObjectBase< Derived >::StridedAlignedMapType< StrideType > | |
CEigen::PlainObjectBase< Derived >::StridedConstAlignedMapType< StrideType > | |
CEigen::PlainObjectBase< Derived >::StridedConstMapType< StrideType > | |
CEigen::PlainObjectBase< Derived >::StridedMapType< StrideType > | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct >::sub | |
►CSubjectTo | Base class for managing working sets of bounds and constraints |
CBounds | Manages working sets of bounds (= box constraints) |
CBounds | Manages working sets of bounds (= box constraints) |
CBounds | Manages working sets of bounds (= box constraints) |
CBounds | Manages working sets of bounds (= box constraints) |
CConstraints | Manages working sets of constraints |
CConstraints | Manages working sets of constraints |
CConstraints | Manages working sets of constraints |
CConstraints | Manages working sets of constraints |
►CSuperMatrix | |
CEigen::SluMatrix | |
CEigen::SVD< MatrixType > | Standard SVD decomposition of a matrix and associated features |
CEigen::internal::svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, IsComplex > | |
CEigen::internal::svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, false > | |
CEigen::internal::svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, true > | |
CSymbolicIndexList | Manages the indices of SymbolicVariables |
CEigen::internal::symm_pack_lhs< Scalar, Index, Pack1, Pack2, StorageOrder > | |
CEigen::internal::symm_pack_rhs< Scalar, Index, nr, StorageOrder > | |
CTabularOutput | Stores internal information for tabular (debugging) output |
CEigen::internal::take_matrix_for_product< MatrixOrTransformType > | |
CEigen::internal::take_matrix_for_product< Transform< Scalar, Dim, Mode, Options > > | |
CEigen::internal::take_matrix_for_product< Transform< Scalar, Dim, Projective, Options > > | |
CTaylorModel< T > | C++ class supporting the definition and computation of Taylor models for factorable functions |
CTaylorVariable< T > | C++ template class for definition of and operation on variables in a Taylor model |
►CTestCase | |
Ctests.test_examples.TestExamples | |
CTevaluationPoint< T > | Allows to setup function evaluation points |
Ctimer | |
CTmatrix< T > | Implements a templated dense matrix class |
CTmatrix< double > | |
►CEigen::internal::traits< T > | |
CEigen::ei_traits< T > | |
CEigen::internal::traits< const T > | |
CEigen::internal::traits< AngleAxis< _Scalar > > | |
CEigen::internal::traits< BandMatrix > | |
CEigen::internal::traits< BandMatrix< _Scalar, _Rows, _Cols, _Supers, _Subs, _Options > > | |
CEigen::internal::traits< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > > | |
CEigen::internal::traits< BiCGSTAB< _MatrixType, _Preconditioner > > | |
►CEigen::internal::traits< Block< VectorType, traits< VectorType >::Flags &RowMajorBit?1:Size, traits< VectorType >::Flags &RowMajorBit?Size:1 > > | |
CEigen::internal::traits< VectorBlock< VectorType, Size > > | |
CEigen::internal::traits< CoeffBasedProduct< LhsNested, RhsNested, NestingFlags > > | |
CEigen::internal::traits< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner > > | |
►CEigen::internal::traits< CwiseBinaryOp< BinaryOp, Lhs, Rhs > > | |
CEigen::internal::traits< SelfCwiseBinaryOp< BinaryOp, Lhs, Rhs > > | |
CEigen::internal::traits< CwiseBinaryXpr > | |
►CEigen::internal::traits< Derived > | |
CEigen::internal::traits< RefBase< Derived > > | |
CEigen::internal::traits< Transpose< PermutationBase< Derived > > > | |
CEigen::internal::traits< DerType > | |
CEigen::internal::traits< DGMRES< _MatrixType, _Preconditioner > > | |
CEigen::internal::traits< Diagonal< const SparseMatrix< _Scalar, _Options, _Index >, DiagIndex > > | |
CEigen::internal::traits< DiagonalMatrix > | |
CEigen::internal::traits< DiagonalWrapper< _DiagonalVectorType > > | |
CEigen::internal::traits< DynamicSparseMatrix< _Scalar, _Options, _Index > > | |
►CEigen::internal::traits< ExpressionType > | |
CEigen::internal::traits< Flagged< ExpressionType, Added, Removed > > | |
CEigen::internal::traits< ForceAlignedAccess< ExpressionType > > | |
CEigen::internal::traits< NestByValue< ExpressionType > > | |
CEigen::internal::traits< SwapWrapper< ExpressionType > > | |
CEigen::internal::traits< FullPivHouseholderQRMatrixQReturnType< MatrixType > > | |
CEigen::internal::traits< GMRES< _MatrixType, _Preconditioner > > | |
CEigen::internal::traits< HessenbergDecompositionMatrixHReturnType< MatrixType > > | |
CEigen::internal::traits< homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > > | |
CEigen::internal::traits< homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > > | |
CEigen::internal::traits< HouseholderSequence< VectorsType, CoeffsType, Side > > | |
CEigen::internal::traits< image_retval_base< DecompositionType > > | |
CEigen::internal::traits< inverse_impl< MatrixType > > | |
CEigen::internal::traits< kernel_retval_base< DecompositionType > > | |
CEigen::internal::traits< KroneckerProduct< _Lhs, _Rhs > > | |
CEigen::internal::traits< KroneckerProductSparse< _Lhs, _Rhs > > | |
CEigen::internal::traits< Map > | |
►CEigen::internal::traits< Map< _PlainObjectType, _Options, _StrideType > > | |
CEigen::internal::traits< Ref< _PlainObjectType, _Options, _StrideType > > | |
CEigen::internal::traits< Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > > | |
►CEigen::internal::traits< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > > | |
CEigen::internal::traits< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > > | |
►CEigen::internal::traits< Matrix< _Scalar, SizeAtCompileTime, SizeAtCompileTime, 0, MaxSizeAtCompileTime, MaxSizeAtCompileTime > > | |
CEigen::internal::traits< DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > > | |
►CEigen::internal::traits< Matrix< IndexType, SizeAtCompileTime, SizeAtCompileTime, 0, MaxSizeAtCompileTime, MaxSizeAtCompileTime > > | |
CEigen::internal::traits< Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > > | |
CEigen::internal::traits< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > > | |
►CEigen::internal::traits< Matrix< scalar_product_traits< Lhs::Scalar, Rhs::Scalar >::ReturnType, 1, 1 > > | |
CEigen::internal::traits< GeneralProduct< Lhs, Rhs, InnerProduct > > | |
►CEigen::internal::traits< Matrix< T, Dynamic, Dynamic, Eigen::RowMajor|Eigen::AutoAlign > > | |
CEigen::internal::traits< ACADO::GenericMatrix< T > > | |
CEigen::internal::traits< MatrixExponentialReturnValue< Derived > > | |
CEigen::internal::traits< MatrixFunctionReturnValue< Derived > > | |
CEigen::internal::traits< MatrixLogarithmReturnValue< Derived > > | |
CEigen::internal::traits< MatrixPowerReturnValue< Derived > > | |
CEigen::internal::traits< MatrixPowerRetval< MatrixPowerType > > | |
CEigen::internal::traits< MatrixSquareRootReturnValue< Derived > > | |
►CEigen::internal::traits< MatrixType > | |
CEigen::internal::traits< CwiseUnaryView< ViewOp, MatrixType > > | |
CEigen::internal::traits< Diagonal< MatrixType, DiagIndex > > | |
CEigen::internal::traits< DiagonalProduct< MatrixType, DiagonalType, ProductOrder > > | |
CEigen::internal::traits< Homogeneous< MatrixType, Direction > > | |
CEigen::internal::traits< Minor< MatrixType > > | |
CEigen::internal::traits< PartialReduxExpr< MatrixType, MemberOp, Direction > > | |
CEigen::internal::traits< Replicate< MatrixType, RowFactor, ColFactor > > | |
CEigen::internal::traits< Reverse< MatrixType, Direction > > | |
CEigen::internal::traits< SelfAdjointView< MatrixType, UpLo > > | |
CEigen::internal::traits< SparseSelfAdjointView< MatrixType, UpLo > > | |
CEigen::internal::traits< SparseSymmetricPermutationProduct< MatrixType, UpLo > > | |
CEigen::internal::traits< SparseTriangularView< MatrixType, Mode > > | |
CEigen::internal::traits< SparseView< MatrixType > > | |
CEigen::internal::traits< Transpose< MatrixType > > | |
CEigen::internal::traits< TriangularView< MatrixType, _Mode > > | |
CEigen::internal::traits< MINRES< _MatrixType, _UpLo, _Preconditioner > > | |
CEigen::internal::traits< PartialReduxExpr > | |
CEigen::internal::traits< permut_matrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::internal::traits< permut_sparsematrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::internal::traits< PermutationWrapper< _IndicesType > > | |
►CEigen::internal::traits< PlainObjectType > | |
CEigen::internal::traits< CwiseNullaryOp< NullaryOp, PlainObjectType > > | |
CEigen::internal::traits< Map< PlainObjectType, MapOptions, StrideType > > | |
►CEigen::internal::traits< ProductBase< DenseTimeSparseProduct< Lhs, Rhs >, Lhs, Rhs > > | |
CEigen::internal::traits< DenseTimeSparseProduct< Lhs, Rhs > > | |
►CEigen::internal::traits< ProductBase< DenseTimeSparseSelfAdjointProduct< Lhs, Rhs, UpLo >, Lhs, Rhs > > | |
CEigen::internal::traits< DenseTimeSparseSelfAdjointProduct< Lhs, Rhs, UpLo > > | |
CEigen::internal::traits< ProductBase< Derived, _Lhs, _Rhs > > | |
►CEigen::internal::traits< ProductBase< GeneralProduct< Lhs, Rhs, GemmProduct >, Lhs, Rhs > > | |
CEigen::internal::traits< GeneralProduct< Lhs, Rhs, GemmProduct > > | |
►CEigen::internal::traits< ProductBase< GeneralProduct< Lhs, Rhs, GemvProduct >, Lhs, Rhs > > | |
CEigen::internal::traits< GeneralProduct< Lhs, Rhs, GemvProduct > > | |
►CEigen::internal::traits< ProductBase< GeneralProduct< Lhs, Rhs, OuterProduct >, Lhs, Rhs > > | |
CEigen::internal::traits< GeneralProduct< Lhs, Rhs, OuterProduct > > | |
►CEigen::internal::traits< ProductBase< ScaledProduct< NestedProduct >, NestedProduct::_LhsNested, NestedProduct::_RhsNested > > | |
CEigen::internal::traits< ScaledProduct< NestedProduct > > | |
►CEigen::internal::traits< ProductBase< SelfadjointProductMatrix< Lhs, 0, true, Rhs, RhsMode, false >, Lhs, Rhs > > | |
CEigen::internal::traits< SelfadjointProductMatrix< Lhs, 0, true, Rhs, RhsMode, false > > | |
►CEigen::internal::traits< ProductBase< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, 0, true >, Lhs, Rhs > > | |
CEigen::internal::traits< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, 0, true > > | |
►CEigen::internal::traits< ProductBase< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, RhsMode, false >, Lhs, Rhs > > | |
CEigen::internal::traits< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, RhsMode, false > > | |
►CEigen::internal::traits< ProductBase< SparseSelfAdjointTimeDenseProduct< Lhs, Rhs, UpLo >, Lhs, Rhs > > | |
CEigen::internal::traits< SparseSelfAdjointTimeDenseProduct< Lhs, Rhs, UpLo > > | |
►CEigen::internal::traits< ProductBase< SparseTimeDenseProduct< Lhs, Rhs >, Lhs, Rhs > > | |
CEigen::internal::traits< SparseTimeDenseProduct< Lhs, Rhs > > | |
►CEigen::internal::traits< ProductBase< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, false >, Lhs, Rhs > > | |
CEigen::internal::traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, false > > | |
►CEigen::internal::traits< ProductBase< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, true >, Lhs, Rhs > > | |
CEigen::internal::traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, true > > | |
►CEigen::internal::traits< ProductBase< TriangularProduct< Mode, LhsIsTriangular, Lhs, true, Rhs, false >, Lhs, Rhs > > | |
CEigen::internal::traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, true, Rhs, false > > | |
CEigen::internal::traits< Quaternion< _Scalar, _Options > > | |
►CEigen::internal::traits< Quaternion< _Scalar,(int(_Options)&Aligned)==Aligned?AutoAlign:DontAlign > > | |
CEigen::internal::traits< Map< const Quaternion< _Scalar >, _Options > > | |
CEigen::internal::traits< Map< Quaternion< _Scalar >, _Options > > | |
►CEigen::internal::traits< remove_all< ExpressionType::Nested >::type > | |
CEigen::internal::traits< ArrayWrapper< ExpressionType > > | |
CEigen::internal::traits< MatrixWrapper< ExpressionType > > | |
CEigen::internal::traits< Replicate > | |
CEigen::internal::traits< Rotation2D< _Scalar > > | |
CEigen::internal::traits< SelfAdjointView > | |
CEigen::internal::traits< SimplicialCholesky< _MatrixType, _UpLo > > | |
CEigen::internal::traits< SimplicialLDLT< _MatrixType, _UpLo > > | |
CEigen::internal::traits< SimplicialLLT< _MatrixType, _UpLo > > | |
CEigen::internal::traits< SkylineMatrix< _Scalar, _Options > > | |
CEigen::internal::traits< SkylineProduct< LhsNested, RhsNested, ProductMode > > | |
CEigen::internal::traits< solve_retval_base< DecompositionType, Rhs > > | |
CEigen::internal::traits< solve_retval_with_guess< DecompositionType, Rhs, Guess > > | |
CEigen::internal::traits< sparse_solve_retval_base< DecompositionType, Rhs > > | |
CEigen::internal::traits< SparseDenseOuterProduct< Lhs, Rhs, Tr > > | |
CEigen::internal::traits< SparseDiagonalProduct< Lhs, Rhs > > | |
►CEigen::internal::traits< SparseMatrix< _Scalar, _Flags, _Index > > | |
CEigen::internal::traits< MappedSparseMatrix< _Scalar, _Flags, _Index > > | |
CEigen::internal::traits< SparseMatrix< _Scalar, _Options, _Index > > | |
CEigen::internal::traits< SparseQR_QProduct< SparseQRType, Derived > > | |
CEigen::internal::traits< SparseQRMatrixQReturnType< SparseQRType > > | |
CEigen::internal::traits< SparseQRMatrixQTransposeReturnType< SparseQRType > > | |
CEigen::internal::traits< SparseSparseProduct< LhsNested, RhsNested > > | |
CEigen::internal::traits< SparseVector< _Scalar, _Options, _Index > > | |
CEigen::internal::traits< SPQR_QProduct< SPQRType, Derived > > | |
CEigen::internal::traits< SPQRMatrixQReturnType< SPQRType > > | |
CEigen::internal::traits< SPQRMatrixQTransposeReturnType< SPQRType > > | |
►CEigen::internal::traits< ThenMatrixType > | |
CEigen::internal::traits< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > > | |
►CEigen::internal::traits< traits< Derived >::ReturnType > | |
CEigen::internal::traits< ReturnByValue< Derived > > | |
CEigen::internal::traits< transposition_matrix_product_retval< TranspositionType, MatrixType, Side, Transposed > > | |
CEigen::internal::traits< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > > | |
CEigen::internal::traits< TranspositionsWrapper< _IndicesType > > | |
CEigen::internal::traits< triangular_solve_retval< Side, TriangularType, Rhs > > | |
CEigen::internal::traits< TriangularView > | |
CEigen::internal::traits< TridiagonalizationMatrixTReturnType< MatrixType > > | |
►CEigen::internal::traits< XprType > | |
CEigen::internal::traits< Block< XprType, BlockRows, BlockCols, InnerPanel > > | |
CEigen::internal::traits< CwiseUnaryOp< UnaryOp, XprType > > | |
CEigen::internal::transfer_constness< T1, T2 > | |
CEigen::Transform< _Scalar, _Dim > | Represents an homogeneous transformation in a N dimensional space |
CEigen::internal::transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, OtherRows, OtherCols > | |
CEigen::internal::transform_construct_from_matrix< Other, AffineCompact, Options, Dim, HDim, HDim, HDim > | |
CEigen::internal::transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, Dim > | |
CEigen::internal::transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, HDim > | |
CEigen::internal::transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, HDim, HDim > | |
CEigen::internal::transform_left_product_impl< Other, Mode, Options, Dim, HDim, OtherRows, OtherCols > | |
CEigen::internal::transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, Dim, HDim > | |
CEigen::internal::transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, HDim, HDim > | |
CEigen::internal::transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, Dim > | |
CEigen::internal::transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, HDim > | |
CEigen::internal::transform_left_product_impl< Other, Mode, Options, Dim, HDim, HDim, HDim > | |
CEigen::internal::transform_product_result< LhsMode, RhsMode > | |
CEigen::internal::transform_right_product_impl< TransformType, MatrixType, Case > | |
CEigen::internal::transform_right_product_impl< TransformType, MatrixType, 0 > | |
CEigen::internal::transform_right_product_impl< TransformType, MatrixType, 1 > | |
CEigen::internal::transform_right_product_impl< TransformType, MatrixType, 2 > | |
CEigen::internal::transform_take_affine_part< TransformType > | |
CEigen::internal::transform_take_affine_part< Transform< Scalar, Dim, AffineCompact, Options > > | |
CEigen::internal::transform_traits< Transform > | |
CEigen::internal::transform_transform_product_impl< Lhs, Rhs, AnyProjective > | |
CEigen::internal::transform_transform_product_impl< Transform< Scalar, Dim, AffineCompact, LhsOptions >, Transform< Scalar, Dim, Projective, RhsOptions >, true > | |
CEigen::internal::transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, false > | |
CEigen::internal::transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, true > | |
CEigen::internal::transform_transform_product_impl< Transform< Scalar, Dim, Projective, LhsOptions >, Transform< Scalar, Dim, AffineCompact, RhsOptions >, true > | |
CEigen::Translation< _Scalar, _Dim > | Represents a translation transformation |
CEigen::Transpose< TranspositionsBase< TranspositionsDerived > > | |
CEigen::TransposeImpl< MatrixType, StorageKind > | |
►CEigen::TransposeImpl< MatrixType, internal::traits< MatrixType >::StorageKind > | |
CEigen::Transpose< MatrixType > | Expression of the transpose of a matrix |
CEigen::internal::TransposeImpl_base< MatrixType, HasDirectAccess > | |
CEigen::internal::TransposeImpl_base< MatrixType, false > | |
CEigen::TranspositionsBase< Derived > | |
►CEigen::TranspositionsBase< Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, PacketAccess > > | |
CEigen::Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, PacketAccess > | |
►CEigen::TranspositionsBase< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > > | |
CEigen::Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > | Represents a sequence of transpositions (row/column interchange) |
CEigen::Transpositions< RowsAtCompileTime, MaxRowsAtCompileTime > | |
►CEigen::TranspositionsBase< TranspositionsWrapper< _IndicesType > > | |
CEigen::TranspositionsWrapper< _IndicesType > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, Mode, UnrollCount, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, Lower, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, Mode, 0, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Lower, 0, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Lower, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Upper, 0, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Upper, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, StrictlyLower, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, StrictlyUpper, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, UnitLower, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, UnitUpper, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2, Upper, Dynamic, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2,(SelfAdjoint|Lower), UnrollCount, ClearOpposite > | |
CEigen::internal::triangular_assignment_selector< Derived1, Derived2,(SelfAdjoint|Upper), UnrollCount, ClearOpposite > | |
CEigen::internal::triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, StorageOrder, Version > | |
CEigen::internal::triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, ColMajor, Version > | |
CEigen::internal::triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, RowMajor, Version > | |
►CEigen::internal::triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, StorageOrder, BuiltIn > | |
CEigen::internal::triangular_matrix_vector_product_trmv< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, StorageOrder > | |
CEigen::internal::triangular_solve_matrix< Scalar, Index, Side, Mode, Conjugate, TriStorageOrder, OtherStorageOrder > | |
CEigen::internal::triangular_solve_matrix< Scalar, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor > | |
CEigen::internal::triangular_solve_matrix< Scalar, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor > | |
CEigen::internal::triangular_solve_matrix< Scalar, Index, Side, Mode, Conjugate, TriStorageOrder, RowMajor > | |
CEigen::internal::triangular_solve_vector< LhsScalar, RhsScalar, Index, Side, Mode, Conjugate, StorageOrder > | |
CEigen::internal::triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, ColMajor > | |
CEigen::internal::triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, RowMajor > | |
CEigen::internal::triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheRight, Mode, Conjugate, StorageOrder > | |
CEigen::internal::triangular_solver_selector< Lhs, Rhs, Side, Mode, Unrolling, RhsVectors > | |
CEigen::internal::triangular_solver_selector< Lhs, Rhs, OnTheLeft, Mode, CompleteUnrolling, 1 > | |
CEigen::internal::triangular_solver_selector< Lhs, Rhs, OnTheRight, Mode, CompleteUnrolling, 1 > | |
CEigen::internal::triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, 1 > | |
CEigen::internal::triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, Dynamic > | |
CEigen::internal::triangular_solver_unroller< Lhs, Rhs, Mode, Index, Size, Stop > | |
CEigen::internal::triangular_solver_unroller< Lhs, Rhs, Mode, Index, Size, false > | |
CEigen::internal::triangular_solver_unroller< Lhs, Rhs, Mode, Index, Size, true > | |
CEigen::TriangularProduct< Mode, LhsIsTriangular, Lhs, LhsIsVector, Rhs, RhsIsVector > | |
CEigen::MatrixBase< Derived >::TriangularViewReturnType< Mode > | |
CEigen::internal::tribb_kernel< LhsScalar, RhsScalar, Index, mr, nr, ConjLhs, ConjRhs, UpLo > | |
CEigen::Tridiagonalization< _MatrixType > | Tridiagonal decomposition of a selfadjoint matrix |
CEigen::internal::tridiagonalization_inplace_selector< MatrixType, Size, IsComplex > | |
CEigen::internal::tridiagonalization_inplace_selector< MatrixType, 1, IsComplex > | |
CEigen::internal::tridiagonalization_inplace_selector< MatrixType, 3, false > | |
CEigen::Triplet< Scalar, Index > | A small structure to hold a non zero as a triplet (i,j,value) |
CEigen::internal::trmv_selector< StorageOrder > | |
CEigen::internal::trmv_selector< ColMajor > | |
CEigen::internal::trmv_selector< RowMajor > | |
CEigen::internal::trsolve_traits< Lhs, Rhs, Side > | |
►CEigen::internal::true_type | |
CEigen::GeneralProduct< Lhs, Rhs, OuterProduct >::IsRowMajor< T > | |
►Ctype | |
CEigen::TransposeImpl< MatrixType, Dense > | |
►Ctype | |
►CEigen::internal::BlockImpl_dense< XprType, BlockRows, BlockCols, InnerPanel > | |
CEigen::BlockImpl< XprType, BlockRows, BlockCols, InnerPanel, Dense > | |
CEigen::CwiseBinaryOpImpl< BinaryOp, Lhs, Rhs, Dense > | |
CEigen::CwiseNullaryOp< NullaryOp, PlainObjectType > | Generic expression of a matrix where all coefficients are defined by a functor |
CEigen::CwiseUnaryOpImpl< UnaryOp, XprType, Dense > | |
CEigen::CwiseUnaryViewImpl< ViewOp, MatrixType, Dense > | |
CEigen::Diagonal< MatrixType, _DiagIndex > | Expression of a diagonal/subdiagonal/superdiagonal in a matrix |
CEigen::ForceAlignedAccess< ExpressionType > | Enforce aligned packet loads and stores regardless of what is requested |
CEigen::internal::BlockImpl_dense< XprType, BlockRows, BlockCols, InnerPanel, HasDirectAccess > | |
►CEigen::MapBase< Derived, ReadOnlyAccessors > | |
CEigen::MapBase< Derived, WriteAccessors > | |
CEigen::NestByValue< ExpressionType > | Expression which must be nested by value |
CEigen::PartialReduxExpr< MatrixType, MemberOp, Direction > | Generic expression of a partially reduxed matrix |
►CEigen::PlainObjectBase< Derived > | Dense storage base class for matrices and arrays |
CEigen::Array< Index, 64, 1, DontAlign > | |
CEigen::Matrix< ComplexScalar, ColsAtCompileTime, 1, Options &(~RowMajor), MaxColsAtCompileTime, 1 > | |
CEigen::Matrix< ComplexScalar, ColsAtCompileTime, 1, Options &~RowMajor, MaxColsAtCompileTime, 1 > | |
CEigen::Matrix< ComplexScalar, RowsAtCompileTime, ColsAtCompileTime, MatrixType::Options, MaxRowsAtCompileTime, MaxColsAtCompileTime > | |
CEigen::Matrix< ComplexScalar, RowsAtCompileTime, ColsAtCompileTime, Options, MaxRowsAtCompileTime, MaxColsAtCompileTime > | |
CEigen::Matrix< double, DPARM_SIZE, 1 > | |
►CEigen::Matrix< double, Eigen::Dynamic, 1 > | |
CGenericVector< double > | |
►CEigen::Matrix< double, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor|Eigen::AutoAlign > | |
►CGenericMatrix< double > | |
CMatrixVariable | Provides matrix-valued optimization variables |
CEigen::Matrix< Index, 1, ColsAtCompileTime, RowMajor, 1, MaxColsAtCompileTime > | |
CEigen::Matrix< Index, Dynamic, 1 > | |
CEigen::Matrix< Index, MatrixType::RowsAtCompileTime, 1 > | |
CEigen::Matrix< Index, Traits::RowsAtCompileTime, 1 > | |
CEigen::Matrix< int, 1, MatrixType::ColsAtCompileTime > | |
CEigen::Matrix< int, IPARM_SIZE, 1 > | |
CEigen::Matrix< int, MatrixType::RowsAtCompileTime, 1 > | |
►CEigen::Matrix< internal::scalar_product_traits< Lhs::Scalar, Rhs::Scalar >::ReturnType, 1, 1 > | |
CEigen::GeneralProduct< Lhs, Rhs, InnerProduct > | |
CEigen::Matrix< RealScalar, Dynamic, 1 > | |
CEigen::Matrix< RootType, _Deg, 1 > | |
CEigen::Matrix< Scalar, 1, RowsAtCompileTime, RowMajor, 1, MaxRowsAtCompileTime > | |
CEigen::Matrix< Scalar, 1, Size, Options|RowMajor, 1, MaxSize > | |
CEigen::Matrix< Scalar, 3, 1 > | |
CEigen::Matrix< Scalar, 4, 1 > | |
CEigen::Matrix< Scalar, AmbientDimAtCompileTime, 1 > | |
CEigen::Matrix< Scalar, ColsAtCompileTime, 1, Options &~RowMajor, MaxColsAtCompileTime, 1 > | |
CEigen::Matrix< Scalar, ColsAtCompileTime, ColsAtCompileTime, MatrixOptions, MaxColsAtCompileTime, MaxColsAtCompileTime > | |
CEigen::Matrix< Scalar, ColsAtCompileTime, RowsAtCompileTime, Options, MaxColsAtCompileTime, MaxRowsAtCompileTime > | |
CEigen::Matrix< Scalar, Deg, 1 > | |
CEigen::Matrix< Scalar, Deg_1, 1 > | |
CEigen::Matrix< Scalar, DiagSizeAtCompileTime, DiagSizeAtCompileTime, MatrixOptions, MaxDiagSizeAtCompileTime, MaxDiagSizeAtCompileTime > | |
CEigen::Matrix< Scalar, Dim, 1 > | |
CEigen::Matrix< Scalar, Dynamic, 1 > | |
CEigen::Matrix< Scalar, Dynamic, Dynamic > | |
CEigen::Matrix< Scalar, HDim, HDim > | |
CEigen::Matrix< Scalar, int(AmbientDimAtCompileTime)==Dynamic?Dynamic:int(AmbientDimAtCompileTime)+1, 1 > | |
CEigen::Matrix< Scalar, MatrixType::ColsAtCompileTime, MatrixType::ColsAtCompileTime > | |
CEigen::Matrix< Scalar, MatrixType::RowsAtCompileTime, MinSize > | |
CEigen::Matrix< Scalar, MinSize, 1 > | |
CEigen::Matrix< Scalar, RowsAtCompileTime, 1, Options, MaxRowsAtCompileTime, 1 > | |
CEigen::Matrix< Scalar, RowsAtCompileTime, RowsAtCompileTime, MatrixOptions, MaxRowsAtCompileTime, MaxRowsAtCompileTime > | |
CEigen::Matrix< Scalar, SizeMinusOne, 1, Options &~RowMajor, MaxSizeMinusOne, 1 > | |
►CEigen::Matrix< T, Eigen::Dynamic, 1 > | |
CGenericVector< T > | |
►CEigen::Matrix< T, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor|Eigen::AutoAlign > | |
CGenericMatrix< T > | |
CEigen::Replicate< MatrixType, RowFactor, ColFactor > | Expression of the multiple replication of a matrix or vector |
CEigen::ReturnByValue< Derived > | |
CEigen::Reverse< MatrixType, Direction > | Expression of the reverse of a vector or matrix |
CEigen::Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > | Expression of a coefficient wise version of the C++ ternary operator ?: |
CEigen::SelfCwiseBinaryOp< BinaryOp, Lhs, Rhs > | |
CEigen::SwapWrapper< ExpressionType > | |
►CEigen::PlainObjectBase< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > > | |
CEigen::Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > | General-purpose arrays with easy API for coefficient-wise operations |
►CEigen::PlainObjectBase< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > > | |
CEigen::Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > | The matrix class, also used for vectors and row-vectors |
CEigen::ReturnByValue< FullPivHouseholderQRMatrixQReturnType< MatrixType > > | |
CEigen::ReturnByValue< HessenbergDecompositionMatrixHReturnType< MatrixType > > | |
CEigen::ReturnByValue< homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > > | |
CEigen::ReturnByValue< homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > > | |
CEigen::ReturnByValue< image_retval_base< _DecompositionType > > | |
CEigen::ReturnByValue< image_retval_base< FullPivLU< _MatrixType > > > | |
CEigen::ReturnByValue< inverse_impl< MatrixType > > | |
CEigen::ReturnByValue< kernel_retval_base< _DecompositionType > > | |
CEigen::ReturnByValue< kernel_retval_base< FullPivLU< _MatrixType > > > | |
CEigen::ReturnByValue< KroneckerProduct< Lhs, Rhs > > | |
CEigen::ReturnByValue< MatrixExponentialReturnValue< Derived > > | |
CEigen::ReturnByValue< MatrixFunctionReturnValue< Derived > > | |
CEigen::ReturnByValue< MatrixLogarithmReturnValue< Derived > > | |
CEigen::ReturnByValue< MatrixPowerReturnValue< Derived > > | |
CEigen::ReturnByValue< MatrixPowerRetval< MatrixType > > | |
CEigen::ReturnByValue< MatrixSquareRootReturnValue< Derived > > | |
CEigen::ReturnByValue< permut_matrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::ReturnByValue< permut_sparsematrix_product_retval< PermutationType, MatrixType, Side, Transposed > > | |
CEigen::ReturnByValue< solve_retval_base< _DecompositionType, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< BiCGSTAB< _MatrixType, _Preconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< ColPivHouseholderQR< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< DGMRES< _MatrixType, _Preconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< DiagonalPreconditioner< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< FullPivHouseholderQR< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< FullPivLU< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< GMRES< _MatrixType, _Preconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< HouseholderQR< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< IncompleteCholesky< _Scalar, _UpLo, OrderingType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< IncompleteLU< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< IncompleteLUT< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< JacobiSVD< _MatrixType, QRPreconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< LDLT< _MatrixType, _UpLo >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< LLT< _MatrixType, UpLo >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< MINRES< _MatrixType, _UpLo, _Preconditioner >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< PardisoImpl< _Derived >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< PartialPivLU< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< PastixBase< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< SPQR< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_base< UmfPackLU< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< solve_retval_with_guess< DecompositionType, Rhs, Guess > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< _DecompositionType, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< CholmodBase< _MatrixType, _UpLo, Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< IterativeSolverBase< Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< PardisoImpl< Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< PastixBase< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< SimplicialCholeskyBase< Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< SparseLU< _MatrixType, Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< SparseQR< _MatrixType, OrderingType >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< SuperLUBase< _MatrixType, Derived >, Rhs > > | |
CEigen::ReturnByValue< sparse_solve_retval_base< UmfPackLU< _MatrixType >, Rhs > > | |
CEigen::ReturnByValue< SparseQR_QProduct< SparseQRType, Derived > > | |
CEigen::ReturnByValue< SPQR_QProduct< SPQRType, Derived > > | |
CEigen::ReturnByValue< transposition_matrix_product_retval< TranspositionType, MatrixType, Side, Transposed > > | |
CEigen::ReturnByValue< triangular_solve_retval< Side, TriangularType, Rhs > > | |
CEigen::ReturnByValue< TridiagonalizationMatrixTReturnType< MatrixType > > | |
CEigen::internal::umeyama_transform_matrix_type< MatrixType, OtherMatrixType > | |
CEigen::internal::unaligned_assign_impl< IsAligned > | |
CEigen::internal::unaligned_assign_impl< false > | |
CEigen::internal::unary_result_of_select< Func, ArgType, SizeOf > | |
CEigen::internal::unary_result_of_select< Func, ArgType, sizeof(has_std_result_type)> | |
CEigen::internal::unary_result_of_select< Func, ArgType, sizeof(has_tr1_result)> | |
CEigen::UniformScaling< _Scalar > | |
CEigen::internal::unitOrthogonal_selector< Derived, Size > | |
CEigen::internal::unitOrthogonal_selector< Derived, 2 > | |
CEigen::internal::unitOrthogonal_selector< Derived, 3 > | |
CEigen::internal::unpacket_traits< T > | |
CEigen::internal::unpacket_traits< Packet1cd > | |
CEigen::internal::unpacket_traits< Packet2cf > | |
CEigen::internal::unpacket_traits< Packet2d > | |
CEigen::internal::unpacket_traits< Packet4f > | |
CEigen::internal::unpacket_traits< Packet4i > | |
CEigen::ReturnByValue< Derived >::Unusable | |
CEigen::internal::UpperBidiagonalization< _MatrixType > | |
CEigen::internal::variable_if_dynamic< T, Value > | |
CEigen::internal::variable_if_dynamic< Index, _Rows > | |
CEigen::internal::variable_if_dynamic< Index, _Subs > | |
CEigen::internal::variable_if_dynamic< Index, _Supers > | |
CEigen::internal::variable_if_dynamic< Index, ColFactor > | |
CEigen::internal::variable_if_dynamic< Index, ColsAtCompileTime > | |
CEigen::internal::variable_if_dynamic< Index, InnerStrideAtCompileTime > | |
CEigen::internal::variable_if_dynamic< Index, OuterSize > | |
CEigen::internal::variable_if_dynamic< Index, OuterStrideAtCompileTime > | |
CEigen::internal::variable_if_dynamic< Index, RowFactor > | |
CEigen::internal::variable_if_dynamic< Index, Rows > | |
CEigen::internal::variable_if_dynamic< Index, RowsAtCompileTime > | |
CEigen::internal::variable_if_dynamic< Index, Subs > | |
CEigen::internal::variable_if_dynamic< Index, Supers > | |
CEigen::internal::variable_if_dynamic< Index, XprType::ColsAtCompileTime==1?0:Dynamic > | |
CEigen::internal::variable_if_dynamic< Index, XprType::RowsAtCompileTime==1?0:Dynamic > | |
CEigen::internal::variable_if_dynamic< T, Dynamic > | |
CEigen::internal::variable_if_dynamicindex< T, Value > | |
CEigen::internal::variable_if_dynamicindex< Index, DiagIndex > | |
CEigen::internal::variable_if_dynamicindex< T, DynamicIndex > | |
►CVariableSettings | Provides variable-specific settings for vector- or matrix-valued optimization variables (for internal use) |
CMatrixVariable | Provides matrix-valued optimization variables |
►Cvector | |
Cstd::vector< T, EIGEN_ALIGNED_ALLOCATOR< T > > | |
CEigen::internal::vector_int_pair< Scalar, Dim > | |
CEigen::KdBVH< _Scalar, _Dim, _Object >::VectorComparator | |
CEigen::VectorwiseOp< ExpressionType, Direction > | Pseudo expression providing partial reduction operations |
CEigen::internal::visitor_impl< Visitor, Derived, UnrollCount > | |
CEigen::internal::visitor_impl< Visitor, Derived, 1 > | |
CEigen::internal::visitor_impl< Visitor, Derived, Dynamic > | |
CEigen::internal::vml_assign_impl< Derived1, Derived2, UnaryOp, Traversal, Unrolling, InnerVectorizedTraversal > | |
CEigen::internal::vml_assign_impl< Derived1, Derived2, UnaryOp, Traversal, Unrolling, LinearVectorizedTraversal > | |
CEigen::internal::vml_assign_traits< Dst, Src, UnaryOp > | |
CEigen::internal::vml_call< Op > | |
CWeightGeneration | Generates weights for solving OCPs having multiple objectives |
CEigen::WithFormat< ExpressionType > | Pseudo expression providing matrix output with given format |