Searched refs:MatrixType (Results 101 - 125 of 208) sorted by relevance

123456789

/external/eigen/unsupported/Eigen/src/MatrixFunctions/
H A DMatrixLogarithm.h36 template <typename MatrixType>
37 void matrix_log_compute_2x2(const MatrixType& A, MatrixType& result)
39 typedef typename MatrixType::Scalar Scalar;
40 typedef typename MatrixType::RealScalar RealScalar;
131 template <typename MatrixType>
132 void matrix_log_compute_pade(MatrixType& result, const MatrixType& T, int degree)
134 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar;
211 MatrixType Tminus
[all...]
/external/eigen/Eigen/src/PaStiXSupport/
H A DPaStiXSupport.h43 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pastix_traits
52 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pastix_traits
61 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pastix_traits
96 template <typename MatrixType>
97 void c_to_fortran_numbering (MatrixType& mat)
110 template <typename MatrixType>
111 void fortran_to_c_numbering (MatrixType& mat)
137 typedef typename internal::pastix_traits<Derived>::MatrixType _MatrixType;
138 typedef _MatrixType MatrixType; typedef in class:Eigen::PastixBase
139 typedef typename MatrixType
415 typedef _MatrixType MatrixType; typedef in class:Eigen::PastixLU
527 typedef _MatrixType MatrixType; typedef in class:Eigen::PastixLLT
611 typedef _MatrixType MatrixType; typedef in class:Eigen::PastixLDLT
[all...]
/external/eigen/bench/
H A DbenchCholesky.cpp28 template <typename MatrixType>
29 __attribute__ ((noinline)) void benchLLT(const MatrixType& m)
43 typedef typename MatrixType::Scalar Scalar;
44 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixType;
46 MatrixType a = MatrixType::Random(rows,cols);
76 if (MatrixType::RowsAtCompileTime==Dynamic)
88 if (MatrixType::RowsAtCompileTime==Dynamic)
/external/eigen/test/
H A Dconservative_resize.cpp19 typedef Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic, Storage> MatrixType; typedef
20 typedef typename MatrixType::Index Index;
22 MatrixType m, n;
25 m = n = MatrixType::Random(50,50);
29 m = n = MatrixType::Random(50,50);
33 m = n = MatrixType::Random(50,50);
42 m = n = MatrixType::Random(50,50);
52 m = n = MatrixType::Random(50,50);
53 m.conservativeResizeLike(MatrixType::Zero(rows,cols));
H A Darray_reverse.cpp16 template<typename MatrixType> void reverse(const MatrixType& m)
18 typedef typename MatrixType::Index Index;
19 typedef typename MatrixType::Scalar Scalar;
20 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
27 MatrixType m1 = MatrixType::Random(rows, cols), m2;
30 MatrixType m1_r = m1.reverse();
38 Reverse<MatrixType> m1_rd(m1);
46 Reverse<MatrixType, BothDirection
[all...]
H A Dqtvector.cpp18 template<typename MatrixType>
19 void check_qtvector_matrix(const MatrixType& m)
21 typedef typename MatrixType::Index Index;
25 MatrixType x = MatrixType::Random(rows,cols), y = MatrixType::Random(rows,cols);
26 QVector<MatrixType> v(10, MatrixType(rows,cols)), w(20, y);
47 VERIFY((size_t)&(v[22]) == (size_t)&(v[21]) + sizeof(MatrixType));
51 MatrixType* re
63 typedef typename TransformType::MatrixType MatrixType; typedef
[all...]
H A Dstddeque_overload.cpp28 template<typename MatrixType>
29 void check_stddeque_matrix(const MatrixType& m)
31 typename MatrixType::Index rows = m.rows();
32 typename MatrixType::Index cols = m.cols();
33 MatrixType x = MatrixType::Random(rows,cols), y = MatrixType::Random(rows,cols);
34 std::deque<MatrixType> v(10, MatrixType(rows,cols)), w(20, y);
54 MatrixType* re
66 typedef typename TransformType::MatrixType MatrixType; typedef
[all...]
H A Ddeterminant.cpp14 template<typename MatrixType> void determinant(const MatrixType& m)
19 typedef typename MatrixType::Index Index;
22 MatrixType m1(size, size), m2(size, size);
25 typedef typename MatrixType::Scalar Scalar;
27 VERIFY_IS_APPROX(MatrixType::Identity(size, size).determinant(), Scalar(1));
H A Dpermutationmatrices.cpp15 template<typename MatrixType> void permutationmatrices(const MatrixType& m)
17 typedef typename MatrixType::Index Index;
18 typedef typename MatrixType::Scalar Scalar;
19 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime,
20 Options = MatrixType::Options };
31 MatrixType m_original = MatrixType::Random(rows,cols);
38 MatrixType m_permute
123 typedef Matrix<T, Dynamic, Dynamic> MatrixType; typedef
[all...]
H A Dblock.cpp13 template<typename MatrixType, typename Index, typename Scalar>
14 typename Eigen::internal::enable_if<!NumTraits<typename MatrixType::Scalar>::IsComplex,typename MatrixType::Scalar>::type
15 block_real_only(const MatrixType &m1, Index r1, Index r2, Index c1, Index c2, const Scalar& s1) {
26 template<typename MatrixType, typename Index, typename Scalar>
27 typename Eigen::internal::enable_if<NumTraits<typename MatrixType::Scalar>::IsComplex,typename MatrixType::Scalar>::type
28 block_real_only(const MatrixType &, Index, Index, Index, Index, const Scalar&) {
33 template<typename MatrixType> void block(const MatrixType
[all...]
H A Dsvd_common.h12 #error a macro SVD_DEFAULT(MatrixType) must be defined prior to including svd_common.h
16 #error a macro SVD_FOR_MIN_NORM(MatrixType) must be defined prior to including svd_common.h
23 template<typename SvdType, typename MatrixType>
24 void svd_check_full(const MatrixType& m, const SvdType& svd)
26 typedef typename MatrixType::Index Index;
31 RowsAtCompileTime = MatrixType::RowsAtCompileTime,
32 ColsAtCompileTime = MatrixType::ColsAtCompileTime
35 typedef typename MatrixType::Scalar Scalar;
36 typedef typename MatrixType::RealScalar RealScalar;
40 MatrixType sigm
[all...]
H A Dredux.cpp15 template<typename MatrixType> void matrixRedux(const MatrixType& m)
17 typedef typename MatrixType::Index Index;
18 typedef typename MatrixType::Scalar Scalar;
19 typedef typename MatrixType::RealScalar RealScalar;
24 MatrixType m1 = MatrixType::Random(rows, cols);
28 MatrixType m1_for_prod = MatrixType::Ones(rows, cols) + RealScalar(0.2) * m1;
30 VERIFY_IS_MUCH_SMALLER_THAN(MatrixType
[all...]
H A Dumeyama.cpp25 typedef Eigen::Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic> MatrixType; typedef
27 MatrixType Q;
35 Q = MatrixType::Random(size, size);
40 typename MatrixType::ColXpr colVec = Q.col(col);
43 typename MatrixType::ColXpr prevColVec = Q.col(prevCol);
53 typename MatrixType::RowXpr rowVec = Q.row(row);
56 typename MatrixType::RowXpr prevRowVec = Q.row(prevRow);
79 typedef Eigen::Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic> MatrixType; typedef
82 MatrixType Q = randMatrixUnitary<Scalar>(size);
90 template <typename MatrixType>
[all...]
/external/eigen/unsupported/Eigen/src/IterativeSolvers/
H A DScaling.h51 typedef _MatrixType MatrixType; typedef in class:Eigen::IterScaling
52 typedef typename MatrixType::Scalar Scalar;
53 typedef typename MatrixType::Index Index;
58 IterScaling(const MatrixType& matrix)
73 void compute (const MatrixType& mat)
95 for (typename MatrixType::InnerIterator it(m_matrix, k); it; ++it)
119 for (typename MatrixType::InnerIterator it(m_matrix, k); it; ++it)
143 void computeRef (MatrixType& mat)
178 MatrixType m_matrix;
H A DIncompleteLU.h28 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixType; typedef in class:Eigen::IncompleteLU
32 template<typename MatrixType>
33 IncompleteLU(const MatrixType& mat)
41 template<typename MatrixType>
42 IncompleteLU& compute(const MatrixType& mat)
/external/eigen/unsupported/Eigen/src/SparseExtra/
H A DBlockOfDynamicSparseMatrix.h29 typedef DynamicSparseMatrix<_Scalar, _Options, _Index> MatrixType;
35 class InnerIterator: public MatrixType::InnerIterator
39 : MatrixType::InnerIterator(xpr.m_matrix, xpr.m_outerStart + outer), m_outer(outer)
47 inline SparseInnerVectorSet(const MatrixType& matrix, Index outerStart, Index outerSize)
53 inline SparseInnerVectorSet(const MatrixType& matrix, Index outer)
112 const typename MatrixType::Nested m_matrix;
/external/eigen/unsupported/Eigen/src/Eigenvalues/
H A DArpackSelfAdjointEigenSolver.h34 template<typename MatrixSolver, typename MatrixType, typename Scalar, bool BisSPD> struct OP;
39 template<typename MatrixType, typename MatrixSolver=SimplicialLLT<MatrixType>, bool BisSPD=false>
43 //typedef typename MatrixSolver::MatrixType MatrixType;
45 /** \brief Scalar type for matrices of type \p MatrixType. */
46 typedef typename MatrixType::Scalar Scalar;
47 typedef typename MatrixType::Index Index;
49 /** \brief Real scalar type for \p MatrixType.
62 typedef typename internal::plain_col_type<MatrixType, RealScala
[all...]
/external/eigen/Eigen/src/IterativeLinearSolvers/
H A DBasicPreconditioners.h191 template<typename MatrixType>
192 explicit IdentityPreconditioner(const MatrixType& ) {}
194 template<typename MatrixType>
195 IdentityPreconditioner& analyzePattern(const MatrixType& ) { return *this; }
197 template<typename MatrixType>
198 IdentityPreconditioner& factorize(const MatrixType& ) { return *this; }
200 template<typename MatrixType>
201 IdentityPreconditioner& compute(const MatrixType& ) { return *this; }
/external/eigen/Eigen/src/Eigenvalues/
H A DRealSchur.h40 * given matrix. Alternatively, you can use the RealSchur(const MatrixType&, bool)
45 * The documentation of RealSchur(const MatrixType&, bool) contains an example
57 typedef _MatrixType MatrixType; typedef in class:Eigen::RealSchur
59 RowsAtCompileTime = MatrixType::RowsAtCompileTime,
60 ColsAtCompileTime = MatrixType::ColsAtCompileTime,
61 Options = MatrixType::Options,
62 MaxRowsAtCompileTime = MatrixType::MaxRowsAtCompileTime,
63 MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime
65 typedef typename MatrixType::Scalar Scalar;
120 * \pre Either the constructor RealSchur(const MatrixType
[all...]
H A DGeneralizedEigenSolver.h47 * GeneralizedEigenSolver(const MatrixType&, const MatrixType&, bool) constructor which computes the
63 typedef _MatrixType MatrixType; typedef in class:Eigen::GeneralizedEigenSolver
66 RowsAtCompileTime = MatrixType::RowsAtCompileTime,
67 ColsAtCompileTime = MatrixType::ColsAtCompileTime,
68 Options = MatrixType::Options,
69 MaxRowsAtCompileTime = MatrixType::MaxRowsAtCompileTime,
70 MaxColsAtCompileTime = MatrixType::MaxColsAtCompileTime
73 /** \brief Scalar type for matrices of type #MatrixType. */
74 typedef typename MatrixType
[all...]
/external/eigen/Eigen/src/PardisoSupport/
H A DPardisoSupport.h72 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pardiso_traits
81 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pardiso_traits
90 typedef _MatrixType MatrixType; typedef in struct:Eigen::internal::pardiso_traits
110 typedef typename Traits::MatrixType MatrixType; typedef in class:Eigen::PardisoImpl
116 typedef Matrix<StorageIndex, 1, MatrixType::ColsAtCompileTime> IntRowVectorType;
117 typedef Matrix<StorageIndex, MatrixType::RowsAtCompileTime, 1> IntColVectorType;
166 Derived& analyzePattern(const MatrixType& matrix);
174 Derived& factorize(const MatrixType& matrix);
176 Derived& compute(const MatrixType
[all...]
/external/eigen/doc/examples/
H A Dnullary_indexing.cpp18 ColIndexType::MaxSizeAtCompileTime> MatrixType; typedef in class:indexing_functor
32 CwiseNullaryOp<indexing_functor<ArgType,RowIndexType,ColIndexType>, typename indexing_functor<ArgType,RowIndexType,ColIndexType>::MatrixType>
36 typedef typename Func::MatrixType MatrixType; typedef
37 return MatrixType::NullaryExpr(row_indices.size(), col_indices.size(), Func(arg.derived(), row_indices, col_indices));
/external/eigen/Eigen/src/Core/util/
H A DForwardDeclarations.h87 template<typename MatrixType, int Size=Dynamic> class VectorBlock;
88 template<typename MatrixType> class Transpose;
89 template<typename MatrixType> class Conjugate;
90 template<typename NullaryOp, typename MatrixType> class CwiseNullaryOp;
91 template<typename UnaryOp, typename MatrixType> class CwiseUnaryOp;
92 template<typename ViewOp, typename MatrixType> class CwiseUnaryView;
103 template<typename MatrixType, typename DiagonalType, int ProductOrder> class DiagonalProduct;
104 template<typename MatrixType, int Index = 0> class Diagonal;
118 template<typename MatrixType, int MapOptions=Unaligned, typename StrideType = Stride<0,0> > class Map;
124 template<typename MatrixType, unsigne
[all...]
/external/eigen/Eigen/src/Geometry/
H A DUmeyama.h31 template<typename MatrixType, typename OtherMatrixType>
35 MinRowsAtCompileTime = EIGEN_SIZE_MIN_PREFER_DYNAMIC(MatrixType::RowsAtCompileTime, OtherMatrixType::RowsAtCompileTime),
42 typedef Matrix<typename traits<MatrixType>::Scalar,
45 AutoAlign | (traits<MatrixType>::Flags & RowMajorBit ? RowMajor : ColMajor),
108 typedef Matrix<Scalar, Dimension, Dimension> MatrixType; typedef
129 const MatrixType sigma = one_over_n * dst_demean * src_demean.transpose();
131 JacobiSVD<MatrixType> svd(sigma, ComputeFullU | ComputeFullV);
/external/eigen/Eigen/src/SparseCore/
H A DSparseTriangularView.h25 template<typename MatrixType, unsigned int Mode> class TriangularViewImpl<MatrixType,Mode,Sparse>
26 : public SparseMatrixBase<TriangularView<MatrixType,Mode> >
28 enum { SkipFirst = ((Mode&Lower) && !(MatrixType::Flags&RowMajorBit))
29 || ((Mode&Upper) && (MatrixType::Flags&RowMajorBit)),
35 typedef TriangularView<MatrixType,Mode> TriangularViewType;
46 typedef typename MatrixType::Nested MatrixTypeNested;

Completed in 273 milliseconds

123456789