HomeSort by relevance Sort by last modified time
    Searched refs:MatrixType (Results 1 - 25 of 242) sorted by null

1 2 3 4 5 6 7 8 910

  /external/eigen/test/eigen2/
eigen2_sizeof.cpp 12 template<typename MatrixType> void verifySizeOf(const MatrixType&)
14 typedef typename MatrixType::Scalar Scalar;
15 if (MatrixType::RowsAtCompileTime!=Dynamic && MatrixType::ColsAtCompileTime!=Dynamic)
16 VERIFY(sizeof(MatrixType)==sizeof(Scalar)*MatrixType::SizeAtCompileTime);
18 VERIFY(sizeof(MatrixType)==sizeof(Scalar*) + 2 * sizeof(typename MatrixType::Index));
eigen2_miscmatrices.cpp 12 template<typename MatrixType> void miscMatrices(const MatrixType& m)
18 typedef typename MatrixType::Scalar Scalar;
19 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
20 typedef Matrix<Scalar, 1, MatrixType::ColsAtCompileTime> RowVectorType;
25 VERIFY_IS_APPROX(MatrixType::Ones(rows,cols)(r,c), static_cast<Scalar>(1));
26 MatrixType m1 = MatrixType::Ones(rows,cols);
30 Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime
    [all...]
eigen2_svd.cpp 13 template<typename MatrixType> void svd(const MatrixType& m)
21 typedef typename MatrixType::Scalar Scalar;
23 MatrixType a = MatrixType::Random(rows,cols);
24 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> b =
25 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1>::Random(rows,1);
26 Matrix<Scalar, MatrixType::ColsAtCompileTime, 1> x(cols,1), x2(cols,1);
33 SVD<MatrixType> svd(a);
34 MatrixType sigma = MatrixType::Zero(rows,cols)
    [all...]
  /external/eigen/Eigen/src/Eigen2Support/
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::MaxColsAtCompileTime> IntRowVectorType;
23 typedef Matrix<int, MatrixType::RowsAtCompileTime, 1, MatrixType::Options, MatrixType::MaxRowsAtCompileTime, 1> IntColVectorType
    [all...]
QR.h 16 template<typename MatrixType>
17 class QR : public HouseholderQR<MatrixType>
21 typedef HouseholderQR<MatrixType> Base;
22 typedef Block<const MatrixType, MatrixType::ColsAtCompileTime, MatrixType::ColsAtCompileTime> MatrixRBlockType;
36 MatrixType matrixQ(void) const {
37 MatrixType ret = MatrixType::Identity(this->rows(), this->cols());
  /external/eigen/unsupported/test/
matrix_functions.h 13 template <typename MatrixType, int IsComplex = NumTraits<typename internal::traits<MatrixType>::Scalar>::IsComplex>
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()
    [all...]
matrix_function.cpp 25 template<typename MatrixType>
26 MatrixType randomMatrixWithRealEivals(const typename MatrixType::Index size)
28 typedef typename MatrixType::Index Index;
29 typedef typename MatrixType::Scalar Scalar;
30 typedef typename MatrixType::RealScalar RealScalar;
31 MatrixType diag = MatrixType::Zero(size, size);
36 MatrixType A = MatrixType::Random(size, size)
    [all...]
jacobisvd.cpp 13 template<typename MatrixType, int QRPreconditioner>
14 void jacobisvd_check_full(const MatrixType& m, const JacobiSVD<MatrixType, QRPreconditioner>& svd)
16 svd_check_full<MatrixType, JacobiSVD<MatrixType, QRPreconditioner > >(m, svd);
19 template<typename MatrixType, int QRPreconditioner>
20 void jacobisvd_compare_to_full(const MatrixType& m,
22 const JacobiSVD<MatrixType, QRPreconditioner>& referenceSvd)
24 svd_compare_to_full<MatrixType, JacobiSVD<MatrixType, QRPreconditioner> >(m, computationOptions, referenceSvd)
    [all...]
matrix_square_root.cpp 12 template<typename MatrixType>
13 void testMatrixSqrt(const MatrixType& m)
15 MatrixType A;
16 generateTestMatrix<MatrixType>::run(A, m.rows());
17 MatrixType sqrtA = A.sqrt();
bdcsvd.cpp 18 template<typename MatrixType>
19 void bdcsvd_check_full(const MatrixType& m, const BDCSVD<MatrixType>& svd)
21 svd_check_full< MatrixType, BDCSVD< MatrixType > >(m, svd);
25 template<typename MatrixType>
26 void bdcsvd_compare_to_full(const MatrixType& m,
28 const BDCSVD<MatrixType>& referenceSvd)
30 svd_compare_to_full< MatrixType, BDCSVD< MatrixType > >(m, computationOptions, referenceSvd)
    [all...]
  /external/eigen/Eigen/src/SparseCore/
SparseTranspose.h 15 template<typename MatrixType> class TransposeImpl<MatrixType,Sparse>
16 : public SparseMatrixBase<Transpose<MatrixType> >
18 typedef typename internal::remove_all<typename MatrixType::Nested>::type _MatrixTypeNested;
21 EIGEN_SPARSE_PUBLIC_INTERFACE(Transpose<MatrixType> )
29 // NOTE: VC10 and VC11 trigger an ICE if don't put typename TransposeImpl<MatrixType,Sparse>:: in front of Index,
30 // a typedef typename TransposeImpl<MatrixType,Sparse>::Index Index;
33 template<typename MatrixType> class TransposeImpl<MatrixType,Sparse>::InnerIterator
40 EIGEN_STRONG_INLINE InnerIterator(const TransposeImpl& trans, typename TransposeImpl<MatrixType,Sparse>::Index outer
    [all...]
  /external/eigen/bench/
basicbenchmark.h 7 template<int Mode, typename MatrixType>
8 void benchBasic_loop(const MatrixType& I, MatrixType& m, int iterations) __attribute__((noinline));
10 template<int Mode, typename MatrixType>
11 void benchBasic_loop(const MatrixType& I, MatrixType& m, int iterations)
18 if (MatrixType::SizeAtCompileTime!=Eigen::Dynamic) asm("#fixedsize");
24 if (MatrixType::SizeAtCompileTime!=Eigen::Dynamic) asm("#fixedsize");
30 if (MatrixType::SizeAtCompileTime!=Eigen::Dynamic) asm("#fixedsize");
37 template<int Mode, typename MatrixType>
    [all...]
  /external/eigen/Eigen/src/Cholesky/
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 typename MatrixType::RealScalar& sigma)
    [all...]
  /external/eigen/test/
sizeof.cpp 12 template<typename MatrixType> void verifySizeOf(const MatrixType&)
14 typedef typename MatrixType::Scalar Scalar;
15 if (MatrixType::RowsAtCompileTime!=Dynamic && MatrixType::ColsAtCompileTime!=Dynamic)
16 VERIFY(std::ptrdiff_t(sizeof(MatrixType))==std::ptrdiff_t(sizeof(Scalar))*std::ptrdiff_t(MatrixType::SizeAtCompileTime));
18 VERIFY(sizeof(MatrixType)==sizeof(Scalar*) + 2 * sizeof(typename MatrixType::Index));
upperbidiagonalization.cpp 13 template<typename MatrixType> void upperbidiag(const MatrixType& m)
15 const typename MatrixType::Index rows = m.rows();
16 const typename MatrixType::Index cols = m.cols();
18 typedef Matrix<typename MatrixType::RealScalar, MatrixType::RowsAtCompileTime, MatrixType::ColsAtCompileTime> RealMatrixType;
19 typedef Matrix<typename MatrixType::Scalar, MatrixType::ColsAtCompileTime, MatrixType::RowsAtCompileTime> TransposeMatrixType
    [all...]
eigensolver_generalized_real.cpp 14 template<typename MatrixType> void generalized_eigensolver_real(const MatrixType& m)
16 typedef typename MatrixType::Index Index;
23 typedef typename MatrixType::Scalar Scalar;
24 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
26 MatrixType a = MatrixType::Random(rows,cols);
27 MatrixType b = MatrixType::Random(rows,cols);
28 MatrixType a1 = MatrixType::Random(rows,cols)
    [all...]
miscmatrices.cpp 12 template<typename MatrixType> void miscMatrices(const MatrixType& m)
17 typedef typename MatrixType::Index Index;
18 typedef typename MatrixType::Scalar Scalar;
19 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
24 VERIFY_IS_APPROX(MatrixType::Ones(rows,cols)(r,c), static_cast<Scalar>(1));
25 MatrixType m1 = MatrixType::Ones(rows,cols);
29 Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime
    [all...]
hessenberg.cpp 16 typedef Matrix<Scalar,Size,Size> MatrixType;
20 MatrixType m = MatrixType::Random(size,size);
21 HessenbergDecomposition<MatrixType> hess(m);
22 MatrixType Q = hess.matrixQ();
23 MatrixType H = hess.matrixH();
27 VERIFY(H(row,col) == (typename MatrixType::Scalar)0);
33 MatrixType A = MatrixType::Random(size, size);
34 HessenbergDecomposition<MatrixType> cs1
    [all...]
  /external/eigen/Eigen/src/misc/
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 matrix,
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
    [all...]
Kernel.h 23 typedef typename DecompositionType::MatrixType MatrixType;
25 typename MatrixType::Scalar,
26 MatrixType::ColsAtCompileTime, // the number of rows in the "kernel matrix"
30 MatrixType::Options,
31 MatrixType::MaxColsAtCompileTime, // see explanation for 2nd template parameter
32 MatrixType::MaxColsAtCompileTime // the kernel is a subspace of the domain space,
68 typedef typename DecompositionType::MatrixType MatrixType; \
69 typedef typename MatrixType::Scalar Scalar;
    [all...]
  /external/eigen/Eigen/src/LU/
Inverse.h 21 template<typename MatrixType, typename ResultType, int Size = MatrixType::RowsAtCompileTime>
24 static inline void run(const MatrixType& matrix, ResultType& result)
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
    [all...]
  /external/eigen/Eigen/src/Eigenvalues/
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);
50 * given matrix. Alternatively, you can use the Tridiagonalization(const MatrixType&)
56 * The documentation of Tridiagonalization(const MatrixType&) contains an
66 typedef _MatrixType MatrixType;
68 typedef typename MatrixType::Scalar Scalar
    [all...]
  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
MatrixLogarithm.h 30 template <typename MatrixType>
35 typedef typename MatrixType::Scalar Scalar;
36 // typedef typename MatrixType::Index Index;
39 // typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
48 MatrixType compute(const MatrixType& A);
52 void compute2x2(const MatrixType& A, MatrixType& result);
53 void computeBig(const MatrixType& A, MatrixType& result)
    [all...]
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
    [all...]
  /external/eigen/Eigen/src/Core/
CwiseUnaryView.h 21 * \param MatrixType the type of the matrix we are applying the unary operator
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) / sizeof(Scalar)
    [all...]

Completed in 579 milliseconds

1 2 3 4 5 6 7 8 910