/external/eigen/unsupported/test/ |
D | matrix_function.cpp | 25 template<typename MatrixType> 26 MatrixType randomMatrixWithRealEivals(const typename MatrixType::Index size) in randomMatrixWithRealEivals() 28 typedef typename MatrixType::Index Index; in randomMatrixWithRealEivals() 29 typedef typename MatrixType::Scalar Scalar; in randomMatrixWithRealEivals() 30 typedef typename MatrixType::RealScalar RealScalar; in randomMatrixWithRealEivals() 31 MatrixType diag = MatrixType::Zero(size, size); in randomMatrixWithRealEivals() 36 MatrixType A = MatrixType::Random(size, size); in randomMatrixWithRealEivals() 37 HouseholderQR<MatrixType> QRofA(A); in randomMatrixWithRealEivals() 41 template <typename MatrixType, int IsComplex = NumTraits<typename internal::traits<MatrixType>::Sca… 45 static MatrixType run(const typename MatrixType::Index size); [all …]
|
D | jacobisvd.cpp | 13 template<typename MatrixType, int QRPreconditioner> 14 void jacobisvd_check_full(const MatrixType& m, const JacobiSVD<MatrixType, QRPreconditioner>& svd) in jacobisvd_check_full() argument 16 svd_check_full<MatrixType, JacobiSVD<MatrixType, QRPreconditioner > >(m, svd); in jacobisvd_check_full() 19 template<typename MatrixType, int QRPreconditioner> 20 void jacobisvd_compare_to_full(const MatrixType& m, in jacobisvd_compare_to_full() 22 const JacobiSVD<MatrixType, QRPreconditioner>& referenceSvd) in jacobisvd_compare_to_full() argument 24 …svd_compare_to_full<MatrixType, JacobiSVD<MatrixType, QRPreconditioner> >(m, computationOptions, r… in jacobisvd_compare_to_full() 28 template<typename MatrixType, int QRPreconditioner> 29 void jacobisvd_solve(const MatrixType& m, unsigned int computationOptions) in jacobisvd_solve() 31 svd_solve< MatrixType, JacobiSVD< MatrixType, QRPreconditioner > >(m, computationOptions); in jacobisvd_solve() [all …]
|
D | bdcsvd.cpp | 18 template<typename MatrixType> 19 void bdcsvd_check_full(const MatrixType& m, const BDCSVD<MatrixType>& svd) in bdcsvd_check_full() 21 svd_check_full< MatrixType, BDCSVD< MatrixType > >(m, svd); in bdcsvd_check_full() 25 template<typename MatrixType> 26 void bdcsvd_compare_to_full(const MatrixType& m, in bdcsvd_compare_to_full() 28 const BDCSVD<MatrixType>& referenceSvd) in bdcsvd_compare_to_full() 30 svd_compare_to_full< MatrixType, BDCSVD< MatrixType > >(m, computationOptions, referenceSvd); in bdcsvd_compare_to_full() 34 template<typename MatrixType> 35 void bdcsvd_solve(const MatrixType& m, unsigned int computationOptions) in bdcsvd_solve() 37 svd_solve< MatrixType, BDCSVD< MatrixType > >(m, computationOptions); in bdcsvd_solve() [all …]
|
D | svd_common.h | 26 template<typename MatrixType, typename SVD> 27 void svd_check_full(const MatrixType& m, const SVD& svd) in svd_check_full() 29 typedef typename MatrixType::Index Index; in svd_check_full() 33 RowsAtCompileTime = MatrixType::RowsAtCompileTime, in svd_check_full() 34 ColsAtCompileTime = MatrixType::ColsAtCompileTime in svd_check_full() 37 typedef typename MatrixType::Scalar Scalar; in svd_check_full() 42 MatrixType sigma = MatrixType::Zero(rows, cols); in svd_check_full() 54 template<typename MatrixType, typename SVD> 55 void svd_compare_to_full(const MatrixType& m, in svd_compare_to_full() 59 typedef typename MatrixType::Index Index; in svd_compare_to_full() [all …]
|
D | matrix_functions.h | 13 template <typename MatrixType, int IsComplex = NumTraits<typename internal::traits<MatrixType>::Sca… 17 template <typename MatrixType> 18 struct generateTestMatrix<MatrixType,0> 20 static void run(MatrixType& result, typename MatrixType::Index size) 22 MatrixType mat = MatrixType::Random(size, size); 23 EigenSolver<MatrixType> es(mat); 24 typename EigenSolver<MatrixType>::EigenvalueType eivals = es.eigenvalues(); 25 for (typename MatrixType::Index i = 0; i < size; ++i) { 34 template <typename MatrixType> 35 struct generateTestMatrix<MatrixType,1> [all …]
|
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
D | MatrixLogarithm.h | 30 template <typename MatrixType> 35 typedef typename MatrixType::Scalar Scalar; 48 MatrixType compute(const MatrixType& A); 52 void compute2x2(const MatrixType& A, MatrixType& result); 53 void computeBig(const MatrixType& A, MatrixType& result); 57 void computePade(MatrixType& result, const MatrixType& T, int degree); 58 void computePade3(MatrixType& result, const MatrixType& T); 59 void computePade4(MatrixType& result, const MatrixType& T); 60 void computePade5(MatrixType& result, const MatrixType& T); 61 void computePade6(MatrixType& result, const MatrixType& T); [all …]
|
D | MatrixSquareRoot.h | 26 template <typename MatrixType> 39 MatrixSquareRootQuasiTriangular(const MatrixType& A) in MatrixSquareRootQuasiTriangular() 56 typedef typename MatrixType::Index Index; 57 typedef typename MatrixType::Scalar Scalar; 59 void computeDiagonalPartOfSqrt(MatrixType& sqrtT, const MatrixType& T); 60 void computeOffDiagonalPartOfSqrt(MatrixType& sqrtT, const MatrixType& T); 61 …void compute2x2diagonalBlock(MatrixType& sqrtT, const MatrixType& T, typename MatrixType::Index i); 62 void compute1x1offDiagonalBlock(MatrixType& sqrtT, const MatrixType& T, 63 typename MatrixType::Index i, typename MatrixType::Index j); 64 void compute1x2offDiagonalBlock(MatrixType& sqrtT, const MatrixType& T, [all …]
|
D | MatrixPower.h | 15 template<typename MatrixType> class MatrixPower; 17 template<typename MatrixType> 18 class MatrixPowerRetval : public ReturnByValue< MatrixPowerRetval<MatrixType> > 21 typedef typename MatrixType::RealScalar RealScalar; 22 typedef typename MatrixType::Index Index; 24 MatrixPowerRetval(MatrixPower<MatrixType>& pow, RealScalar p) : m_pow(pow), m_p(p) in MatrixPowerRetval() 35 MatrixPower<MatrixType>& m_pow; 40 template<typename MatrixType> 45 RowsAtCompileTime = MatrixType::RowsAtCompileTime, 46 MaxRowsAtCompileTime = MatrixType::MaxRowsAtCompileTime [all …]
|
D | MatrixExponential.h | 23 template <typename MatrixType> 35 MatrixExponential(const MatrixType &M); 57 void pade3(const MatrixType &A); 66 void pade5(const MatrixType &A); 75 void pade7(const MatrixType &A); 84 void pade9(const MatrixType &A); 93 void pade13(const MatrixType &A); 104 void pade17(const MatrixType &A); 133 typedef typename internal::traits<MatrixType>::Scalar Scalar; 138 typename internal::nested<MatrixType>::type m_M; [all …]
|
D | MatrixFunctionAtomic.h | 23 template <typename MatrixType> 28 typedef typename MatrixType::Scalar Scalar; 29 typedef typename MatrixType::Index Index; 32 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; 43 MatrixType compute(const MatrixType& A); 52 … bool taylorConverged(Index s, const MatrixType& F, const MatrixType& Fincr, const MatrixType& P); 64 MatrixType m_Ashifted; 70 template <typename MatrixType> 71 MatrixType MatrixFunctionAtomic<MatrixType>::compute(const MatrixType& A) in compute() 76 m_Ashifted = A - m_avgEival * MatrixType::Identity(m_Arows, m_Arows); in compute() [all …]
|
/external/eigen/Eigen/src/LU/ |
D | Inverse.h | 21 template<typename MatrixType, typename ResultType, int Size = MatrixType::RowsAtCompileTime> 24 static inline void run(const MatrixType& matrix, ResultType& result) in run() 30 template<typename MatrixType, typename ResultType, int Size = MatrixType::RowsAtCompileTime> 37 template<typename MatrixType, typename ResultType> 38 struct compute_inverse<MatrixType, ResultType, 1> 40 static inline void run(const MatrixType& matrix, ResultType& result) 42 typedef typename MatrixType::Scalar Scalar; 47 template<typename MatrixType, typename ResultType> 48 struct compute_inverse_and_det_with_check<MatrixType, ResultType, 1> 51 const MatrixType& matrix, [all …]
|
D | PartialPivLU.h | 51 typedef _MatrixType MatrixType; typedef 53 RowsAtCompileTime = MatrixType::RowsAtCompileTime, 54 ColsAtCompileTime = MatrixType::ColsAtCompileTime, 55 Options = MatrixType::Options, 56 MaxRowsAtCompileTime = MatrixType::MaxRowsAtCompileTime, 57 MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime 59 typedef typename MatrixType::Scalar Scalar; 60 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar; 61 typedef typename internal::traits<MatrixType>::StorageKind StorageKind; 62 typedef typename MatrixType::Index Index; [all …]
|
/external/eigen/Eigen/src/Eigen2Support/ |
D | LU.h | 15 template<typename MatrixType> 16 class LU : public FullPivLU<MatrixType> 20 typedef typename MatrixType::Scalar Scalar; 21 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar; 22 …typedef Matrix<int, 1, MatrixType::ColsAtCompileTime, MatrixType::Options, 1, MatrixType::MaxColsA… 23 …typedef Matrix<int, MatrixType::RowsAtCompileTime, 1, MatrixType::Options, MatrixType::MaxRowsAtCo… 24 …typedef Matrix<Scalar, 1, MatrixType::ColsAtCompileTime, MatrixType::Options, 1, MatrixType::MaxCo… 25 …typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1, MatrixType::Options, MatrixType::MaxRowsA… 27 typedef Matrix<typename MatrixType::Scalar, 28 …MatrixType::ColsAtCompileTime, // the number of rows in the "kernel matrix" is the number of cols … [all …]
|
/external/eigen/Eigen/src/Cholesky/ |
D | LLT.h | 16 template<typename MatrixType, int UpLo> struct LLT_Traits; 53 typedef _MatrixType MatrixType; typedef 55 RowsAtCompileTime = MatrixType::RowsAtCompileTime, 56 ColsAtCompileTime = MatrixType::ColsAtCompileTime, 57 Options = MatrixType::Options, 58 MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime 60 typedef typename MatrixType::Scalar Scalar; 61 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar; 62 typedef typename MatrixType::Index Index; 70 typedef internal::LLT_Traits<MatrixType,UpLo> Traits; [all …]
|
D | LDLT.h | 19 template<typename MatrixType, int UpLo> struct LDLT_Traits; 51 typedef _MatrixType MatrixType; typedef 53 RowsAtCompileTime = MatrixType::RowsAtCompileTime, 54 ColsAtCompileTime = MatrixType::ColsAtCompileTime, 55 …Options = MatrixType::Options & ~RowMajorBit, // these are the options for the TmpMatrixType, we n… 56 MaxRowsAtCompileTime = MatrixType::MaxRowsAtCompileTime, 57 MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime, 60 typedef typename MatrixType::Scalar Scalar; 61 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar; 62 typedef typename MatrixType::Index Index; [all …]
|
D | LLT_MKL.h | 48 template<typename MatrixType> \ 49 static inline typename MatrixType::Index potrf(MatrixType& m, char uplo) \ 57 StorageOrder = MatrixType::Flags&RowMajorBit?RowMajor:ColMajor; \ 69 template<typename MatrixType> \ 70 static typename MatrixType::Index blocked(MatrixType& m) \ 74 template<typename MatrixType, typename VectorType> \ 75 …static typename MatrixType::Index rankUpdate(MatrixType& mat, const VectorType& vec, const typenam… 80 template<typename MatrixType> \ 81 static typename MatrixType::Index blocked(MatrixType& m) \ 85 template<typename MatrixType, typename VectorType> \ [all …]
|
/external/eigen/Eigen/src/Eigenvalues/ |
D | Tridiagonalization.h | 18 template<typename MatrixType> struct TridiagonalizationMatrixTReturnType; 19 template<typename MatrixType> 20 struct traits<TridiagonalizationMatrixTReturnType<MatrixType> > 22 typedef typename MatrixType::PlainObject ReturnType; 25 template<typename MatrixType, typename CoeffVectorType> 26 void tridiagonalization_inplace(MatrixType& matA, CoeffVectorType& hCoeffs); 66 typedef _MatrixType MatrixType; 68 typedef typename MatrixType::Scalar Scalar; 70 typedef typename MatrixType::Index Index; 73 Size = MatrixType::RowsAtCompileTime, [all …]
|
/external/eigen/unsupported/Eigen/src/SVD/ |
D | JacobiSVD.h | 18 template<typename MatrixType, int QRPreconditioner, 19 bool IsComplex = NumTraits<typename MatrixType::Scalar>::IsComplex> 31 template<typename MatrixType, int QRPreconditioner, int Case> 34 enum { a = MatrixType::RowsAtCompileTime != Dynamic && 35 MatrixType::ColsAtCompileTime != Dynamic && 36 MatrixType::ColsAtCompileTime <= MatrixType::RowsAtCompileTime, 37 b = MatrixType::RowsAtCompileTime != Dynamic && 38 MatrixType::ColsAtCompileTime != Dynamic && 39 MatrixType::RowsAtCompileTime <= MatrixType::ColsAtCompileTime, 46 template<typename MatrixType, int QRPreconditioner, int Case, [all …]
|
/external/eigen/test/eigen2/ |
D | eigen2_eigensolver.cpp | 17 template<typename MatrixType> void selfadjointeigensolver(const MatrixType& m) in selfadjointeigensolver() 25 typedef typename MatrixType::Scalar Scalar; in selfadjointeigensolver() 27 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; in selfadjointeigensolver() 28 typedef Matrix<RealScalar, MatrixType::RowsAtCompileTime, 1> RealVectorType; in selfadjointeigensolver() 29 typedef typename std::complex<typename NumTraits<typename MatrixType::Scalar>::Real> Complex; in selfadjointeigensolver() 33 MatrixType a = MatrixType::Random(rows,cols); in selfadjointeigensolver() 34 MatrixType a1 = MatrixType::Random(rows,cols); in selfadjointeigensolver() 35 MatrixType symmA = a.adjoint() * a + a1.adjoint() * a1; in selfadjointeigensolver() 37 MatrixType b = MatrixType::Random(rows,cols); in selfadjointeigensolver() 38 MatrixType b1 = MatrixType::Random(rows,cols); in selfadjointeigensolver() [all …]
|
/external/eigen/Eigen/src/Core/ |
D | Transpose.h | 31 template<typename MatrixType> 32 struct traits<Transpose<MatrixType> > : traits<MatrixType> 34 typedef typename MatrixType::Scalar Scalar; 35 typedef typename nested<MatrixType>::type MatrixTypeNested; 37 typedef typename traits<MatrixType>::StorageKind StorageKind; 38 typedef typename traits<MatrixType>::XprKind XprKind; 40 RowsAtCompileTime = MatrixType::ColsAtCompileTime, 41 ColsAtCompileTime = MatrixType::RowsAtCompileTime, 42 MaxRowsAtCompileTime = MatrixType::MaxColsAtCompileTime, 43 MaxColsAtCompileTime = MatrixType::MaxRowsAtCompileTime, [all …]
|
D | CwiseUnaryView.h | 30 template<typename ViewOp, typename MatrixType> 31 struct traits<CwiseUnaryView<ViewOp, MatrixType> > 32 : traits<MatrixType> 35 ViewOp(typename traits<MatrixType>::Scalar) 37 typedef typename MatrixType::Nested MatrixTypeNested; 42 MatrixTypeInnerStride = inner_stride_at_compile_time<MatrixType>::ret, 47 … : int(MatrixTypeInnerStride) * int(sizeof(typename traits<MatrixType>::Scalar) / sizeof(Scalar)), 48 OuterStrideAtCompileTime = outer_stride_at_compile_time<MatrixType>::ret == Dynamic 50 …: outer_stride_at_compile_time<MatrixType>::ret * int(sizeof(typename traits<MatrixType>::Scalar) … 55 template<typename ViewOp, typename MatrixType, typename StorageKind> [all …]
|
/external/eigen/test/ |
D | cholesky.cpp | 29 template<typename MatrixType,template <typename,int> class CholType> void test_chol_update(const Ma… in test_chol_update() 31 typedef typename MatrixType::Scalar Scalar; in test_chol_update() 32 typedef typename MatrixType::RealScalar RealScalar; in test_chol_update() 33 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; in test_chol_update() 35 MatrixType symmLo = symm.template triangularView<Lower>(); in test_chol_update() 36 MatrixType symmUp = symm.template triangularView<Upper>(); in test_chol_update() 37 MatrixType symmCpy = symm; in test_chol_update() 39 CholType<MatrixType,Lower> chollo(symmLo); in test_chol_update() 40 CholType<MatrixType,Upper> cholup(symmUp); in test_chol_update() 49 CholType<MatrixType,Lower> chol(symmCpy); in test_chol_update() [all …]
|
D | eigensolver_generalized_real.cpp | 14 template<typename MatrixType> void generalized_eigensolver_real(const MatrixType& m) in generalized_eigensolver_real() 16 typedef typename MatrixType::Index Index; in generalized_eigensolver_real() 23 typedef typename MatrixType::Scalar Scalar; in generalized_eigensolver_real() 24 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; in generalized_eigensolver_real() 26 MatrixType a = MatrixType::Random(rows,cols); in generalized_eigensolver_real() 27 MatrixType b = MatrixType::Random(rows,cols); in generalized_eigensolver_real() 28 MatrixType a1 = MatrixType::Random(rows,cols); in generalized_eigensolver_real() 29 MatrixType b1 = MatrixType::Random(rows,cols); in generalized_eigensolver_real() 30 MatrixType spdA = a.adjoint() * a + a1.adjoint() * a1; in generalized_eigensolver_real() 31 MatrixType spdB = b.adjoint() * b + b1.adjoint() * b1; in generalized_eigensolver_real() [all …]
|
/external/eigen/Eigen/src/SVD/ |
D | JacobiSVD.h | 18 template<typename MatrixType, int QRPreconditioner, 19 bool IsComplex = NumTraits<typename MatrixType::Scalar>::IsComplex> 31 template<typename MatrixType, int QRPreconditioner, int Case> 34 enum { a = MatrixType::RowsAtCompileTime != Dynamic && 35 MatrixType::ColsAtCompileTime != Dynamic && 36 MatrixType::ColsAtCompileTime <= MatrixType::RowsAtCompileTime, 37 b = MatrixType::RowsAtCompileTime != Dynamic && 38 MatrixType::ColsAtCompileTime != Dynamic && 39 MatrixType::RowsAtCompileTime <= MatrixType::ColsAtCompileTime, 46 template<typename MatrixType, int QRPreconditioner, int Case, [all …]
|
/external/eigen/Eigen/src/misc/ |
D | Image.h | 23 typedef typename DecompositionType::MatrixType MatrixType; 25 typename MatrixType::Scalar, 26 MatrixType::RowsAtCompileTime, // the image is a subspace of the destination space, whose 29 MatrixType::Options, 30 …MatrixType::MaxRowsAtCompileTime, // the image matrix will consist of columns from the original ma… 31 …MatrixType::MaxColsAtCompileTime // so it has the same number of rows and at most as many columns. 39 typedef typename DecompositionType::MatrixType MatrixType; 43 image_retval_base(const DecompositionType& dec, const MatrixType& originalMatrix) 53 inline const MatrixType& originalMatrix() const { return m_originalMatrix; } 63 const MatrixType& m_originalMatrix; [all …]
|