Namespace containing all symbols from the Eigen library. More...
Namespaces | |
Architecture | |
bfloat16_impl | |
half_impl | |
HybridNonLinearSolverSpace | |
indexing | |
internal | |
LevenbergMarquardtSpace | |
numext | |
placeholders | |
symbolic | |
TensorSycl | |
test | |
Typedefs | |
typedef Transform< double, 2, Affine > | Affine2d |
typedef Transform< float, 2, Affine > | Affine2f |
typedef Transform< double, 3, Affine > | Affine3d |
typedef Transform< float, 3, Affine > | Affine3f |
typedef Transform< double, 2, AffineCompact > | AffineCompact2d |
typedef Transform< float, 2, AffineCompact > | AffineCompact2f |
typedef Transform< double, 3, AffineCompact > | AffineCompact3d |
typedef Transform< float, 3, AffineCompact > | AffineCompact3f |
typedef DiagonalMatrix< double, 2 > | AlignedScaling2d |
typedef DiagonalMatrix< float, 2 > | AlignedScaling2f |
typedef DiagonalMatrix< double, 3 > | AlignedScaling3d |
typedef DiagonalMatrix< float, 3 > | AlignedScaling3f |
typedef AngleAxis< double > | AngleAxisd |
typedef AngleAxis< float > | AngleAxisf |
typedef int | BlasIndex |
typedef std::complex< double > | dcomplex |
typedef EIGEN_DEFAULT_DENSE_INDEX_TYPE | DenseIndex |
typedef EIGEN_DEFAULT_DENSE_INDEX_TYPE | Index |
The Index type as used for the API. More... | |
typedef Transform< double, 2, Isometry > | Isometry2d |
typedef Transform< float, 2, Isometry > | Isometry2f |
typedef Transform< double, 3, Isometry > | Isometry3d |
typedef Transform< float, 3, Isometry > | Isometry3f |
typedef Transform< double, 2, Projective > | Projective2d |
typedef Transform< float, 2, Projective > | Projective2f |
typedef Transform< double, 3, Projective > | Projective3d |
typedef Transform< float, 3, Projective > | Projective3f |
typedef Quaternion< double > | Quaterniond |
typedef Quaternion< float > | Quaternionf |
typedef Map< Quaternion< double >, Aligned > | QuaternionMapAlignedd |
typedef Map< Quaternion< float >, Aligned > | QuaternionMapAlignedf |
typedef Map< Quaternion< double >, 0 > | QuaternionMapd |
typedef Map< Quaternion< float >, 0 > | QuaternionMapf |
typedef Rotation2D< double > | Rotation2Dd |
typedef Rotation2D< float > | Rotation2Df |
typedef std::complex< float > | scomplex |
typedef Spline< double, 2 > | Spline2d |
2D double B-spline with dynamic degree. More... | |
typedef Spline< float, 2 > | Spline2f |
2D float B-spline with dynamic degree. More... | |
typedef Spline< double, 3 > | Spline3d |
3D double B-spline with dynamic degree. More... | |
typedef Spline< float, 3 > | Spline3f |
3D float B-spline with dynamic degree. More... | |
typedef ThreadPoolTempl< StlThreadEnvironment > | ThreadPool |
typedef Translation< double, 2 > | Translation2d |
typedef Translation< float, 2 > | Translation2f |
typedef Translation< double, 3 > | Translation3d |
typedef Translation< float, 3 > | Translation3f |
Functions | |
template<typename DstXprType , typename SrcXprType > | |
void | add_assign_using_evaluator (const DstXprType &dst, const SrcXprType &src) |
template<typename DerTypeA , typename DerTypeB > | |
const AutoDiffScalar< Matrix< typename internal::traits< typename internal::remove_all< DerTypeA >::type >::Scalar, Dynamic, 1 > > | atan2 (const AutoDiffScalar< DerTypeA > &a, const AutoDiffScalar< DerTypeB > &b) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0_op< typename Derived::Scalar >, const Derived > | bessel_i0 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0e_op< typename Derived::Scalar >, const Derived > | bessel_i0e (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1_op< typename Derived::Scalar >, const Derived > | bessel_i1 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1e_op< typename Derived::Scalar >, const Derived > | bessel_i1e (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j0_op< typename Derived::Scalar >, const Derived > | bessel_j0 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j1_op< typename Derived::Scalar >, const Derived > | bessel_j1 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0_op< typename Derived::Scalar >, const Derived > | bessel_k0 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0e_op< typename Derived::Scalar >, const Derived > | bessel_k0e (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1_op< typename Derived::Scalar >, const Derived > | bessel_k1 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1e_op< typename Derived::Scalar >, const Derived > | bessel_k1e (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_y0_op< typename Derived::Scalar >, const Derived > | bessel_y0 (const Eigen::ArrayBase< Derived > &x) |
template<typename Derived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_y1_op< typename Derived::Scalar >, const Derived > | bessel_y1 (const Eigen::ArrayBase< Derived > &x) |
template<typename ADerived , typename BDerived , typename XDerived > | |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE const TensorCwiseTernaryOp< internal::scalar_betainc_op< typename XDerived::Scalar >, const ADerived, const BDerived, const XDerived > | betainc (const ADerived &a, const BDerived &b, const XDerived &x) |
template<typename ArgADerived , typename ArgBDerived , typename ArgXDerived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseTernaryOp< Eigen::internal::scalar_betainc_op< typename ArgXDerived::Scalar >, const ArgADerived, const ArgBDerived, const ArgXDerived > | betainc (const Eigen::ArrayBase< ArgADerived > &a, const Eigen::ArrayBase< ArgBDerived > &b, const Eigen::ArrayBase< ArgXDerived > &x) |
Box2d | bounding_box (const Vector2d &v) |
template<typename Scalar , int Dim> | |
AlignedBox< Scalar, Dim > | bounding_box (const Matrix< Scalar, Dim, 1 > &v) |
template<typename BVH , typename Intersector > | |
void | BVIntersect (const BVH &tree, Intersector &intersector) |
template<typename BVH1 , typename BVH2 , typename Intersector > | |
void | BVIntersect (const BVH1 &tree1, const BVH2 &tree2, Intersector &intersector) |
template<typename BVH , typename Minimizer > | |
Minimizer::Scalar | BVMinimize (const BVH &tree, Minimizer &minimizer) |
template<typename BVH1 , typename BVH2 , typename Minimizer > | |
Minimizer::Scalar | BVMinimize (const BVH1 &tree1, const BVH2 &tree2, Minimizer &minimizer) |
template<typename Polynomial > | |
NumTraits< typename Polynomial::Scalar >::Real | cauchy_max_bound (const Polynomial &poly) |
template<typename Polynomial > | |
NumTraits< typename Polynomial::Scalar >::Real | cauchy_min_bound (const Polynomial &poly) |
template<typename T1 , typename T2 > | |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE const T1 & | choose (Cond< true >, const T1 &first, const T2 &) |
template<typename T1 , typename T2 > | |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE const T2 & | choose (Cond< false >, const T1 &, const T2 &second) |
template<typename PointArrayType , typename KnotVectorType > | |
void | ChordLengths (const PointArrayType &pts, KnotVectorType &chord_lengths) |
Computes chord length parameters which are required for spline interpolation. More... | |
template<typename DerType > | |
const AutoDiffScalar< DerType > & | conj (const AutoDiffScalar< DerType > &x) |
template<typename T > | |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T * | constCast (const T *data) |
template<typename DstXprType , typename SrcXprType > | |
EIGEN_STRONG_INLINE DstXprType & | copy_using_evaluator (const EigenBase< DstXprType > &dst, const SrcXprType &src) |
template<typename DstXprType , template< typename > class StorageBase, typename SrcXprType > | |
EIGEN_STRONG_INLINE const DstXprType & | copy_using_evaluator (const NoAlias< DstXprType, StorageBase > &dst, const SrcXprType &src) |
template<typename DstXprType , typename SrcXprType > | |
EIGEN_STRONG_INLINE DstXprType & | copy_using_evaluator (const PlainObjectBase< DstXprType > &dst, const SrcXprType &src) |
template<typename MatrixType > | |
void | createRandomPIMatrixOfRank (Index desired_rank, Index rows, Index cols, MatrixType &m) |
template<typename SplineType , typename DerivativeType > | |
void | derivativesImpl (const SplineType &spline, typename SplineType::Scalar u, DenseIndex order, DerivativeType &der) |
template<typename Dims1 , typename Dims2 > | |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool | dimensions_match (Dims1 dims1, Dims2 dims2) |
template<typename DstXprType , typename SrcXprType > | |
void | divide_assign_using_evaluator (const DstXprType &dst, const SrcXprType &src) |
template<typename T , typename X , typename Y > | |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE T | divup (const X x, const Y y) |
template<typename T > | |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE T | divup (const T x, const T y) |
void | dsaupd_ (int *ido, char *bmat, int *n, char *which, int *nev, double *tol, double *resid, int *ncv, double *v, int *ldv, int *iparam, int *ipntr, double *workd, double *workl, int *lworkl, int *info) |
void | dseupd_ (int *rvec, char *All, int *select, double *d, double *z, int *ldz, double *sigma, char *bmat, int *n, char *which, int *nev, double *tol, double *resid, int *ncv, double *v, int *ldv, int *iparam, int *ipntr, double *workd, double *workl, int *lworkl, int *ierr) |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (abs, using std::abs;return Eigen::MakeAutoDiffScalar(abs(x.value()), x.derivatives() *(x.value()< 0 ? -1 :1));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(abs2 | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (sqrt, using std::sqrt;Scalar sqrtx=sqrt(x.value());return Eigen::MakeAutoDiffScalar(sqrtx, x.derivatives() *(Scalar(0.5)/sqrtx));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(cos | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (sin, using std::sin;using std::cos;return Eigen::MakeAutoDiffScalar(sin(x.value()), x.derivatives() *cos(x.value()));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(exp | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (log, using std::log;return Eigen::MakeAutoDiffScalar(log(x.value()), x.derivatives() *(Scalar(1)/x.value()));) template< typename DerType > inline const Eigen | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (tan, using std::tan;using std::cos;return Eigen::MakeAutoDiffScalar(tan(x.value()), x.derivatives() *(Scalar(1)/numext::abs2(cos(x.value()))));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(asin | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (acos, using std::sqrt;using std::acos;return Eigen::MakeAutoDiffScalar(acos(x.value()), x.derivatives() *(Scalar(-1)/sqrt(1-numext::abs2(x.value()))));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(tanh | |
EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY (sinh, using std::sinh;using std::cosh;return Eigen::MakeAutoDiffScalar(sinh(x.value()), x.derivatives() *cosh(x.value()));) EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY(cosh | |
template<int N> | |
internal::FixedInt< N > | fix () |
template<int N, typename T > | |
internal::VariableAndFixedInt< N > | fix (T val) |
template<typename AlphaDerived , typename SampleDerived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_gamma_sample_der_alpha_op< typename AlphaDerived::Scalar >, const AlphaDerived, const SampleDerived > | gamma_sample_der_alpha (const Eigen::ArrayBase< AlphaDerived > &alpha, const Eigen::ArrayBase< SampleDerived > &sample) |
template<typename T > | |
NumTraits< typename T::Scalar >::Real | get_test_precision (const T &, const typename T::Scalar *=0) |
template<typename T > | |
NumTraits< T >::Real | get_test_precision (const T &, typename internal::enable_if< internal::is_arithmetic< typename NumTraits< T >::Real >::value, T >::type *=0) |
bool | getMarketHeader (const std::string &filename, int &sym, bool &iscomplex, bool &isvector) |
template<typename VectorsType , typename CoeffsType > | |
HouseholderSequence< VectorsType, CoeffsType > | householderSequence (const VectorsType &v, const CoeffsType &h) |
Convenience function for constructing a Householder sequence. More... | |
template<typename Derived , typename ExponentDerived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_igamma_op< typename Derived::Scalar >, const Derived, const ExponentDerived > | igamma (const Eigen::ArrayBase< Derived > &a, const Eigen::ArrayBase< ExponentDerived > &x) |
template<typename Derived , typename ExponentDerived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_igamma_der_a_op< typename Derived::Scalar >, const Derived, const ExponentDerived > | igamma_der_a (const Eigen::ArrayBase< Derived > &a, const Eigen::ArrayBase< ExponentDerived > &x) |
template<typename Derived , typename ExponentDerived > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_igammac_op< typename Derived::Scalar >, const Derived, const ExponentDerived > | igammac (const Eigen::ArrayBase< Derived > &a, const Eigen::ArrayBase< ExponentDerived > &x) |
template<typename DerType > | |
DerType::Scalar | imag (const AutoDiffScalar< DerType > &) |
void | initParallel () |
template<typename T1 , typename T2 > | |
internal::enable_if< internal::is_same< T1, T2 >::value, bool >::type | is_same_type (const T1 &, const T2 &) |
template<typename T > | |
bool | isMinusInf (const T &x) |
template<typename T > | |
bool | isNotNaN (const T &x) |
template<typename T > | |
bool | isPlusInf (const T &x) |
klu_numeric * | klu_factor (int Ap [], int Ai [], double Ax [], klu_symbolic *Symbolic, klu_common *Common, double) |
klu_numeric * | klu_factor (int Ap[], int Ai[], std::complex< double > Ax[], klu_symbolic *Symbolic, klu_common *Common, std::complex< double >) |
int | klu_solve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, double B [], klu_common *Common, double) |
A sparse LU factorization and solver based on KLU. More... | |
int | klu_solve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, std::complex< double >B[], klu_common *Common, std::complex< double >) |
int | klu_tsolve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, double B[], klu_common *Common, double) |
int | klu_tsolve (klu_symbolic *Symbolic, klu_numeric *Numeric, Index ldim, Index nrhs, std::complex< double >B[], klu_common *Common, std::complex< double >) |
template<typename KnotVectorType > | |
void | KnotAveraging (const KnotVectorType ¶meters, DenseIndex degree, KnotVectorType &knots) |
Computes knot averages.The knots are computed as
where | |
template<typename KnotVectorType , typename ParameterVectorType , typename IndexArray > | |
void | KnotAveragingWithDerivatives (const ParameterVectorType ¶meters, const unsigned int degree, const IndexArray &derivativeIndices, KnotVectorType &knots) |
Computes knot averages when derivative constraints are present. Note that this is a technical interpretation of the referenced article since the algorithm contained therein is incorrect as written. More... | |
template<typename A , typename B > | |
KroneckerProduct< A, B > | kroneckerProduct (const MatrixBase< A > &a, const MatrixBase< B > &b) |
template<typename A , typename B > | |
KroneckerProductSparse< A, B > | kroneckerProduct (const EigenBase< A > &a, const EigenBase< B > &b) |
std::ptrdiff_t | l1CacheSize () |
std::ptrdiff_t | l2CacheSize () |
std::ptrdiff_t | l3CacheSize () |
static const symbolic::AddExpr< symbolic::SymbolExpr< internal::symbolic_last_tag >, symbolic::ValueExpr< Eigen::internal::FixedInt< 1 > > > | lastp1 (last+fix< 1 >()) |
template<typename Lhs , typename Rhs > | |
const Product< Lhs, Rhs, LazyProduct > | lazyprod (const Lhs &lhs, const Rhs &rhs) |
template<typename SparseMatrixType > | |
bool | loadMarket (SparseMatrixType &mat, const std::string &filename) |
template<typename VectorType > | |
bool | loadMarketVector (VectorType &vec, const std::string &filename) |
template<typename NewDerType > | |
AutoDiffScalar< NewDerType > | MakeAutoDiffScalar (const typename NewDerType::Scalar &value, const NewDerType &der) |
template<typename MatrixType , typename ResultType > | |
void | matrix_sqrt_quasi_triangular (const MatrixType &arg, ResultType &result) |
Compute matrix square root of quasi-triangular matrix. More... | |
template<typename MatrixType , typename ResultType > | |
void | matrix_sqrt_triangular (const MatrixType &arg, ResultType &result) |
Compute matrix square root of triangular matrix. More... | |
template<typename DerType , typename T > | |
CleanedUpDerType< DerType >::type() | max (const AutoDiffScalar< DerType > &x, const T &y) |
template<typename DerType , typename T > | |
CleanedUpDerType< DerType >::type() | max (const T &x, const AutoDiffScalar< DerType > &y) |
template<typename DerType > | |
CleanedUpDerType< DerType >::type() | max (const AutoDiffScalar< DerType > &x, const AutoDiffScalar< DerType > &y) |
template<typename DerType , typename T > | |
CleanedUpDerType< DerType >::type() | min (const AutoDiffScalar< DerType > &x, const T &y) |
template<typename DerType , typename T > | |
CleanedUpDerType< DerType >::type() | min (const T &x, const AutoDiffScalar< DerType > &y) |
template<typename DerType > | |
CleanedUpDerType< DerType >::type() | min (const AutoDiffScalar< DerType > &x, const AutoDiffScalar< DerType > &y) |
template<typename DstXprType , typename SrcXprType > | |
void | multiply_assign_using_evaluator (const DstXprType &dst, const SrcXprType &src) |
int | nbThreads () |
template<typename U , typename V > | |
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool | operator!= (const Tuple< U, V > &x, const Tuple< U, V > &y) |
template<typename SparseDerived , typename PermDerived > | |
const Product< SparseDerived, PermDerived, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const PermutationBase< PermDerived > &perm) |
template<typename SparseDerived , typename PermDerived > | |
const Product< PermDerived, SparseDerived, AliasFreeProduct > | operator* (const PermutationBase< PermDerived > &perm, const SparseMatrixBase< SparseDerived > &matrix) |
template<typename SparseDerived , typename PermutationType > | |
const Product< SparseDerived, Inverse< PermutationType >, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const InverseImpl< PermutationType, PermutationStorage > &tperm) |
template<typename SparseDerived , typename PermutationType > | |
const Product< Inverse< PermutationType >, SparseDerived, AliasFreeProduct > | operator* (const InverseImpl< PermutationType, PermutationStorage > &tperm, const SparseMatrixBase< SparseDerived > &matrix) |
template<typename MatrixDerived , typename TranspositionsDerived > | |
EIGEN_DEVICE_FUNC const Product< MatrixDerived, TranspositionsDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const TranspositionsBase< TranspositionsDerived > &transpositions) |
template<typename TranspositionsDerived , typename MatrixDerived > | |
EIGEN_DEVICE_FUNC const Product< TranspositionsDerived, MatrixDerived, AliasFreeProduct > | operator* (const TranspositionsBase< TranspositionsDerived > &transpositions, const MatrixBase< MatrixDerived > &matrix) |
template<typename OtherDerived , typename VectorsType , typename CoeffsType , int Side> | |
internal::matrix_type_times_scalar_type< typename VectorsType::Scalar, OtherDerived >::Type | operator* (const MatrixBase< OtherDerived > &other, const HouseholderSequence< VectorsType, CoeffsType, Side > &h) |
Computes the product of a matrix with a Householder sequence. More... | |
template<typename MatrixDerived , typename PermutationDerived > | |
EIGEN_DEVICE_FUNC const Product< MatrixDerived, PermutationDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const PermutationBase< PermutationDerived > &permutation) |
template<typename PermutationDerived , typename MatrixDerived > | |
EIGEN_DEVICE_FUNC const Product< PermutationDerived, MatrixDerived, AliasFreeProduct > | operator* (const PermutationBase< PermutationDerived > &permutation, const MatrixBase< MatrixDerived > &matrix) |
template<typename DenseDerived , typename SparseDerived > | |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_sum_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > | operator+ (const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b) |
template<typename SparseDerived , typename DenseDerived > | |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_sum_op< typename SparseDerived::Scalar, typename DenseDerived::Scalar >, const SparseDerived, const DenseDerived > | operator+ (const SparseMatrixBase< SparseDerived > &a, const MatrixBase< DenseDerived > &b) |
template<typename DenseDerived , typename SparseDerived > | |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_difference_op< typename DenseDerived::Scalar, typename SparseDerived::Scalar >, const DenseDerived, const SparseDerived > | operator- (const MatrixBase< DenseDerived > &a, const SparseMatrixBase< SparseDerived > &b) |
template<typename SparseDerived , typename DenseDerived > | |
EIGEN_STRONG_INLINE const CwiseBinaryOp< internal::scalar_difference_op< typename SparseDerived::Scalar, typename DenseDerived::Scalar >, const SparseDerived, const DenseDerived > | operator- (const SparseMatrixBase< SparseDerived > &a, const MatrixBase< DenseDerived > &b) |
template<typename T > | |
std::ostream & | operator<< (std::ostream &os, const TensorBase< T, ReadOnlyAccessors > &expr) |
template<typename IndexType , int NumDims> | |
std::ostream & | operator<< (std::ostream &os, const DSizes< IndexType, NumDims > &dims) |
template<class T , std::size_t N> | |
EIGEN_DEVICE_FUNC bool | operator== (const array< T, N > &lhs, const array< T, N > &rhs) |
template<typename U , typename V > | |
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool | operator== (const Tuple< U, V > &x, const Tuple< U, V > &y) |
template<typename Polynomials , typename T > | |
T | poly_eval (const Polynomials &poly, const T &x) |
template<typename Polynomials , typename T > | |
T | poly_eval_horner (const Polynomials &poly, const T &x) |
template<typename DerivedN , typename DerivedX > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_polygamma_op< typename DerivedX::Scalar >, const DerivedN, const DerivedX > | polygamma (const Eigen::ArrayBase< DerivedN > &n, const Eigen::ArrayBase< DerivedX > &x) |
template<typename Lhs , typename Rhs > | |
const Product< Lhs, Rhs > | prod (const Lhs &lhs, const Rhs &rhs) |
template<typename PermutationVectorType > | |
void | randomPermutationVector (PermutationVectorType &v, Index size) |
template<typename DerType > | |
const AutoDiffScalar< DerType > & | real (const AutoDiffScalar< DerType > &x) |
template<typename VectorsType , typename CoeffsType > | |
HouseholderSequence< VectorsType, CoeffsType, OnTheRight > | rightHouseholderSequence (const VectorsType &v, const CoeffsType &h) |
Convenience function for constructing a Householder sequence. More... | |
template<typename RootVector , typename Polynomial > | |
void | roots_to_monicPolynomial (const RootVector &rv, Polynomial &poly) |
template<typename SparseMatrixType > | |
bool | saveMarket (const SparseMatrixType &mat, const std::string &filename, int sym=0) |
template<typename VectorType > | |
bool | saveMarketVector (const VectorType &vec, const std::string &filename) |
UniformScaling< float > | Scaling (float s) |
UniformScaling< double > | Scaling (double s) |
template<typename RealScalar > | |
UniformScaling< std::complex< RealScalar > > | Scaling (const std::complex< RealScalar > &s) |
template<typename Scalar > | |
DiagonalMatrix< Scalar, 2 > | Scaling (const Scalar &sx, const Scalar &sy) |
template<typename Scalar > | |
DiagonalMatrix< Scalar, 3 > | Scaling (const Scalar &sx, const Scalar &sy, const Scalar &sz) |
template<typename Derived > | |
const DiagonalWrapper< const Derived > | Scaling (const MatrixBase< Derived > &coeffs) |
template<typename FirstType , typename LastType > | |
internal::enable_if<!(symbolic::is_symbolic< FirstType >::value||symbolic::is_symbolic< LastType >::value), ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, Index > >::type | seq (FirstType f, LastType l) |
template<typename FirstTypeDerived , typename LastType > | |
internal::enable_if<!symbolic::is_symbolic< LastType >::value, ArithmeticSequence< FirstTypeDerived, symbolic::AddExpr< symbolic::AddExpr< symbolic::NegateExpr< FirstTypeDerived >, symbolic::ValueExpr<> >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > >::type | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, LastType l) |
template<typename FirstType , typename LastTypeDerived > | |
internal::enable_if<!symbolic::is_symbolic< FirstType >::value, ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::ValueExpr<> >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > >::type | seq (FirstType f, const symbolic::BaseExpr< LastTypeDerived > &l) |
template<typename FirstTypeDerived , typename LastTypeDerived > | |
ArithmeticSequence< FirstTypeDerived, symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::NegateExpr< FirstTypeDerived > >, symbolic::ValueExpr< internal::FixedInt< 1 > > > > | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, const symbolic::BaseExpr< LastTypeDerived > &l) |
template<typename FirstType , typename LastType , typename IncrType > | |
internal::enable_if<!(symbolic::is_symbolic< FirstType >::value||symbolic::is_symbolic< LastType >::value), ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, Index, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (FirstType f, LastType l, IncrType incr) |
template<typename FirstTypeDerived , typename LastType , typename IncrType > | |
internal::enable_if<!symbolic::is_symbolic< LastType >::value, ArithmeticSequence< FirstTypeDerived, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< symbolic::NegateExpr< FirstTypeDerived >, symbolic::ValueExpr<> >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, LastType l, IncrType incr) |
template<typename FirstType , typename LastTypeDerived , typename IncrType > | |
internal::enable_if<!symbolic::is_symbolic< FirstType >::value, ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::ValueExpr<> >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > >::type | seq (FirstType f, const symbolic::BaseExpr< LastTypeDerived > &l, IncrType incr) |
template<typename FirstTypeDerived , typename LastTypeDerived , typename IncrType > | |
ArithmeticSequence< FirstTypeDerived, symbolic::QuotientExpr< symbolic::AddExpr< symbolic::AddExpr< LastTypeDerived, symbolic::NegateExpr< FirstTypeDerived > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, symbolic::ValueExpr< typename internal::cleanup_seq_incr< IncrType >::type > >, typename internal::cleanup_seq_incr< IncrType >::type > | seq (const symbolic::BaseExpr< FirstTypeDerived > &f, const symbolic::BaseExpr< LastTypeDerived > &l, IncrType incr) |
template<typename FirstType , typename SizeType , typename IncrType > | |
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type, typename internal::cleanup_seq_incr< IncrType >::type > | seqN (FirstType first, SizeType size, IncrType incr) |
template<typename FirstType , typename SizeType > | |
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type > | seqN (FirstType first, SizeType size) |
void | setCpuCacheSizes (std::ptrdiff_t l1, std::ptrdiff_t l2, std::ptrdiff_t l3) |
void | setNbThreads (int v) |
static const char * | SimdInstructionSetsInUse (void) |
void | ssaupd_ (int *ido, char *bmat, int *n, char *which, int *nev, float *tol, float *resid, int *ncv, float *v, int *ldv, int *iparam, int *ipntr, float *workd, float *workl, int *lworkl, int *info) |
void | sseupd_ (int *rvec, char *All, int *select, float *d, float *z, int *ldz, float *sigma, char *bmat, int *n, char *which, int *nev, float *tol, float *resid, int *ncv, float *v, int *ldv, int *iparam, int *ipntr, float *workd, float *workl, int *lworkl, int *ierr) |
template<typename DstXprType , typename SrcXprType > | |
void | subtract_assign_using_evaluator (const DstXprType &dst, const SrcXprType &src) |
template<typename DstXprType , typename SrcXprType > | |
void | swap_using_evaluator (const DstXprType &dst, const SrcXprType &src) |
template<typename T , typename U > | |
bool | test_is_equal (const T &actual, const U &expected, bool expect_equal=true) |
bool | test_isApprox (const std::complex< float > &a, const std::complex< float > &b) |
bool | test_isApprox (const std::complex< double > &a, const std::complex< double > &b) |
bool | test_isApprox (const std::complex< long double > &a, const std::complex< long double > &b) |
bool | test_isApprox (const long double &a, const long double &b) |
template<typename Type1 , typename Type2 > | |
bool | test_isApprox (const Type1 &a, const Type2 &b, typename Type1::Scalar *=0) |
bool | test_isApproxOrLessThan (const long double &a, const long double &b) |
template<typename Scalar , typename ScalarRef > | |
bool | test_isApproxWithRef (const Scalar &a, const Scalar &b, const ScalarRef &ref) |
bool | test_isMuchSmallerThan (const std::complex< float > &a, const std::complex< float > &b) |
bool | test_isMuchSmallerThan (const std::complex< double > &a, const std::complex< double > &b) |
bool | test_isMuchSmallerThan (const std::complex< long double > &a, const std::complex< long double > &b) |
bool | test_isMuchSmallerThan (const long double &a, const long double &b) |
template<typename Derived1 , typename Derived2 > | |
bool | test_isMuchSmallerThan (const MatrixBase< Derived1 > &m1, const MatrixBase< Derived2 > &m2) |
template<typename Derived > | |
bool | test_isMuchSmallerThan (const MatrixBase< Derived > &m, const typename NumTraits< typename internal::traits< Derived >::Scalar >::Real &s) |
template<typename Derived > | |
bool | test_isUnitary (const MatrixBase< Derived > &m) |
template<typename T > | |
NumTraits< T >::Real | test_precision () |
template<> | |
AnnoyingScalar | test_precision< AnnoyingScalar > () |
template<> | |
double | test_precision< double > () |
template<> | |
float | test_precision< float > () |
template<> | |
long double | test_precision< long double > () |
template<> | |
Real | test_precision< Real > () |
template<> | |
double | test_precision< std::complex< double > > () |
template<> | |
float | test_precision< std::complex< float > > () |
template<> | |
long double | test_precision< std::complex< long double > > () |
template<typename T , typename Derived > | |
T | test_relative_error (const AlignedVector3< T > &a, const MatrixBase< Derived > &b) |
template<typename T1 , typename T2 > | |
NumTraits< typename T1::RealScalar >::NonInteger | test_relative_error (const EigenBase< T1 > &a, const EigenBase< T2 > &b) |
template<typename T1 , typename T2 > | |
T1::RealScalar | test_relative_error (const T1 &a, const T2 &b, const typename T1::Coefficients *=0) |
template<typename T1 , typename T2 > | |
T1::Scalar | test_relative_error (const T1 &a, const T2 &b, const typename T1::MatrixType *=0) |
template<typename S , int D> | |
S | test_relative_error (const Translation< S, D > &a, const Translation< S, D > &b) |
template<typename S , int D, int O> | |
S | test_relative_error (const ParametrizedLine< S, D, O > &a, const ParametrizedLine< S, D, O > &b) |
template<typename S , int D> | |
S | test_relative_error (const AlignedBox< S, D > &a, const AlignedBox< S, D > &b) |
template<typename T1 , typename T2 > | |
T1::RealScalar | test_relative_error (const MatrixBase< T1 > &a, const SparseMatrixBase< T2 > &b) |
template<typename T1 , typename T2 > | |
T1::RealScalar | test_relative_error (const SparseMatrixBase< T1 > &a, const MatrixBase< T2 > &b) |
template<typename T1 , typename T2 > | |
T1::RealScalar | test_relative_error (const SparseMatrixBase< T1 > &a, const SparseMatrixBase< T2 > &b) |
template<typename T1 , typename T2 > | |
NumTraits< typename NumTraits< T1 >::Real >::NonInteger | test_relative_error (const T1 &a, const T2 &b, typename internal::enable_if< internal::is_arithmetic< typename NumTraits< T1 >::Real >::value, T1 >::type *=0) |
template<typename T > | |
T | test_relative_error (const Rotation2D< T > &a, const Rotation2D< T > &b) |
template<typename T > | |
T | test_relative_error (const AngleAxis< T > &a, const AngleAxis< T > &b) |
template<typename Derived , typename OtherDerived > | |
internal::umeyama_transform_matrix_type< Derived, OtherDerived >::type | umeyama (const MatrixBase< Derived > &src, const MatrixBase< OtherDerived > &dst, bool with_scaling=true) |
Returns the transformation between two point sets. More... | |
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, int) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, int) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, SuiteSparse_long) |
void | umfpack_free_numeric (void **Numeric, double, int) |
void | umfpack_free_numeric (void **Numeric, std::complex< double >, int) |
void | umfpack_free_numeric (void **Numeric, double, SuiteSparse_long) |
void | umfpack_free_numeric (void **Numeric, std::complex< double >, SuiteSparse_long) |
void | umfpack_free_symbolic (void **Symbolic, double, int) |
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, int) |
void | umfpack_free_symbolic (void **Symbolic, double, SuiteSparse_long) |
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, SuiteSparse_long) |
int | umfpack_get_determinant (double *Mx, double *Ex, void *NumericHandle, double User_Info [UMFPACK_INFO], int) |
int | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info [UMFPACK_INFO], int) |
SuiteSparse_long | umfpack_get_determinant (double *Mx, double *Ex, void *NumericHandle, double User_Info [UMFPACK_INFO], SuiteSparse_long) |
SuiteSparse_long | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info [UMFPACK_INFO], SuiteSparse_long) |
int | umfpack_get_lunz (int *lnz, int *unz, int *n_row, int *n_col, int *nz_udiag, void *Numeric, double) |
int | umfpack_get_lunz (int *lnz, int *unz, int *n_row, int *n_col, int *nz_udiag, void *Numeric, std::complex< double >) |
SuiteSparse_long | umfpack_get_lunz (SuiteSparse_long *lnz, SuiteSparse_long *unz, SuiteSparse_long *n_row, SuiteSparse_long *n_col, SuiteSparse_long *nz_udiag, void *Numeric, double) |
SuiteSparse_long | umfpack_get_lunz (SuiteSparse_long *lnz, SuiteSparse_long *unz, SuiteSparse_long *n_row, SuiteSparse_long *n_col, SuiteSparse_long *nz_udiag, void *Numeric, std::complex< double >) |
int | umfpack_get_numeric (int Lp[], int Lj[], double Lx[], int Up[], int Ui[], double Ux[], int P[], int Q[], double Dx[], int *do_recip, double Rs[], void *Numeric) |
int | umfpack_get_numeric (int Lp[], int Lj[], std::complex< double > Lx[], int Up[], int Ui[], std::complex< double > Ux[], int P[], int Q[], std::complex< double > Dx[], int *do_recip, double Rs[], void *Numeric) |
SuiteSparse_long | umfpack_get_numeric (SuiteSparse_long Lp[], SuiteSparse_long Lj[], double Lx[], SuiteSparse_long Up[], SuiteSparse_long Ui[], double Ux[], SuiteSparse_long P[], SuiteSparse_long Q[], double Dx[], SuiteSparse_long *do_recip, double Rs[], void *Numeric) |
SuiteSparse_long | umfpack_get_numeric (SuiteSparse_long Lp[], SuiteSparse_long Lj[], std::complex< double > Lx[], SuiteSparse_long Up[], SuiteSparse_long Ui[], std::complex< double > Ux[], SuiteSparse_long P[], SuiteSparse_long Q[], std::complex< double > Dx[], SuiteSparse_long *do_recip, double Rs[], void *Numeric) |
int | umfpack_numeric (const int Ap[], const int Ai[], const double Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
int | umfpack_numeric (const int Ap[], const int Ai[], const std::complex< double > Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
SuiteSparse_long | umfpack_numeric (const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
SuiteSparse_long | umfpack_numeric (const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], void *Symbolic, void **Numeric, const double Control[UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, int) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, int) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, SuiteSparse_long) |
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], double, int) |
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], std::complex< double >, int) |
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], double, SuiteSparse_long) |
void | umfpack_report_info (double control[UMFPACK_CONTROL], double info[UMFPACK_INFO], std::complex< double >, SuiteSparse_long) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, double, int) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, int) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, double, SuiteSparse_long) |
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, SuiteSparse_long) |
int | umfpack_solve (int sys, const int Ap[], const int Ai[], const double Ax[], double X[], const double B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
int | umfpack_solve (int sys, const int Ap[], const int Ai[], const std::complex< double > Ax[], std::complex< double > X[], const std::complex< double > B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
SuiteSparse_long | umfpack_solve (int sys, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], double X[], const double B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
SuiteSparse_long | umfpack_solve (int sys, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], std::complex< double > X[], const std::complex< double > B[], void *Numeric, const double Control[UMFPACK_CONTROL], double Info[UMFPACK_INFO]) |
int | umfpack_symbolic (int n_row, int n_col, const int Ap[], const int Ai[], const double Ax[], void **Symbolic, const double Control [UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
int | umfpack_symbolic (int n_row, int n_col, const int Ap[], const int Ai[], const std::complex< double > Ax[], void **Symbolic, const double Control [UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
SuiteSparse_long | umfpack_symbolic (SuiteSparse_long n_row, SuiteSparse_long n_col, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const double Ax[], void **Symbolic, const double Control [UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
SuiteSparse_long | umfpack_symbolic (SuiteSparse_long n_row, SuiteSparse_long n_col, const SuiteSparse_long Ap[], const SuiteSparse_long Ai[], const std::complex< double > Ax[], void **Symbolic, const double Control [UMFPACK_CONTROL], double Info [UMFPACK_INFO]) |
template<typename Type1 , typename Type2 > | |
bool | verifyIsApprox (const Type1 &a, const Type2 &b) |
template<typename _Scalar , int _Options, typename _StorageIndex > | |
cholmod_sparse | viewAsCholmod (Ref< SparseMatrix< _Scalar, _Options, _StorageIndex > > mat) |
template<typename _Scalar , int _Options, typename _Index > | |
const cholmod_sparse | viewAsCholmod (const SparseMatrix< _Scalar, _Options, _Index > &mat) |
template<typename _Scalar , int _Options, typename _Index > | |
const cholmod_sparse | viewAsCholmod (const SparseVector< _Scalar, _Options, _Index > &mat) |
template<typename _Scalar , int _Options, typename _Index , unsigned int UpLo> | |
cholmod_sparse | viewAsCholmod (const SparseSelfAdjointView< const SparseMatrix< _Scalar, _Options, _Index >, UpLo > &mat) |
template<typename Derived > | |
cholmod_dense | viewAsCholmod (MatrixBase< Derived > &mat) |
template<typename Scalar , int Flags, typename StorageIndex > | |
MappedSparseMatrix< Scalar, Flags, StorageIndex > | viewAsEigen (cholmod_sparse &cm) |
template<typename DerivedX , typename DerivedQ > | |
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp< Eigen::internal::scalar_zeta_op< typename DerivedX::Scalar >, const DerivedX, const DerivedQ > | zeta (const Eigen::ArrayBase< DerivedX > &x, const Eigen::ArrayBase< DerivedQ > &q) |
Variables | |
const unsigned int | ActualPacketAccessBit = 0x0 |
EIGEN_DEPRECATED const unsigned int | AlignedBit = 0x80 |
static const Eigen::internal::all_t | all |
const int | AutoOrder = 2 |
const int | CoherentAccessPattern = 0x1 |
const unsigned int | CompressedAccessBit = 0x400 |
const unsigned int | DirectAccessBit = 0x40 |
const int | Dynamic = -1 |
const int | DynamicIndex = 0xffffff |
EIGEN_DEPRECATED const unsigned int | EvalBeforeAssigningBit = 0x4 |
const unsigned int | EvalBeforeNestingBit = 0x2 |
EIGEN_DEVICE_FUNC const Eigen::ArrayBase< Derived > & | exponents |
Scalar | expx = exp(x.value()) |
static bool | g_has_set_repeat = false |
static bool | g_has_set_seed = false |
static int | g_repeat = 1 |
static unsigned int | g_seed = 0 |
static int | g_test_level = 0 |
static std::vector< std::string > | g_test_stack |
const unsigned int | HereditaryBits |
const int | HugeCost = 10000 |
const int | Infinity = -1 |
const int | InnerRandomAccessPattern = 0x2 | CoherentAccessPattern |
static const symbolic::SymbolExpr< internal::symbolic_last_tag > | last |
const unsigned int | LinearAccessBit = 0x10 |
const unsigned int | LvalueBit = 0x20 |
const unsigned int | NestByRefBit = 0x100 |
static bool | no_more_assert = false |
const unsigned int | NoPreferredStorageOrderBit = 0x200 |
const int | OuterRandomAccessPattern = 0x4 | CoherentAccessPattern |
const unsigned int | PacketAccessBit = 0x8 |
const int | RandomAccessPattern = 0x8 | OuterRandomAccessPattern | InnerRandomAccessPattern |
static bool | report_on_cerr_on_assert_failure = true |
const unsigned int | RowMajorBit = 0x1 |
static const bool | should_raise_an_assert = false |
const unsigned int | SkylineBit = 0x1200 |
const int | UndefinedIncr = 0xfffffe |
Namespace containing all symbols from the Eigen library.
typedef int Eigen::BlasIndex |
Definition at line 131 of file MKL_support.h.
typedef std::complex<double> Eigen::dcomplex |
Definition at line 125 of file MKL_support.h.
The Index type as used for the API.
To change this, #define
the preprocessor symbol EIGEN_DEFAULT_DENSE_INDEX_TYPE
.
typedef std::complex<float> Eigen::scomplex |
Definition at line 126 of file MKL_support.h.
typedef Spline<double,2> Eigen::Spline2d |
2D double B-spline with dynamic degree.
Definition at line 87 of file SplineFwd.h.
typedef Spline<float,2> Eigen::Spline2f |
2D float B-spline with dynamic degree.
Definition at line 81 of file SplineFwd.h.
typedef Spline<double,3> Eigen::Spline3d |
3D double B-spline with dynamic degree.
Definition at line 90 of file SplineFwd.h.
typedef Spline<float,3> Eigen::Spline3f |
3D float B-spline with dynamic degree.
Definition at line 84 of file SplineFwd.h.
Definition at line 482 of file NonBlockingThreadPool.h.
anonymous enum |
Enumerator | |
---|---|
NegationFlag | |
ConjugationFlag |
Definition at line 15 of file Symmetry.h.
anonymous enum |
Enumerator | |
---|---|
GlobalRealFlag | |
GlobalImagFlag | |
GlobalZeroFlag |
Definition at line 20 of file Symmetry.h.
anonymous enum |
Enumerator | |
---|---|
IsSkyline |
Definition at line 24 of file SkylineUtil.h.
anonymous enum |
Enumerator | |
---|---|
SPD | |
NonSymmetric |
Definition at line 16 of file MatrixMarketIterator.h.
anonymous enum |
Enumerator | |
---|---|
Large | |
Small |
Definition at line 16 of file GeneralProduct.h.
anonymous enum |
Enumerator | |
---|---|
StandardCompressedFormat | used by Ref<SparseMatrix> to specify whether the input storage must be in standard compressed form |
Definition at line 15 of file SparseRef.h.
anonymous enum |
Enumerator | |
---|---|
CPU_TIMER | |
REAL_TIMER |
Definition at line 47 of file BenchTimer.h.
enum Eigen::Action |
Enumerator | |
---|---|
GetAction | |
SetAction |
Definition at line 504 of file Constants.h.
Enumerator | |
---|---|
SkylineTimeDenseProduct | |
SkylineTimeSkylineProduct | |
DenseTimeSkylineProduct |
Definition at line 23 of file SkylineUtil.h.
Enumerator | |
---|---|
IsDense | |
IsSparse |
Definition at line 366 of file Constants.h.
enum Eigen::AutoSize_t |
Enumerator | |
---|---|
AutoSize |
Definition at line 16 of file ReshapedHelper.h.
enum Eigen::CholmodMode |
Enumerator | |
---|---|
CholmodAuto | |
CholmodSimplicialLLt | |
CholmodSupernodalLLt | |
CholmodLDLt |
Definition at line 203 of file CholmodSupport.h.
|
strong |
Enumerator | |
---|---|
CONV1D | |
CONV2D | |
CONV3D |
Definition at line 28 of file TensorConvolutionSycl.h.
enum Eigen::Default_t |
Enumerator | |
---|---|
Default |
Definition at line 362 of file Constants.h.
enum Eigen::EulerAxis |
Representation of a fixed signed rotation axis for EulerSystem.
Values here represent:
Therefore, this could express all the axes {+X,+Y,+Z,-X,-Y,-Z}
For positive axis, use +EULER_{axis}, and for negative axis use -EULER_{axis}.
Enumerator | |
---|---|
EULER_X | the X axis |
EULER_Y | the Y axis |
EULER_Z | the Z axis |
Definition at line 61 of file EulerSystem.h.
enum Eigen::FFTDirection |
Enumerator | |
---|---|
FFT_FORWARD | |
FFT_REVERSE |
Definition at line 138 of file TensorForwardDeclarations.h.
enum Eigen::FFTResultType |
Enumerator | |
---|---|
RealPart | |
ImagPart | |
BothParts |
Definition at line 132 of file TensorForwardDeclarations.h.
enum Eigen::NoChange_t |
Enumerator | |
---|---|
NoChange |
Definition at line 360 of file Constants.h.
Enumerator | |
---|---|
Forward | |
Central |
Definition at line 18 of file NumericalDiff.h.
enum Eigen::PaddingType |
Enumerator | |
---|---|
PADDING_VALID | |
PADDING_SAME |
Definition at line 257 of file TensorTraits.h.
Enumerator | |
---|---|
DefaultProduct | |
LazyProduct | |
AliasFreeProduct | |
CoeffBasedProductMode | |
LazyCoeffBasedProductMode | |
OuterProduct | |
InnerProduct | |
GemvProduct | |
GemmProduct |
Definition at line 499 of file Constants.h.
enum Eigen::Sequential_t |
Enumerator | |
---|---|
Sequential |
Definition at line 361 of file Constants.h.
Enumerator | |
---|---|
SimplicialCholeskyLLT | |
SimplicialCholeskyLDLT |
Definition at line 15 of file SimplicialCholesky.h.
Enumerator | |
---|---|
Specialized | |
BuiltIn |
Definition at line 309 of file Constants.h.
enum Eigen::TraversalType |
Enumerator | |
---|---|
DefaultTraversal | |
LinearTraversal | |
InnerVectorizedTraversal | |
LinearVectorizedTraversal | |
SliceVectorizedTraversal | |
InvalidTraversal | |
AllAtOnceTraversal |
Definition at line 275 of file Constants.h.
enum Eigen::UnrollingType |
Enumerator | |
---|---|
NoUnrolling | |
InnerUnrolling | |
CompleteUnrolling |
Definition at line 297 of file Constants.h.
void Eigen::add_assign_using_evaluator | ( | const DstXprType & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 53 of file evaluators.cpp.
|
inline |
Definition at line 654 of file AutoDiffScalar.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0_op<typename Derived::Scalar>, const Derived> Eigen::bessel_i0 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the modified Bessel function of the first kind of order zero.
x | is the argument |
Definition at line 32 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0e_op<typename Derived::Scalar>, const Derived> Eigen::bessel_i0e | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the exponentially scaled modified Bessel function of the first kind of order zero.
x | is the argument |
Definition at line 55 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1_op<typename Derived::Scalar>, const Derived> Eigen::bessel_i1 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the modified Bessel function of the first kind of order one.
x | is the argument |
Definition at line 77 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1e_op<typename Derived::Scalar>, const Derived> Eigen::bessel_i1e | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the exponentially scaled modified Bessel function of the first kind of order one.
x | is the argument |
Definition at line 100 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j0_op<typename Derived::Scalar>, const Derived> Eigen::bessel_j0 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the Bessel function of the first kind of order zero.
x | is the argument |
Definition at line 212 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j1_op<typename Derived::Scalar>, const Derived> Eigen::bessel_j1 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the modified Bessel function of the first kind of order one.
x | is the argument |
Definition at line 256 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0_op<typename Derived::Scalar>, const Derived> Eigen::bessel_k0 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the modified Bessel function of the second kind of order zero.
x | is the argument |
Definition at line 122 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0e_op<typename Derived::Scalar>, const Derived> Eigen::bessel_k0e | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the exponentially scaled modified Bessel function of the second kind of order zero.
x | is the argument |
Definition at line 145 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1_op<typename Derived::Scalar>, const Derived> Eigen::bessel_k1 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the modified Bessel function of the second kind of order one.
x | is the argument |
Definition at line 167 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1e_op<typename Derived::Scalar>, const Derived> Eigen::bessel_k1e | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the exponentially scaled modified Bessel function of the second kind of order one.
x | is the argument |
Definition at line 190 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_y0_op<typename Derived::Scalar>, const Derived> Eigen::bessel_y0 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the Bessel function of the second kind of order zero.
x | is the argument |
Definition at line 234 of file BesselFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_y1_op<typename Derived::Scalar>, const Derived> Eigen::bessel_y1 | ( | const Eigen::ArrayBase< Derived > & | x | ) |
It returns the Bessel function of the second kind of order one.
x | is the argument |
Definition at line 278 of file BesselFunctionsArrayAPI.h.
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE const TensorCwiseTernaryOp<internal::scalar_betainc_op<typename XDerived::Scalar>, const ADerived, const BDerived, const XDerived> Eigen::betainc | ( | const ADerived & | a, |
const BDerived & | b, | ||
const XDerived & | x | ||
) |
This function computes the regularized incomplete beta function (integral).
Definition at line 24 of file TensorGlobalFunctions.h.
EIGEN_STRONG_INLINE const Eigen::CwiseTernaryOp<Eigen::internal::scalar_betainc_op<typename ArgXDerived::Scalar>, const ArgADerived, const ArgBDerived, const ArgXDerived> Eigen::betainc | ( | const Eigen::ArrayBase< ArgADerived > & | a, |
const Eigen::ArrayBase< ArgBDerived > & | b, | ||
const Eigen::ArrayBase< ArgXDerived > & | x | ||
) |
This function computes the regularized incomplete beta function (integral).
Definition at line 132 of file SpecialFunctionsArrayAPI.h.
Box2d Eigen::bounding_box | ( | const Vector2d & | v | ) |
Definition at line 9 of file BVH_Example.cpp.
AlignedBox<Scalar, Dim> Eigen::bounding_box | ( | const Matrix< Scalar, Dim, 1 > & | v | ) |
void Eigen::BVIntersect | ( | const BVH & | tree, |
Intersector & | intersector | ||
) |
Given a BVH, runs the query encapsulated by intersector. The Intersector type must provide the following members:
Definition at line 79 of file BVAlgorithms.h.
void Eigen::BVIntersect | ( | const BVH1 & | tree1, |
const BVH2 & | tree2, | ||
Intersector & | intersector | ||
) |
Given two BVH's, runs the query on their Cartesian product encapsulated by intersector. The Intersector type must provide the following members:
Definition at line 93 of file BVAlgorithms.h.
Minimizer::Scalar Eigen::BVMinimize | ( | const BVH & | tree, |
Minimizer & | minimizer | ||
) |
Given a BVH, runs the query encapsulated by minimizer.
Definition at line 219 of file BVAlgorithms.h.
Minimizer::Scalar Eigen::BVMinimize | ( | const BVH1 & | tree1, |
const BVH2 & | tree2, | ||
Minimizer & | minimizer | ||
) |
Given two BVH's, runs the query on their cartesian product encapsulated by minimizer.
Definition at line 235 of file BVAlgorithms.h.
|
inline |
[in] | poly | : the vector of coefficients of the polynomial ordered by degrees i.e. poly[i] is the coefficient of degree i of the polynomial e.g. ![]() ![]() |
Definition at line 75 of file PolynomialUtils.h.
|
inline |
[in] | poly | : the vector of coefficients of the polynomial ordered by degrees i.e. poly[i] is the coefficient of degree i of the polynomial e.g. ![]() ![]() |
Definition at line 98 of file PolynomialUtils.h.
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE const T1& Eigen::choose | ( | Cond< true > | , |
const T1 & | first, | ||
const T2 & | |||
) |
Definition at line 18 of file TensorMeta.h.
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE const T2& Eigen::choose | ( | Cond< false > | , |
const T1 & | , | ||
const T2 & | second | ||
) |
Definition at line 23 of file TensorMeta.h.
|
inline |
Definition at line 574 of file AutoDiffScalar.h.
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T* Eigen::constCast | ( | const T * | data | ) |
Definition at line 27 of file TensorForwardDeclarations.h.
EIGEN_STRONG_INLINE DstXprType& Eigen::copy_using_evaluator | ( | const EigenBase< DstXprType > & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 22 of file evaluators.cpp.
EIGEN_STRONG_INLINE const DstXprType& Eigen::copy_using_evaluator | ( | const NoAlias< DstXprType, StorageBase > & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 30 of file evaluators.cpp.
EIGEN_STRONG_INLINE DstXprType& Eigen::copy_using_evaluator | ( | const PlainObjectBase< DstXprType > & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 38 of file evaluators.cpp.
void Eigen::createRandomPIMatrixOfRank | ( | Index | desired_rank, |
Index | rows, | ||
Index | cols, | ||
MatrixType & | m | ||
) |
void Eigen::derivativesImpl | ( | const SplineType & | spline, |
typename SplineType::Scalar | u, | ||
DenseIndex | order, | ||
DerivativeType & | der | ||
) |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool Eigen::dimensions_match | ( | Dims1 | dims1, |
Dims2 | dims2 | ||
) |
Definition at line 484 of file TensorDimensions.h.
void Eigen::divide_assign_using_evaluator | ( | const DstXprType & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 74 of file evaluators.cpp.
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE T Eigen::divup | ( | const X | x, |
const Y | y | ||
) |
Definition at line 30 of file TensorMeta.h.
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE T Eigen::divup | ( | const T | x, |
const T | y | ||
) |
Definition at line 36 of file TensorMeta.h.
void Eigen::dsaupd_ | ( | int * | ido, |
char * | bmat, | ||
int * | n, | ||
char * | which, | ||
int * | nev, | ||
double * | tol, | ||
double * | resid, | ||
int * | ncv, | ||
double * | v, | ||
int * | ldv, | ||
int * | iparam, | ||
int * | ipntr, | ||
double * | workd, | ||
double * | workl, | ||
int * | lworkl, | ||
int * | info | ||
) |
void Eigen::dseupd_ | ( | int * | rvec, |
char * | All, | ||
int * | select, | ||
double * | d, | ||
double * | z, | ||
int * | ldz, | ||
double * | sigma, | ||
char * | bmat, | ||
int * | n, | ||
char * | which, | ||
int * | nev, | ||
double * | tol, | ||
double * | resid, | ||
int * | ncv, | ||
double * | v, | ||
int * | ldv, | ||
int * | iparam, | ||
int * | ipntr, | ||
double * | workd, | ||
double * | workl, | ||
int * | lworkl, | ||
int * | ierr | ||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | abs | , |
using std::abs;return Eigen::MakeAutoDiffScalar(abs(x.value()), x.derivatives() *(x.value()< 0 ? -1 :1)); | |||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | sqrt | , |
using std::sqrt;Scalar | sqrtx = sqrt(x.value()); return Eigen::MakeAutoDiffScalar(sqrtx,x.derivatives() * (Scalar(0.5) / sqrtx)); |
||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | sin | , |
using std::sin;using std::cos;return Eigen::MakeAutoDiffScalar(sin(x.value()), x.derivatives() *cos(x.value())); | |||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | log | , |
using std::log;return Eigen::MakeAutoDiffScalar(log(x.value()), x.derivatives() *(Scalar(1)/x.value())); | |||
) | const |
Definition at line 637 of file AutoDiffScalar.h.
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | tan | , |
using std::tan;using std::cos;return Eigen::MakeAutoDiffScalar(tan(x.value()), x.derivatives() *(Scalar(1)/numext::abs2(cos(x.value())))); | |||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | acos | , |
using std::sqrt;using std::acos;return Eigen::MakeAutoDiffScalar(acos(x.value()), x.derivatives() *(Scalar(-1)/sqrt(1-numext::abs2(x.value())))); | |||
) |
Eigen::EIGEN_AUTODIFF_DECLARE_GLOBAL_UNARY | ( | sinh | , |
using std::sinh;using std::cosh;return Eigen::MakeAutoDiffScalar(sinh(x.value()), x.derivatives() *cosh(x.value())); | |||
) |
|
inline |
Definition at line 192 of file IntegralConstant.h.
|
inline |
Definition at line 197 of file IntegralConstant.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_gamma_sample_der_alpha_op<typename AlphaDerived::Scalar>, const AlphaDerived, const SampleDerived> Eigen::gamma_sample_der_alpha | ( | const Eigen::ArrayBase< AlphaDerived > & | alpha, |
const Eigen::ArrayBase< SampleDerived > & | sample | ||
) |
This function computes the coefficient-wise derivative of the sample of a Gamma(alpha, 1) random variable with respect to the parameter alpha.
Definition at line 72 of file SpecialFunctionsArrayAPI.h.
|
inline |
Definition at line 109 of file MarketIO.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_op<typename Derived::Scalar>, const Derived, const ExponentDerived> Eigen::igamma | ( | const Eigen::ArrayBase< Derived > & | a, |
const Eigen::ArrayBase< ExponentDerived > & | x | ||
) |
This function computes the coefficient-wise incomplete gamma function.
Definition at line 28 of file SpecialFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_der_a_op<typename Derived::Scalar>, const Derived, const ExponentDerived> Eigen::igamma_der_a | ( | const Eigen::ArrayBase< Derived > & | a, |
const Eigen::ArrayBase< ExponentDerived > & | x | ||
) |
This function computes the coefficient-wise derivative of the incomplete gamma function with respect to the parameter a.
Definition at line 51 of file SpecialFunctionsArrayAPI.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igammac_op<typename Derived::Scalar>, const Derived, const ExponentDerived> Eigen::igammac | ( | const Eigen::ArrayBase< Derived > & | a, |
const Eigen::ArrayBase< ExponentDerived > & | x | ||
) |
This function computes the coefficient-wise complementary incomplete gamma function.
Definition at line 90 of file SpecialFunctionsArrayAPI.h.
|
inline |
Definition at line 578 of file AutoDiffScalar.h.
|
inline |
Must be call first when calling Eigen from multiple threads
Definition at line 53 of file Parallelizer.h.
internal::enable_if<internal::is_same<T1,T2>::value,bool>::type Eigen::is_same_type | ( | const T1 & | , |
const T2 & | |||
) |
|
inline |
Definition at line 50 of file KLUSupport.h.
|
inline |
Definition at line 54 of file KLUSupport.h.
|
inline |
A sparse LU factorization and solver based on KLU.
This class allows to solve for A.X = B sparse linear problems via a LU factorization using the KLU library. The sparse matrix A must be squared and full rank. The vectors or matrices X and B can be either dense or sparse.
_MatrixType | the type of the sparse matrix A, it must be a SparseMatrix<> |
Definition at line 34 of file KLUSupport.h.
|
inline |
Definition at line 38 of file KLUSupport.h.
|
inline |
Definition at line 42 of file KLUSupport.h.
|
inline |
Definition at line 46 of file KLUSupport.h.
KroneckerProduct<A,B> Eigen::kroneckerProduct | ( | const MatrixBase< A > & | a, |
const MatrixBase< B > & | b | ||
) |
Computes Kronecker tensor product of two dense matrices
Definition at line 271 of file KroneckerTensorProduct.h.
KroneckerProductSparse<A,B> Eigen::kroneckerProduct | ( | const EigenBase< A > & | a, |
const EigenBase< B > & | b | ||
) |
Computes Kronecker tensor product of two matrices, at least one of which is sparse
a | Dense/sparse matrix a |
b | Dense/sparse matrix b |
Definition at line 298 of file KroneckerTensorProduct.h.
|
inline |
Definition at line 2607 of file products/GeneralBlockPanelKernel.h.
|
inline |
Definition at line 2616 of file products/GeneralBlockPanelKernel.h.
|
inline |
Definition at line 2626 of file products/GeneralBlockPanelKernel.h.
|
static |
const Product<Lhs,Rhs,LazyProduct> Eigen::lazyprod | ( | const Lhs & | lhs, |
const Rhs & | rhs | ||
) |
Definition at line 15 of file evaluators.cpp.
bool Eigen::loadMarket | ( | SparseMatrixType & | mat, |
const std::string & | filename | ||
) |
Definition at line 134 of file MarketIO.h.
bool Eigen::loadMarketVector | ( | VectorType & | vec, |
const std::string & | filename | ||
) |
Definition at line 200 of file MarketIO.h.
|
inline |
Definition at line 36 of file AutoDiffScalar.h.
void Eigen::matrix_sqrt_quasi_triangular | ( | const MatrixType & | arg, |
ResultType & | result | ||
) |
Compute matrix square root of quasi-triangular matrix.
MatrixType | type of arg , the argument of matrix square root, expected to be an instantiation of the Matrix class template. |
ResultType | type of result , where result is to be stored. |
[in] | arg | argument of matrix square root. |
[out] | result | matrix square root of upper Hessenberg part of arg . |
This function computes the square root of the upper quasi-triangular matrix stored in the upper Hessenberg part of arg
. Only the upper Hessenberg part of result
is updated, the rest is not touched. See MatrixBase::sqrt() for details on how this computation is implemented.
Definition at line 180 of file MatrixSquareRoot.h.
void Eigen::matrix_sqrt_triangular | ( | const MatrixType & | arg, |
ResultType & | result | ||
) |
Compute matrix square root of triangular matrix.
MatrixType | type of arg , the argument of matrix square root, expected to be an instantiation of the Matrix class template. |
ResultType | type of result , where result is to be stored. |
[in] | arg | argument of matrix square root. |
[out] | result | matrix square root of upper triangular part of arg . |
Only the upper triangular part (including the diagonal) of result
is updated, the rest is not touched. See MatrixBase::sqrt() for details on how this computation is implemented.
Definition at line 204 of file MatrixSquareRoot.h.
|
inline |
Definition at line 585 of file AutoDiffScalar.h.
|
inline |
Definition at line 595 of file AutoDiffScalar.h.
|
inline |
Definition at line 604 of file AutoDiffScalar.h.
|
inline |
Definition at line 580 of file AutoDiffScalar.h.
|
inline |
Definition at line 590 of file AutoDiffScalar.h.
|
inline |
Definition at line 600 of file AutoDiffScalar.h.
void Eigen::multiply_assign_using_evaluator | ( | const DstXprType & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 67 of file evaluators.cpp.
|
inline |
Definition at line 63 of file Parallelizer.h.
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool Eigen::operator!= | ( | const Tuple< U, V > & | x, |
const Tuple< U, V > & | y | ||
) |
Definition at line 241 of file TensorMeta.h.
|
inline |
Definition at line 147 of file SparsePermutation.h.
|
inline |
Definition at line 154 of file SparsePermutation.h.
|
inline |
Definition at line 162 of file SparsePermutation.h.
|
inline |
Definition at line 171 of file SparsePermutation.h.
EIGEN_DEVICE_FUNC const Product<MatrixDerived, TranspositionsDerived, AliasFreeProduct> Eigen::operator* | ( | const MatrixBase< MatrixDerived > & | matrix, |
const TranspositionsBase< TranspositionsDerived > & | transpositions | ||
) |
Definition at line 313 of file Transpositions.h.
EIGEN_DEVICE_FUNC const Product<TranspositionsDerived, MatrixDerived, AliasFreeProduct> Eigen::operator* | ( | const TranspositionsBase< TranspositionsDerived > & | transpositions, |
const MatrixBase< MatrixDerived > & | matrix | ||
) |
Definition at line 325 of file Transpositions.h.
internal::matrix_type_times_scalar_type<typename VectorsType::Scalar,OtherDerived>::Type Eigen::operator* | ( | const MatrixBase< OtherDerived > & | other, |
const HouseholderSequence< VectorsType, CoeffsType, Side > & | h | ||
) |
Computes the product of a matrix with a Householder sequence.
[in] | other | Matrix being multiplied. |
[in] | h | HouseholderSequence being multiplied. |
This function computes where
is the matrix
other
and is the Householder sequence represented by
h
.
Definition at line 513 of file HouseholderSequence.h.
EIGEN_DEVICE_FUNC const Product<MatrixDerived, PermutationDerived, AliasFreeProduct> Eigen::operator* | ( | const MatrixBase< MatrixDerived > & | matrix, |
const PermutationBase< PermutationDerived > & | permutation | ||
) |
Definition at line 515 of file PermutationMatrix.h.
EIGEN_DEVICE_FUNC const Product<PermutationDerived, MatrixDerived, AliasFreeProduct> Eigen::operator* | ( | const PermutationBase< PermutationDerived > & | permutation, |
const MatrixBase< MatrixDerived > & | matrix | ||
) |
Definition at line 527 of file PermutationMatrix.h.
EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_sum_op<typename DenseDerived::Scalar,typename SparseDerived::Scalar>, const DenseDerived, const SparseDerived> Eigen::operator+ | ( | const MatrixBase< DenseDerived > & | a, |
const SparseMatrixBase< SparseDerived > & | b | ||
) |
Definition at line 694 of file SparseCwiseBinaryOp.h.
EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_sum_op<typename SparseDerived::Scalar,typename DenseDerived::Scalar>, const SparseDerived, const DenseDerived> Eigen::operator+ | ( | const SparseMatrixBase< SparseDerived > & | a, |
const MatrixBase< DenseDerived > & | b | ||
) |
Definition at line 701 of file SparseCwiseBinaryOp.h.
EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_difference_op<typename DenseDerived::Scalar,typename SparseDerived::Scalar>, const DenseDerived, const SparseDerived> Eigen::operator- | ( | const MatrixBase< DenseDerived > & | a, |
const SparseMatrixBase< SparseDerived > & | b | ||
) |
Definition at line 708 of file SparseCwiseBinaryOp.h.
EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_difference_op<typename SparseDerived::Scalar,typename DenseDerived::Scalar>, const SparseDerived, const DenseDerived> Eigen::operator- | ( | const SparseMatrixBase< SparseDerived > & | a, |
const MatrixBase< DenseDerived > & | b | ||
) |
Definition at line 715 of file SparseCwiseBinaryOp.h.
std::ostream& Eigen::operator<< | ( | std::ostream & | os, |
const TensorBase< T, ReadOnlyAccessors > & | expr | ||
) |
Definition at line 59 of file TensorIO.h.
std::ostream& Eigen::operator<< | ( | std::ostream & | os, |
const DSizes< IndexType, NumDims > & | dims | ||
) |
Definition at line 387 of file TensorDimensions.h.
EIGEN_DEVICE_FUNC bool Eigen::operator== | ( | const array< T, N > & | lhs, |
const array< T, N > & | rhs | ||
) |
Definition at line 189 of file EmulateArray.h.
EIGEN_CONSTEXPR EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE bool Eigen::operator== | ( | const Tuple< U, V > & | x, |
const Tuple< U, V > & | y | ||
) |
Definition at line 235 of file TensorMeta.h.
|
inline |
[in] | poly | : the vector of coefficients of the polynomial ordered by degrees i.e. poly[i] is the coefficient of degree i of the polynomial e.g. ![]() ![]() |
[in] | x | : the value to evaluate the polynomial at. |
Definition at line 46 of file PolynomialUtils.h.
|
inline |
[in] | poly | : the vector of coefficients of the polynomial ordered by degrees i.e. poly[i] is the coefficient of degree i of the polynomial e.g. ![]() ![]() |
[in] | x | : the value to evaluate the polynomial at. |
Definition at line 28 of file PolynomialUtils.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_polygamma_op<typename DerivedX::Scalar>, const DerivedN, const DerivedX> Eigen::polygamma | ( | const Eigen::ArrayBase< DerivedN > & | n, |
const Eigen::ArrayBase< DerivedX > & | x | ||
) |
It returns the n -th derivative of the digamma(psi) evaluated at x
.
Definition at line 112 of file SpecialFunctionsArrayAPI.h.
const Product<Lhs,Rhs> Eigen::prod | ( | const Lhs & | lhs, |
const Rhs & | rhs | ||
) |
Definition at line 8 of file evaluators.cpp.
void Eigen::randomPermutationVector | ( | PermutationVectorType & | v, |
Index | size | ||
) |
|
inline |
Definition at line 576 of file AutoDiffScalar.h.
void Eigen::roots_to_monicPolynomial | ( | const RootVector & | rv, |
Polynomial & | poly | ||
) |
Given the roots of a polynomial compute the coefficients in the monomial basis of the monic polynomial with same roots and minimal degree. If RootVector is a vector of complexes, Polynomial should also be a vector of complexes.
[in] | rv | : a vector containing the roots of a polynomial. |
[out] | poly | : the vector of coefficients of the polynomial ordered by degrees i.e. poly[i] is the coefficient of degree i of the polynomial e.g. ![]() ![]() |
Definition at line 127 of file PolynomialUtils.h.
bool Eigen::saveMarket | ( | const SparseMatrixType & | mat, |
const std::string & | filename, | ||
int | sym = 0 |
||
) |
Definition at line 232 of file MarketIO.h.
bool Eigen::saveMarketVector | ( | const VectorType & | vec, |
const std::string & | filename | ||
) |
Definition at line 258 of file MarketIO.h.
internal::enable_if<!(symbolic::is_symbolic<FirstType>::value || symbolic::is_symbolic<LastType>::value), ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type,Index> >::type Eigen::seq | ( | FirstType | f, |
LastType | l | ||
) |
Definition at line 234 of file ArithmeticSequence.h.
internal::enable_if<!symbolic::is_symbolic<LastType>::value, ArithmeticSequence<FirstTypeDerived, symbolic::AddExpr<symbolic::AddExpr<symbolic::NegateExpr<FirstTypeDerived>,symbolic::ValueExpr<> >, symbolic::ValueExpr<internal::FixedInt<1> > > > >::type Eigen::seq | ( | const symbolic::BaseExpr< FirstTypeDerived > & | f, |
LastType | l | ||
) |
Definition at line 244 of file ArithmeticSequence.h.
internal::enable_if<!symbolic::is_symbolic<FirstType>::value, ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type, symbolic::AddExpr<symbolic::AddExpr<LastTypeDerived,symbolic::ValueExpr<> >, symbolic::ValueExpr<internal::FixedInt<1> > > > >::type Eigen::seq | ( | FirstType | f, |
const symbolic::BaseExpr< LastTypeDerived > & | l | ||
) |
Definition at line 254 of file ArithmeticSequence.h.
ArithmeticSequence<FirstTypeDerived, symbolic::AddExpr<symbolic::AddExpr<LastTypeDerived,symbolic::NegateExpr<FirstTypeDerived> >,symbolic::ValueExpr<internal::FixedInt<1> > > > Eigen::seq | ( | const symbolic::BaseExpr< FirstTypeDerived > & | f, |
const symbolic::BaseExpr< LastTypeDerived > & | l | ||
) |
Definition at line 262 of file ArithmeticSequence.h.
internal::enable_if<!(symbolic::is_symbolic<FirstType>::value || symbolic::is_symbolic<LastType>::value), ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type,Index,typename internal::cleanup_seq_incr<IncrType>::type> >::type Eigen::seq | ( | FirstType | f, |
LastType | l, | ||
IncrType | incr | ||
) |
Definition at line 271 of file ArithmeticSequence.h.
internal::enable_if<!symbolic::is_symbolic<LastType>::value, ArithmeticSequence<FirstTypeDerived, symbolic::QuotientExpr<symbolic::AddExpr<symbolic::AddExpr<symbolic::NegateExpr<FirstTypeDerived>, symbolic::ValueExpr<> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, typename internal::cleanup_seq_incr<IncrType>::type> >::type Eigen::seq | ( | const symbolic::BaseExpr< FirstTypeDerived > & | f, |
LastType | l, | ||
IncrType | incr | ||
) |
Definition at line 286 of file ArithmeticSequence.h.
internal::enable_if<!symbolic::is_symbolic<FirstType>::value, ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type, symbolic::QuotientExpr<symbolic::AddExpr<symbolic::AddExpr<LastTypeDerived,symbolic::ValueExpr<> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, typename internal::cleanup_seq_incr<IncrType>::type> >::type Eigen::seq | ( | FirstType | f, |
const symbolic::BaseExpr< LastTypeDerived > & | l, | ||
IncrType | incr | ||
) |
Definition at line 299 of file ArithmeticSequence.h.
ArithmeticSequence<FirstTypeDerived, symbolic::QuotientExpr<symbolic::AddExpr<symbolic::AddExpr<LastTypeDerived, symbolic::NegateExpr<FirstTypeDerived> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, symbolic::ValueExpr<typename internal::cleanup_seq_incr<IncrType>::type> >, typename internal::cleanup_seq_incr<IncrType>::type> Eigen::seq | ( | const symbolic::BaseExpr< FirstTypeDerived > & | f, |
const symbolic::BaseExpr< LastTypeDerived > & | l, | ||
IncrType | incr | ||
) |
Definition at line 313 of file ArithmeticSequence.h.
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type, typename internal::cleanup_seq_incr< IncrType >::type > Eigen::seqN | ( | FirstType | first, |
SizeType | size, | ||
IncrType | incr | ||
) |
Definition at line 162 of file ArithmeticSequence.h.
ArithmeticSequence<typename internal::cleanup_index_type<FirstType>::type,typename internal::cleanup_index_type<SizeType>::type > Eigen::seqN | ( | FirstType | first, |
SizeType | size | ||
) |
Definition at line 171 of file ArithmeticSequence.h.
|
inline |
Set the cpu L1 and L2 cache sizes (in bytes). These values are use to adjust the size of the blocks for the algorithms working per blocks.
Definition at line 2638 of file products/GeneralBlockPanelKernel.h.
|
inline |
Sets the max number of threads reserved for Eigen
Definition at line 72 of file Parallelizer.h.
|
inlinestatic |
Definition at line 477 of file ConfigureVectorization.h.
void Eigen::ssaupd_ | ( | int * | ido, |
char * | bmat, | ||
int * | n, | ||
char * | which, | ||
int * | nev, | ||
float * | tol, | ||
float * | resid, | ||
int * | ncv, | ||
float * | v, | ||
int * | ldv, | ||
int * | iparam, | ||
int * | ipntr, | ||
float * | workd, | ||
float * | workl, | ||
int * | lworkl, | ||
int * | info | ||
) |
void Eigen::sseupd_ | ( | int * | rvec, |
char * | All, | ||
int * | select, | ||
float * | d, | ||
float * | z, | ||
int * | ldz, | ||
float * | sigma, | ||
char * | bmat, | ||
int * | n, | ||
char * | which, | ||
int * | nev, | ||
float * | tol, | ||
float * | resid, | ||
int * | ncv, | ||
float * | v, | ||
int * | ldv, | ||
int * | iparam, | ||
int * | ipntr, | ||
float * | workd, | ||
float * | workl, | ||
int * | lworkl, | ||
int * | ierr | ||
) |
void Eigen::subtract_assign_using_evaluator | ( | const DstXprType & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 60 of file evaluators.cpp.
void Eigen::swap_using_evaluator | ( | const DstXprType & | dst, |
const SrcXprType & | src | ||
) |
Definition at line 81 of file evaluators.cpp.
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 137 of file AnnoyingScalar.h.
|
inline |
|
inline |
|
inline |
Real Eigen::test_precision< Real > | ( | ) |
Definition at line 89 of file boostmultiprec.cpp.
|
inline |
|
inline |
|
inline |
T Eigen::test_relative_error | ( | const AlignedVector3< T > & | a, |
const MatrixBase< Derived > & | b | ||
) |
Definition at line 16 of file alignedvector3.cpp.
T1::RealScalar Eigen::test_relative_error | ( | const T1 & | a, |
const T2 & | b, | ||
const typename T1::Coefficients * | = 0 |
||
) |
T1::Scalar Eigen::test_relative_error | ( | const T1 & | a, |
const T2 & | b, | ||
const typename T1::MatrixType * | = 0 |
||
) |
S Eigen::test_relative_error | ( | const Translation< S, D > & | a, |
const Translation< S, D > & | b | ||
) |
S Eigen::test_relative_error | ( | const ParametrizedLine< S, D, O > & | a, |
const ParametrizedLine< S, D, O > & | b | ||
) |
S Eigen::test_relative_error | ( | const AlignedBox< S, D > & | a, |
const AlignedBox< S, D > & | b | ||
) |
T1::RealScalar Eigen::test_relative_error | ( | const MatrixBase< T1 > & | a, |
const SparseMatrixBase< T2 > & | b | ||
) |
T1::RealScalar Eigen::test_relative_error | ( | const SparseMatrixBase< T1 > & | a, |
const MatrixBase< T2 > & | b | ||
) |
T1::RealScalar Eigen::test_relative_error | ( | const SparseMatrixBase< T1 > & | a, |
const SparseMatrixBase< T2 > & | b | ||
) |
T Eigen::test_relative_error | ( | const Rotation2D< T > & | a, |
const Rotation2D< T > & | b | ||
) |
|
inline |
Definition at line 31 of file UmfPackSupport.h.
|
inline |
Definition at line 34 of file UmfPackSupport.h.
|
inline |
Definition at line 37 of file UmfPackSupport.h.
|
inline |
Definition at line 40 of file UmfPackSupport.h.
|
inline |
Definition at line 83 of file UmfPackSupport.h.
|
inline |
Definition at line 86 of file UmfPackSupport.h.
|
inline |
Definition at line 89 of file UmfPackSupport.h.
|
inline |
Definition at line 92 of file UmfPackSupport.h.
|
inline |
Definition at line 96 of file UmfPackSupport.h.
|
inline |
Definition at line 99 of file UmfPackSupport.h.
|
inline |
Definition at line 102 of file UmfPackSupport.h.
|
inline |
Definition at line 105 of file UmfPackSupport.h.
|
inline |
Definition at line 249 of file UmfPackSupport.h.
|
inline |
Definition at line 254 of file UmfPackSupport.h.
|
inline |
Definition at line 260 of file UmfPackSupport.h.
|
inline |
Definition at line 265 of file UmfPackSupport.h.
|
inline |
Definition at line 194 of file UmfPackSupport.h.
|
inline |
Definition at line 199 of file UmfPackSupport.h.
|
inline |
Definition at line 204 of file UmfPackSupport.h.
|
inline |
Definition at line 210 of file UmfPackSupport.h.
|
inline |
Definition at line 217 of file UmfPackSupport.h.
|
inline |
Definition at line 223 of file UmfPackSupport.h.
|
inline |
Definition at line 232 of file UmfPackSupport.h.
|
inline |
Definition at line 238 of file UmfPackSupport.h.
|
inline |
Definition at line 137 of file UmfPackSupport.h.
|
inline |
Definition at line 144 of file UmfPackSupport.h.
|
inline |
Definition at line 150 of file UmfPackSupport.h.
|
inline |
Definition at line 157 of file UmfPackSupport.h.
|
inline |
Definition at line 70 of file UmfPackSupport.h.
|
inline |
Definition at line 73 of file UmfPackSupport.h.
|
inline |
Definition at line 76 of file UmfPackSupport.h.
|
inline |
Definition at line 79 of file UmfPackSupport.h.
|
inline |
Definition at line 44 of file UmfPackSupport.h.
|
inline |
Definition at line 47 of file UmfPackSupport.h.
|
inline |
Definition at line 50 of file UmfPackSupport.h.
|
inline |
Definition at line 53 of file UmfPackSupport.h.
|
inline |
Definition at line 57 of file UmfPackSupport.h.
|
inline |
Definition at line 60 of file UmfPackSupport.h.
|
inline |
Definition at line 63 of file UmfPackSupport.h.
|
inline |
Definition at line 66 of file UmfPackSupport.h.
|
inline |
Definition at line 165 of file UmfPackSupport.h.
|
inline |
Definition at line 172 of file UmfPackSupport.h.
|
inline |
Definition at line 179 of file UmfPackSupport.h.
|
inline |
Definition at line 186 of file UmfPackSupport.h.
|
inline |
Definition at line 109 of file UmfPackSupport.h.
|
inline |
Definition at line 116 of file UmfPackSupport.h.
|
inline |
Definition at line 122 of file UmfPackSupport.h.
|
inline |
Definition at line 129 of file UmfPackSupport.h.
|
inline |
cholmod_sparse Eigen::viewAsCholmod | ( | Ref< SparseMatrix< _Scalar, _Options, _StorageIndex > > | mat | ) |
Wraps the Eigen sparse matrix mat into a Cholmod sparse matrix object. Note that the data are shared.
Definition at line 58 of file CholmodSupport.h.
const cholmod_sparse Eigen::viewAsCholmod | ( | const SparseMatrix< _Scalar, _Options, _Index > & | mat | ) |
Definition at line 105 of file CholmodSupport.h.
const cholmod_sparse Eigen::viewAsCholmod | ( | const SparseVector< _Scalar, _Options, _Index > & | mat | ) |
Definition at line 112 of file CholmodSupport.h.
cholmod_sparse Eigen::viewAsCholmod | ( | const SparseSelfAdjointView< const SparseMatrix< _Scalar, _Options, _Index >, UpLo > & | mat | ) |
Returns a view of the Eigen sparse matrix mat as Cholmod sparse matrix. The data are not copied but shared.
Definition at line 121 of file CholmodSupport.h.
cholmod_dense Eigen::viewAsCholmod | ( | MatrixBase< Derived > & | mat | ) |
Returns a view of the Eigen dense matrix mat as Cholmod dense matrix. The data are not copied but shared.
Definition at line 137 of file CholmodSupport.h.
MappedSparseMatrix<Scalar,Flags,StorageIndex> Eigen::viewAsEigen | ( | cholmod_sparse & | cm | ) |
Returns a view of the Cholmod sparse matrix cm as an Eigen sparse matrix. The data are not copied but shared.
Definition at line 158 of file CholmodSupport.h.
EIGEN_STRONG_INLINE const Eigen::CwiseBinaryOp<Eigen::internal::scalar_zeta_op<typename DerivedX::Scalar>, const DerivedX, const DerivedQ> Eigen::zeta | ( | const Eigen::ArrayBase< DerivedX > & | x, |
const Eigen::ArrayBase< DerivedQ > & | q | ||
) |
It returns the Riemann zeta function of two arguments x and q:
x | is the exponent, it must be > 1 |
q | is the shift, it must be > 0 |
Definition at line 156 of file SpecialFunctionsArrayAPI.h.
const unsigned int Eigen::ActualPacketAccessBit = 0x0 |
Definition at line 107 of file Constants.h.
const int Eigen::AutoOrder = 2 |
Definition at line 17 of file ReshapedHelper.h.
const int Eigen::CoherentAccessPattern = 0x1 |
Definition at line 47 of file SparseUtil.h.
const int Eigen::Dynamic = -1 |
This value means that a positive quantity (e.g., a size) is not known at compile-time, and that instead the value is stored in some runtime variable.
Changing the value of Dynamic breaks the ABI, as Dynamic is often used as a template parameter for Matrix.
Definition at line 22 of file Constants.h.
const int Eigen::DynamicIndex = 0xffffff |
This value means that a signed quantity (e.g., a signed index) is not known at compile-time, and that instead its value has to be specified at runtime.
Definition at line 27 of file Constants.h.
EIGEN_DEVICE_FUNC const Eigen::ArrayBase<Derived>& Eigen::exponents |
Definition at line 175 of file GlobalFunctions.h.
Definition at line 634 of file AutoDiffScalar.h.
const unsigned int Eigen::HereditaryBits |
Definition at line 195 of file Constants.h.
const int Eigen::HugeCost = 10000 |
This value means that the cost to evaluate an expression coefficient is either very expensive or cannot be known at compile time.
This value has to be positive to (1) simplify cost computation, and (2) allow to distinguish between a very expensive and very very expensive expressions. It thus must also be large enough to make sure unrolling won't happen and that sub expressions will be evaluated, but not too large to avoid overflow.
Definition at line 44 of file Constants.h.
const int Eigen::Infinity = -1 |
This value means +Infinity; it is currently used only as the p parameter to MatrixBase::lpNorm<int>(). The value Infinity there means the L-infinity norm.
Definition at line 36 of file Constants.h.
const int Eigen::InnerRandomAccessPattern = 0x2 | CoherentAccessPattern |
Definition at line 48 of file SparseUtil.h.
const unsigned int Eigen::NestByRefBit = 0x100 |
Definition at line 169 of file Constants.h.
const int Eigen::OuterRandomAccessPattern = 0x4 | CoherentAccessPattern |
Definition at line 49 of file SparseUtil.h.
const int Eigen::RandomAccessPattern = 0x8 | OuterRandomAccessPattern | InnerRandomAccessPattern |
Definition at line 50 of file SparseUtil.h.
const unsigned int Eigen::SkylineBit = 0x1200 |
Definition at line 21 of file SkylineUtil.h.
const int Eigen::UndefinedIncr = 0xfffffe |
This value means that the increment to go from one value to another in a sequence is not constant for each step.
Definition at line 31 of file Constants.h.