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

1 2 3 4 5 6 7 8 9

  /external/eigen/unsupported/test/
matrix_functions.h 14 template<typename MatrixType, int IsComplex = NumTraits<typename internal::traits<MatrixType>::Scalar>::IsComplex>
17 static void run(MatrixType&, MatrixType&, const MatrixType&)
22 template<typename MatrixType>
23 struct processTriangularMatrix<MatrixType,0>
25 static void run(MatrixType& m, MatrixType& T, const MatrixType& U
    [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...]
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();
  /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;
42 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,
67 typedef typename DecompositionType::MatrixType MatrixType; \
68 typedef typename MatrixType::Scalar Scalar;
    [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/test/
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...]
zerosized.cpp 13 template<typename MatrixType> void zeroReduction(const MatrixType& m) {
25 template<typename MatrixType> void zeroSizedMatrix()
27 MatrixType t1;
28 typedef typename MatrixType::Scalar Scalar;
30 if (MatrixType::SizeAtCompileTime == Dynamic || MatrixType::SizeAtCompileTime == 0)
33 if (MatrixType::RowsAtCompileTime == Dynamic)
35 if (MatrixType::ColsAtCompileTime == Dynamic)
38 if (MatrixType::RowsAtCompileTime == Dynamic && MatrixType::ColsAtCompileTime == Dynamic
    [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...]
constructor.cpp 15 template<typename MatrixType> struct Wrapper
17 MatrixType m_mat;
18 inline Wrapper(const MatrixType &x) : m_mat(x) {}
19 inline operator const MatrixType& () const { return m_mat; }
20 inline operator MatrixType& () { return m_mat; }
23 template<typename MatrixType> void ctor_init1(const MatrixType& m)
29 MatrixType m0 = MatrixType::Random(rows,cols);
31 VERIFY_EVALUATION_COUNT( MatrixType m1(m0), 1)
    [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...]
eigensolver_generalized_real.cpp 16 template<typename MatrixType> void generalized_eigensolver_real(const MatrixType& m)
18 typedef typename MatrixType::Index Index;
25 typedef typename MatrixType::Scalar Scalar;
27 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
29 MatrixType a = MatrixType::Random(rows,cols);
30 MatrixType b = MatrixType::Random(rows,cols);
31 MatrixType a1 = MatrixType::Random(rows,cols)
    [all...]
rvalue_types.cpp 17 template <typename MatrixType>
18 void rvalue_copyassign(const MatrixType& m)
21 typedef typename internal::traits<MatrixType>::Scalar Scalar;
24 MatrixType tmp = m;
28 MatrixType n = std::move(tmp);
31 if (MatrixType::RowsAtCompileTime==Dynamic|| MatrixType::ColsAtCompileTime==Dynamic)
42 template <typename MatrixType>
43 void rvalue_copyassign(const MatrixType&) {}
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_IS_EQUAL(std::ptrdiff_t(sizeof(MatrixType)),std::ptrdiff_t(sizeof(Scalar))*std::ptrdiff_t(MatrixType::SizeAtCompileTime));
18 VERIFY_IS_EQUAL(sizeof(MatrixType),sizeof(Scalar*) + 2 * sizeof(typename MatrixType::Index));
schur_real.cpp 14 template<typename MatrixType> void verifyIsQuasiTriangular(const MatrixType& T)
16 typedef typename MatrixType::Index Index;
19 typedef typename MatrixType::Scalar Scalar;
40 template<typename MatrixType> void schur(int size = MatrixType::ColsAtCompileTime)
44 MatrixType A = MatrixType::Random(size, size);
45 RealSchur<MatrixType> schurOfA(A);
47 MatrixType U = schurOfA.matrixU()
    [all...]
swap.cpp 25 template<typename MatrixType> void swap(const MatrixType& m)
27 typedef typename other_matrix_type<MatrixType>::type OtherMatrixType;
28 typedef typename MatrixType::Scalar Scalar;
30 eigen_assert((!internal::is_same<MatrixType,OtherMatrixType>::value));
31 typename MatrixType::Index rows = m.rows();
32 typename MatrixType::Index cols = m.cols();
35 MatrixType m1 = MatrixType::Random(rows,cols);
36 MatrixType m2 = MatrixType::Random(rows,cols) + Scalar(100) * MatrixType::Identity(rows,cols)
    [all...]
selfadjoint.cpp 15 template<typename MatrixType> void selfadjoint(const MatrixType& m)
17 typedef typename MatrixType::Index Index;
18 typedef typename MatrixType::Scalar Scalar;
23 MatrixType m1 = MatrixType::Random(rows, cols),
24 m2 = MatrixType::Random(rows, cols),
32 VERIFY_IS_APPROX(MatrixType(m3.template triangularView<Upper>()), MatrixType(m1.template triangularView<Upper>()));
36 VERIFY_IS_APPROX(MatrixType(m3.template triangularView<Lower>()), MatrixType(m1.template triangularView<Lower>()))
    [all...]
  /external/eigen/Eigen/src/LU/
InverseImpl.h 22 template<typename MatrixType, typename ResultType, int Size = MatrixType::RowsAtCompileTime>
26 static inline void run(const MatrixType& matrix, ResultType& result)
32 template<typename MatrixType, typename ResultType, int Size = MatrixType::RowsAtCompileTime>
39 template<typename MatrixType, typename ResultType>
40 struct compute_inverse<MatrixType, ResultType, 1>
43 static inline void run(const MatrixType& matrix, ResultType& result)
45 typedef typename MatrixType::Scalar Scalar;
46 internal::evaluator<MatrixType> matrixEval(matrix)
    [all...]
  /external/eigen/Eigen/src/Cholesky/
LLT_LAPACKE.h 45 template<typename MatrixType> \
46 static inline Index potrf(MatrixType& m, char uplo) \
54 StorageOrder = MatrixType::Flags&RowMajorBit?RowMajor:ColMajor; \
66 template<typename MatrixType> \
67 static Index blocked(MatrixType& m) \
71 template<typename MatrixType, typename VectorType> \
72 static Index rankUpdate(MatrixType& mat, const VectorType& vec, const typename MatrixType::RealScalar& sigma) \
77 template<typename MatrixType> \
78 static Index blocked(MatrixType& m)
    [all...]
  /external/eigen/Eigen/src/Core/
CwiseUnaryView.h 16 template<typename ViewOp, typename MatrixType>
17 struct traits<CwiseUnaryView<ViewOp, MatrixType> >
18 : traits<MatrixType>
21 ViewOp(const typename traits<MatrixType>::Scalar&)
23 typedef typename MatrixType::Nested MatrixTypeNested;
26 FlagsLvalueBit = is_lvalue<MatrixType>::value ? LvalueBit : 0,
28 MatrixTypeInnerStride = inner_stride_at_compile_time<MatrixType>::ret,
33 : int(MatrixTypeInnerStride) * int(sizeof(typename traits<MatrixType>::Scalar) / sizeof(Scalar)),
34 OuterStrideAtCompileTime = outer_stride_at_compile_time<MatrixType>::ret == Dynamic
36 : outer_stride_at_compile_time<MatrixType>::ret * int(sizeof(typename traits<MatrixType>::Scalar) / sizeof(Scalar)
    [all...]
Transpose.h 17 template<typename MatrixType>
18 struct traits<Transpose<MatrixType> > : public traits<MatrixType>
20 typedef typename ref_selector<MatrixType>::type MatrixTypeNested;
23 RowsAtCompileTime = MatrixType::ColsAtCompileTime,
24 ColsAtCompileTime = MatrixType::RowsAtCompileTime,
25 MaxRowsAtCompileTime = MatrixType::MaxColsAtCompileTime,
26 MaxColsAtCompileTime = MatrixType::MaxRowsAtCompileTime,
27 FlagsLvalueBit = is_lvalue<MatrixType>::value ? LvalueBit : 0,
31 InnerStrideAtCompileTime = inner_stride_at_compile_time<MatrixType>::ret
    [all...]
  /external/eigen/Eigen/src/Eigenvalues/
Tridiagonalization.h 18 template<typename MatrixType> struct TridiagonalizationMatrixTReturnType;
19 template<typename MatrixType>
20 struct traits<TridiagonalizationMatrixTReturnType<MatrixType> >
21 : public traits<typename MatrixType::PlainObject>
23 typedef typename MatrixType::PlainObject ReturnType; // FIXME shall it be a BandMatrix?
27 template<typename MatrixType, typename CoeffVectorType>
28 void tridiagonalization_inplace(MatrixType& matA, CoeffVectorType& hCoeffs);
52 * given matrix. Alternatively, you can use the Tridiagonalization(const MatrixType&)
58 * The documentation of Tridiagonalization(const MatrixType&) contains an
68 typedef _MatrixType MatrixType;
    [all...]
  /external/eigen/doc/snippets/
Tutorial_Map_using.cpp 1 typedef Matrix<float,1,Dynamic> MatrixType;
2 typedef Map<MatrixType> MapType;
3 typedef Map<const MatrixType> MapTypeConst; // a read-only map
6 MatrixType m1(n_dims), m2(n_dims);
  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
MatrixSquareRoot.h 19 template <typename MatrixType, typename ResultType>
20 void matrix_sqrt_quasi_triangular_2x2_diagonal_block(const MatrixType& T, typename MatrixType::Index i, ResultType& sqrtT)
24 typedef typename traits<MatrixType>::Scalar Scalar;
34 template <typename MatrixType, typename ResultType>
35 void matrix_sqrt_quasi_triangular_1x1_off_diagonal_block(const MatrixType& T, typename MatrixType::Index i, typename MatrixType::Index j, ResultType& sqrtT)
37 typedef typename traits<MatrixType>::Scalar Scalar;
43 template <typename MatrixType, typename ResultType
    [all...]
  /external/eigen/Eigen/src/SparseCore/
SparseTranspose.h 16 template<typename MatrixType,int CompressedAccess=int(MatrixType::Flags&CompressedAccessBit)>
18 : public SparseMatrixBase<Transpose<MatrixType> >
21 template<typename MatrixType>
22 class SparseTransposeImpl<MatrixType,CompressedAccessBit>
23 : public SparseCompressedBase<Transpose<MatrixType> >
25 typedef SparseCompressedBase<Transpose<MatrixType> > Base;
45 template<typename MatrixType> class TransposeImpl<MatrixType,Sparse>
46 : public internal::SparseTransposeImpl<MatrixType>
    [all...]

Completed in 362 milliseconds

1 2 3 4 5 6 7 8 9