|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_abs_op< typename Derived::Scalar >, const Derived > | abs (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | abs (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_abs2_op< typename Derived::Scalar >, const Derived > | abs2 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | abs2 (const Eigen::AutoDiffScalar< DerType > &x) |
|
template<typename Derived , typename OtherDerived > |
Derived::Scalar | accurateDot (const SparseMatrixBase< Derived > &A, const SparseMatrixBase< OtherDerived > &other) |
| computes an accurate dot product on two sparse vectors More...
|
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_acos_op< typename Derived::Scalar >, const Derived > | acos (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | acos (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_acosh_op< typename Derived::Scalar >, const Derived > | acosh (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_arg_op< typename Derived::Scalar >, const Derived > | arg (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_asin_op< typename Derived::Scalar >, const Derived > | asin (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | asin (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_asinh_op< typename Derived::Scalar >, const Derived > | asinh (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_atan_op< typename Derived::Scalar >, const Derived > | atan (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerTypeA , typename DerTypeB > |
AutoDiffScalar< Matrix< typename internal::traits< internal::remove_all_t< DerTypeA > >::Scalar, Dynamic, 1 > > | atan2 (const AutoDiffScalar< DerTypeA > &a, const AutoDiffScalar< DerTypeB > &b) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_atanh_op< typename Derived::Scalar >, const Derived > | atanh (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0_op< typename Derived::Scalar >, const Derived > | bessel_i0 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i0e_op< typename Derived::Scalar >, const Derived > | bessel_i0e (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1_op< typename Derived::Scalar >, const Derived > | bessel_i1 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_i1e_op< typename Derived::Scalar >, const Derived > | bessel_i1e (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j0_op< typename Derived::Scalar >, const Derived > | bessel_j0 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_j1_op< typename Derived::Scalar >, const Derived > | bessel_j1 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0_op< typename Derived::Scalar >, const Derived > | bessel_k0 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k0e_op< typename Derived::Scalar >, const Derived > | bessel_k0e (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1_op< typename Derived::Scalar >, const Derived > | bessel_k1 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_k1e_op< typename Derived::Scalar >, const Derived > | bessel_k1e (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_bessel_y0_op< typename Derived::Scalar >, const Derived > | bessel_y0 (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Derived > |
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 > |
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 > |
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 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) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_carg_op< typename Derived::Scalar >, const Derived > | carg (const Eigen::ArrayBase< Derived > &x) |
|
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) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_ceil_op< typename Derived::Scalar >, const Derived > | ceil (const Eigen::ArrayBase< Derived > &x) |
|
template<typename T1 , typename T2 > |
EIGEN_ALWAYS_INLINE const T2 & | choose (Cond< false >, const T1 &, const T2 &second) |
|
template<typename T1 , typename T2 > |
EIGEN_ALWAYS_INLINE const T1 & | choose (Cond< true >, const T1 &first, const T2 &) |
|
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) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_conjugate_op< typename Derived::Scalar >, const Derived > | conj (const Eigen::ArrayBase< Derived > &x) |
|
template<typename T > |
T * | constCast (const T *data) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cos_op< typename Derived::Scalar >, const Derived > | cos (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | cos (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cosh_op< typename Derived::Scalar >, const Derived > | cosh (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | cosh (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_cube_op< typename Derived::Scalar >, const Derived > | cube (const Eigen::ArrayBase< Derived > &x) |
|
template<typename SplineType , typename DerivativeType > |
void | derivativesImpl (const SplineType &spline, typename SplineType::Scalar u, DenseIndex order, DerivativeType &der) |
|
const uint8_t * | deserialize (const uint8_t *src, const uint8_t *end, Args &... args) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_digamma_op< typename Derived::Scalar >, const Derived > | digamma (const Eigen::ArrayBase< Derived > &x) |
|
template<typename Dims1 , typename Dims2 > |
EIGEN_ALWAYS_INLINE bool | dimensions_match (Dims1 dims1, Dims2 dims2) |
|
template<typename T > |
EIGEN_ALWAYS_INLINE T | divup (const T x, const T y) |
|
template<typename T , typename X , typename Y > |
EIGEN_ALWAYS_INLINE T | divup (const X x, const Y 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) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_erf_op< typename Derived::Scalar >, const Derived > | erf (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_erfc_op< typename Derived::Scalar >, const Derived > | erfc (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_exp_op< typename Derived::Scalar >, const Derived > | exp (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | exp (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_expm1_op< typename Derived::Scalar >, const Derived > | expm1 (const Eigen::ArrayBase< Derived > &x) |
|
static const auto | fix () |
|
static const auto | fix (int val) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_floor_op< typename Derived::Scalar >, const Derived > | floor (const Eigen::ArrayBase< Derived > &x) |
|
template<typename AlphaDerived , typename SampleDerived > |
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) |
|
bool | getMarketHeader (const std::string &filename, int &sym, bool &iscomplex, bool &isdense) |
| Reads the header of a matrixmarket file and determines the properties of a matrix. More...
|
|
template<typename Scalar > |
void | glLoadMatrix (const Transform< Scalar, 3, Affine > &t) |
|
template<typename Scalar > |
void | glLoadMatrix (const Transform< Scalar, 3, AffineCompact > &t) |
|
template<typename Scalar > |
void | glLoadMatrix (const Transform< Scalar, 3, Projective > &t) |
|
template<typename Scalar > |
void | glMultMatrix (const Transform< Scalar, 3, Affine > &t) |
|
template<typename Scalar > |
void | glMultMatrix (const Transform< Scalar, 3, AffineCompact > &t) |
|
template<typename Scalar > |
void | glMultMatrix (const Transform< Scalar, 3, Projective > &t) |
|
void | glRotate (const Rotation2D< double > &rot) |
|
void | glRotate (const Rotation2D< float > &rot) |
|
template<typename Derived > |
void | glRotate (const RotationBase< Derived, 3 > &rot) |
|
template<typename Scalar > |
void | glScale (const UniformScaling< Scalar > &s) |
|
void | glScale2dv (const double *v) |
|
void | glScale2fv (const float *v) |
|
void | glScale3dv (const double *v) |
|
void | glScale3fv (const float *v) |
|
template<typename Scalar > |
void | glTranslate (const Translation< Scalar, 2 > &t) |
|
template<typename Scalar > |
void | glTranslate (const Translation< Scalar, 3 > &t) |
|
void | glTranslate2dv (const double *v) |
|
void | glTranslate2fv (const float *v) |
|
void | glTranslate3dv (const double *v) |
|
void | glTranslate3fv (const float *v) |
|
HouseholderSequence< VectorsType, CoeffsType > | householderSequence (const VectorsType &v, const CoeffsType &h) |
|
template<typename Derived , typename ExponentDerived > |
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 > |
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 > |
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 > &) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_imag_op< typename Derived::Scalar >, const Derived > | imag (const Eigen::ArrayBase< Derived > &x) |
|
void | initParallel () |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_inverse_op< typename Derived::Scalar >, const Derived > | inverse (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isfinite_op< typename Derived::Scalar >, const Derived > | isfinite (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isinf_op< typename Derived::Scalar >, const Derived > | isinf (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_isnan_op< typename Derived::Scalar >, const Derived > | isnan (const Eigen::ArrayBase< Derived > &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) |
|
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. More...
|
|
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 > |
KroneckerProductSparse< A, B > | kroneckerProduct (const EigenBase< A > &a, const EigenBase< B > &b) |
|
template<typename A , typename B > |
KroneckerProduct< A, B > | kroneckerProduct (const MatrixBase< A > &a, const MatrixBase< B > &b) |
|
std::ptrdiff_t | l1CacheSize () |
|
std::ptrdiff_t | l2CacheSize () |
|
std::ptrdiff_t | l3CacheSize () |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_lgamma_op< typename Derived::Scalar >, const Derived > | lgamma (const Eigen::ArrayBase< Derived > &x) |
|
template<typename SparseMatrixType > |
bool | loadMarket (SparseMatrixType &mat, const std::string &filename) |
| Loads a sparse matrix from a matrixmarket format file. More...
|
|
template<typename DenseType > |
bool | loadMarketDense (DenseType &mat, const std::string &filename) |
| Loads a dense Matrix or Vector from a matrixmarket file. If a statically sized matrix has to be parsed and the file contains the wrong dimensions it is undefined behaviour. More...
|
|
template<typename VectorType > |
bool | loadMarketVector (VectorType &vec, const std::string &filename) |
| Same functionality as loadMarketDense, deprecated. More...
|
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log_op< typename Derived::Scalar >, const Derived > | log (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | log (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log10_op< typename Derived::Scalar >, const Derived > | log10 (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log1p_op< typename Derived::Scalar >, const Derived > | log1p (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_log2_op< typename Derived::Scalar >, const Derived > | log2 (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_logistic_op< typename Derived::Scalar >, const Derived > | logistic (const Eigen::ArrayBase< Derived > &x) |
|
template<typename FirstType , typename... OtherTypes> |
constexpr IndexList< FirstType, OtherTypes... > | make_index_list (FirstType val1, OtherTypes... other_vals) |
|
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 > |
CleanedUpDerType< DerType >::type() | max (const AutoDiffScalar< DerType > &x, const AutoDiffScalar< DerType > &y) |
|
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() | min (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) |
|
int | nbThreads () |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_ndtri_op< typename Derived::Scalar >, const Derived > | ndtri (const Eigen::ArrayBase< Derived > &x) |
|
template<typename U , typename V > |
EIGEN_CONSTEXPR bool | operator!= (const Pair< U, V > &x, const Pair< U, V > &y) |
|
const Product< Inverse< PermutationType >, SparseDerived, AliasFreeProduct > | operator* (const InverseImpl< PermutationType, PermutationStorage > &tperm, const SparseMatrixBase< SparseDerived > &matrix) |
|
const Product< MatrixDerived, PermutationDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const PermutationBase< PermutationDerived > &permutation) |
|
const Product< MatrixDerived, TranspositionsDerived, AliasFreeProduct > | operator* (const MatrixBase< MatrixDerived > &matrix, const TranspositionsBase< TranspositionsDerived > &transpositions) |
|
internal::matrix_type_times_scalar_type< typename VectorsType::Scalar, OtherDerived >::Type | operator* (const MatrixBase< OtherDerived > &other, const HouseholderSequence< VectorsType, CoeffsType, Side > &h) |
|
const Product< PermDerived, SparseDerived, AliasFreeProduct > | operator* (const PermutationBase< PermDerived > &perm, const SparseMatrixBase< SparseDerived > &matrix) |
|
const Product< PermutationDerived, MatrixDerived, AliasFreeProduct > | operator* (const PermutationBase< PermutationDerived > &permutation, const MatrixBase< MatrixDerived > &matrix) |
|
const Product< SparseDerived, Inverse< PermutationType >, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const InverseImpl< PermutationType, PermutationStorage > &tperm) |
|
const Product< SparseDerived, PermDerived, AliasFreeProduct > | operator* (const SparseMatrixBase< SparseDerived > &matrix, const PermutationBase< PermDerived > &perm) |
|
const Product< TranspositionsDerived, MatrixDerived, AliasFreeProduct > | operator* (const TranspositionsBase< TranspositionsDerived > &transpositions, const MatrixBase< MatrixDerived > &matrix) |
|
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) |
|
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) |
|
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) |
|
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 IndexType , int NumDims> |
std::ostream & | operator<< (std::ostream &os, const DSizes< IndexType, NumDims > &dims) |
|
template<typename FirstType , typename... OtherTypes> |
std::ostream & | operator<< (std::ostream &os, const IndexList< FirstType, OtherTypes... > &dims) |
|
std::ostream & | operator<< (std::ostream &s, const DiagonalBase< Derived > &m) |
|
template<typename T > |
std::ostream & | operator<< (std::ostream &s, const TensorBase< T, ReadOnlyAccessors > &t) |
|
template<typename U , typename V > |
EIGEN_CONSTEXPR bool | operator== (const Pair< U, V > &x, const Pair< 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 > |
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 DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(internal::remove_all_t< DerType >, typename internal::traits< internal::remove_all_t< DerType >>::Scalar, product) > | pow (const Eigen::AutoDiffScalar< DerType > &x, const typename internal::traits< internal::remove_all_t< DerType >>::Scalar &y) |
|
template<typename DerType > |
const AutoDiffScalar< DerType > & | real (const AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_real_op< typename Derived::Scalar >, const Derived > | real (const Eigen::ArrayBase< Derived > &x) |
|
HouseholderSequence< VectorsType, CoeffsType, OnTheRight > | rightHouseholderSequence (const VectorsType &v, const CoeffsType &h) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_rint_op< typename Derived::Scalar >, const Derived > | rint (const Eigen::ArrayBase< Derived > &x) |
|
template<typename RootVector , typename Polynomial > |
void | roots_to_monicPolynomial (const RootVector &rv, Polynomial &poly) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_round_op< typename Derived::Scalar >, const Derived > | round (const Eigen::ArrayBase< Derived > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_rsqrt_op< typename Derived::Scalar >, const Derived > | rsqrt (const Eigen::ArrayBase< Derived > &x) |
|
template<typename SparseMatrixType > |
bool | saveMarket (const SparseMatrixType &mat, const std::string &filename, int sym=0) |
| writes a sparse Matrix to a marketmarket format file More...
|
|
template<typename DenseType > |
bool | saveMarketDense (const DenseType &mat, const std::string &filename) |
| writes a dense Matrix or vector to a marketmarket format file More...
|
|
template<typename VectorType > |
bool | saveMarketVector (const VectorType &vec, const std::string &filename) |
| Same functionality as saveMarketDense, deprecated. More...
|
|
const DiagonalWrapper< const Derived > | Scaling (const MatrixBase< Derived > &coeffs) |
|
DiagonalMatrix< Scalar, 2 > | Scaling (const Scalar &sx, const Scalar &sy) |
|
DiagonalMatrix< Scalar, 3 > | Scaling (const Scalar &sx, const Scalar &sy, const Scalar &sz) |
|
UniformScaling< std::complex< RealScalar > > | Scaling (const std::complex< RealScalar > &s) |
|
UniformScaling< double > | Scaling (double s) |
|
UniformScaling< float > | Scaling (float s) |
|
DiagonalWrapper< const Derived >::PlainObject | Scaling (MatrixBase< Derived > &&coeffs) |
|
auto | seq (FirstType f, LastType l) |
|
auto | seq (FirstType f, LastType l, IncrType incr) |
|
ArithmeticSequence< typename internal::cleanup_index_type< FirstType >::type, typename internal::cleanup_index_type< SizeType >::type > | seqN (FirstType first, SizeType size) |
|
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) |
|
uint8_t * | serialize (uint8_t *dest, uint8_t *end, const Args &... args) |
|
size_t | serialize_size (const Args &... args) |
|
void | setCpuCacheSizes (std::ptrdiff_t l1, std::ptrdiff_t l2, std::ptrdiff_t l3) |
|
void | setNbThreads (int v) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sign_op< typename Derived::Scalar >, const Derived > | sign (const Eigen::ArrayBase< Derived > &x) |
|
static const char * | SimdInstructionSetsInUse (void) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sin_op< typename Derived::Scalar >, const Derived > | sin (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | sin (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sinh_op< typename Derived::Scalar >, const Derived > | sinh (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | sinh (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_sqrt_op< typename Derived::Scalar >, const Derived > | sqrt (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | sqrt (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_square_op< typename Derived::Scalar >, const Derived > | square (const Eigen::ArrayBase< Derived > &x) |
|
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) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_tan_op< typename Derived::Scalar >, const Derived > | tan (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | tan (const Eigen::AutoDiffScalar< DerType > &x) |
|
const Eigen::CwiseUnaryOp< Eigen::internal::scalar_tanh_op< typename Derived::Scalar >, const Derived > | tanh (const Eigen::ArrayBase< Derived > &x) |
|
template<typename DerType > |
Eigen::AutoDiffScalar< EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Eigen::internal::remove_all_t< DerType >, typename Eigen::internal::traits< Eigen::internal::remove_all_t< DerType >>::Scalar, product) > | tanh (const Eigen::AutoDiffScalar< DerType > &x) |
|
internal::umeyama_transform_matrix_type< Derived, OtherDerived >::type | umeyama (const MatrixBase< Derived > &src, const MatrixBase< OtherDerived > &dst, bool with_scaling=true) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, int) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], double, SuiteSparse_long) |
|
void | umfpack_defaults (double control[UMFPACK_CONTROL], std::complex< double >, int) |
|
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, double, SuiteSparse_long) |
|
void | umfpack_free_numeric (void **Numeric, std::complex< double >, int) |
|
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, double, SuiteSparse_long) |
|
void | umfpack_free_symbolic (void **Symbolic, std::complex< double >, int) |
|
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) |
|
SuiteSparse_long | umfpack_get_determinant (double *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], SuiteSparse_long) |
|
int | umfpack_get_determinant (std::complex< double > *Mx, double *Ex, void *NumericHandle, double User_Info[UMFPACK_INFO], int) |
|
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], double, SuiteSparse_long) |
|
void | umfpack_report_control (double control[UMFPACK_CONTROL], std::complex< double >, int) |
|
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], double, SuiteSparse_long) |
|
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], 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, double, SuiteSparse_long) |
|
void | umfpack_report_status (double control[UMFPACK_CONTROL], int status, std::complex< double >, int) |
|
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]) |
|
const cholmod_sparse | viewAsCholmod (const SparseMatrix< Scalar_, Options_, Index_ > &mat) |
|
cholmod_sparse | viewAsCholmod (const SparseSelfAdjointView< const SparseMatrix< Scalar_, Options_, Index_ >, UpLo > &mat) |
|
const cholmod_sparse | viewAsCholmod (const SparseVector< Scalar_, Options_, Index_ > &mat) |
|
cholmod_dense | viewAsCholmod (MatrixBase< Derived > &mat) |
|
cholmod_sparse | viewAsCholmod (Ref< SparseMatrix< Scalar_, Options_, StorageIndex_ > > mat) |
|
Map< SparseMatrix< Scalar, Flags, StorageIndex > > | viewAsEigen (cholmod_sparse &cm) |
|
template<typename DerivedX , typename DerivedQ > |
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) |
|