/external/deqp/framework/common/ |
D | tcuMatrix.hpp | 35 class Matrix class 48 Matrix (void); 49 explicit Matrix (const T& src); 50 explicit Matrix (const T src[Rows*Cols]); 51 Matrix (const Vector<T, Rows>& src); 52 Matrix (const Matrix<T, Rows, Cols>& src); 53 ~Matrix (void); 55 Matrix<T, Rows, Cols>& operator= (const Matrix<T, Rows, Cols>& src); 56 Matrix<T, Rows, Cols>& operator*= (const Matrix<T, Rows, Cols>& src); 82 Matrix<T, Rows0, Cols1> operator* (const Matrix<T, Rows0, Cols0>& a, const Matrix<T, Rows1, Cols1>&… [all …]
|
D | tcuMatrixUtil.hpp | 34 Matrix<T, Size+1, Size+1> translationMatrix (const Vector<T, Size>& translation); 37 Matrix<float, 2, 2> rotationMatrix (float radians); 38 Matrix<float, 2, 2> shearMatrix (const Vector<float, 2>& shear); 41 Matrix<float, 3, 3> rotationMatrixX (float radiansX); 42 Matrix<float, 3, 3> rotationMatrixY (float radiansY); 43 Matrix<float, 3, 3> rotationMatrixZ (float radiansZ); 49 inline Matrix<T, Len+1, Len+1> translationMatrix (const Vector<T, Len>& translation) in translationMatrix() 51 Matrix<T, Len+1, Len+1> res = Matrix<T, Len+1, Len+1>(); in translationMatrix() 57 inline Matrix<float, 2, 2> rotationMatrix (float radians) in rotationMatrix() 59 Matrix<float, 2, 2> mat; in rotationMatrix() [all …]
|
/external/eigen/Eigen/src/Core/ |
D | Matrix.h | 106 struct traits<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> > 127 class Matrix 128 : public PlainObjectBase<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> > 135 typedef PlainObjectBase<Matrix> Base; 139 EIGEN_DENSE_PUBLIC_INTERFACE(Matrix) 154 EIGEN_STRONG_INLINE Matrix& operator=(const Matrix& other) 170 EIGEN_STRONG_INLINE Matrix& operator=(const MatrixBase<OtherDerived>& other) 182 EIGEN_STRONG_INLINE Matrix& operator=(const EigenBase<OtherDerived> &other) 188 EIGEN_STRONG_INLINE Matrix& operator=(const ReturnByValue<OtherDerived>& func) 203 EIGEN_STRONG_INLINE Matrix() : Base() [all …]
|
/external/eigen/unsupported/test/ |
D | bdcsvd.cpp | 108 CALL_SUBTEST_11(( bdcsvd_verify_assert<Matrix<float,Dynamic,Dynamic> > in test_bdcsvd() 109 (Matrix<float,Dynamic,Dynamic>(42,42)) )); in test_bdcsvd() 110 CALL_SUBTEST_11(( compare_bdc_jacobi<Matrix<float,Dynamic,Dynamic> > in test_bdcsvd() 111 (Matrix<float,Dynamic,Dynamic>(42,42), 0) )); in test_bdcsvd() 112 CALL_SUBTEST_11(( bdcsvd<Matrix<float,Dynamic,Dynamic> > in test_bdcsvd() 113 (Matrix<float,Dynamic,Dynamic>(42,42)) )); in test_bdcsvd() 116 CALL_SUBTEST_13(( bdcsvd_verify_assert<Matrix<double,Dynamic,Dynamic> > in test_bdcsvd() 117 (Matrix<double,Dynamic,Dynamic>(50,50)) )); in test_bdcsvd() 118 CALL_SUBTEST_13(( compare_bdc_jacobi<Matrix<double,Dynamic,Dynamic> > in test_bdcsvd() 119 (Matrix<double,Dynamic,Dynamic>(50,50), 0) )); in test_bdcsvd() [all …]
|
/external/ceres-solver/include/ceres/internal/ |
D | eigen.h | 38 typedef Eigen::Matrix<double, Eigen::Dynamic, 1> Vector; 39 typedef Eigen::Matrix<double, 42 Eigen::RowMajor> Matrix; typedef 44 typedef Eigen::Map<Matrix> MatrixRef; 46 typedef Eigen::Map<const Matrix> ConstMatrixRef; 49 typedef Eigen::Matrix<double, 67 typedef Eigen::Matrix <double, num_rows, num_cols, Eigen::RowMajor> 68 Matrix; typedef 71 Eigen::Matrix<double, num_rows, num_cols, Eigen::RowMajor> > 74 typedef Eigen::Matrix <double, num_rows, 1> [all …]
|
/external/eigen/test/eigen2/ |
D | gsl_helper.h | 26 typedef gsl_matrix* Matrix; typedef 28 static Matrix createMatrix(int rows, int cols) { return gsl_matrix_alloc(rows,cols); } in createMatrix() 30 static void free(Matrix& m) { gsl_matrix_free(m); m=0; } in free() 32 …static void prod(const Matrix& m, const Vector& v, Vector& x) { gsl_blas_dgemv(CblasNoTrans,1,m,v,… in prod() 33 static void cholesky(Matrix& m) { gsl_linalg_cholesky_decomp(m); } in cholesky() 34 …static void cholesky_solve(const Matrix& m, const Vector& b, Vector& x) { gsl_linalg_cholesky_solv… in cholesky_solve() 35 static void eigen_symm(const Matrix& m, Vector& eval, Matrix& evec) in eigen_symm() 38 Matrix a = createMatrix(m->size1, m->size2); in eigen_symm() 45 static void eigen_symm_gen(const Matrix& m, const Matrix& _b, Vector& eval, Matrix& evec) in eigen_symm_gen() 48 Matrix a = createMatrix(m->size1, m->size2); in eigen_symm_gen() [all …]
|
D | eigen2_mixingtypes.cpp | 24 typedef Matrix<float, SizeAtCompileType, SizeAtCompileType> Mat_f; in mixingtypes() 25 typedef Matrix<double, SizeAtCompileType, SizeAtCompileType> Mat_d; in mixingtypes() 26 typedef Matrix<std::complex<float>, SizeAtCompileType, SizeAtCompileType> Mat_cf; in mixingtypes() 27 typedef Matrix<std::complex<double>, SizeAtCompileType, SizeAtCompileType> Mat_cd; in mixingtypes() 28 typedef Matrix<float, SizeAtCompileType, 1> Vec_f; in mixingtypes() 29 typedef Matrix<double, SizeAtCompileType, 1> Vec_d; in mixingtypes() 30 typedef Matrix<std::complex<float>, SizeAtCompileType, 1> Vec_cf; in mixingtypes() 31 typedef Matrix<std::complex<double>, SizeAtCompileType, 1> Vec_cd; in mixingtypes()
|
/external/eigen/test/ |
D | vectorization_logic.cpp | 86 typedef Matrix<Scalar,PacketSize,1> Vector1; in run() 87 typedef Matrix<Scalar,Dynamic,1> VectorX; in run() 88 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixXX; in run() 89 typedef Matrix<Scalar,PacketSize,PacketSize> Matrix11; in run() 90 typedef Matrix<Scalar,2*PacketSize,2*PacketSize> Matrix22; in run() 91 …typedef Matrix<Scalar,(Matrix11::Flags&RowMajorBit)?16:4*PacketSize,(Matrix11::Flags&RowMajorBit)?… in run() 92 …typedef Matrix<Scalar,(Matrix11::Flags&RowMajorBit)?16:4*PacketSize,(Matrix11::Flags&RowMajorBit)?… in run() 93 typedef Matrix<Scalar,4*PacketSize,16,ColMajor> Matrix44c; in run() 94 typedef Matrix<Scalar,4*PacketSize,16,RowMajor> Matrix44r; in run() 96 typedef Matrix<Scalar, in run() [all …]
|
D | nomalloc.cpp | 107 typedef Eigen::Matrix<Scalar, in ctms_decompositions() 110 maxSize, maxSize> Matrix; in ctms_decompositions() typedef 112 typedef Eigen::Matrix<Scalar, in ctms_decompositions() 117 typedef Eigen::Matrix<std::complex<Scalar>, in ctms_decompositions() 122 const Matrix A(Matrix::Random(size, size)), B(Matrix::Random(size, size)); in ctms_decompositions() 123 Matrix X(size,size); in ctms_decompositions() 125 const Matrix saA = A.adjoint() * A; in ctms_decompositions() 130 Eigen::LLT<Matrix> LLT; LLT.compute(A); in ctms_decompositions() 133 Eigen::LDLT<Matrix> LDLT; LDLT.compute(A); in ctms_decompositions() 141 Eigen::EigenSolver<Matrix> eigSolver; eigSolver.compute(A); in ctms_decompositions() [all …]
|
D | integer_types.cpp | 59 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; in integer_type_tests() 71 …typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixT… in integer_type_tests() 139 CALL_SUBTEST_1( integer_type_tests(Matrix<unsigned int, 1, 1>()) ); in test_integer_types() 140 CALL_SUBTEST_1( integer_type_tests(Matrix<unsigned long, 3, 4>()) ); in test_integer_types() 142 CALL_SUBTEST_2( integer_type_tests(Matrix<long, 2, 2>()) ); in test_integer_types() 143 CALL_SUBTEST_2( signed_integer_type_tests(Matrix<long, 2, 2>()) ); in test_integer_types() 145 CALL_SUBTEST_3( integer_type_tests(Matrix<char, 2, Dynamic>(2, 10)) ); in test_integer_types() 146 CALL_SUBTEST_3( signed_integer_type_tests(Matrix<signed char, 2, Dynamic>(2, 10)) ); in test_integer_types() 148 CALL_SUBTEST_4( integer_type_tests(Matrix<unsigned char, 3, 3>()) ); in test_integer_types() 149 CALL_SUBTEST_4( integer_type_tests(Matrix<unsigned char, Dynamic, Dynamic>(20, 20)) ); in test_integer_types() [all …]
|
D | zerosized.cpp | 70 zeroSizedMatrix<Matrix<float, 2, Dynamic> >(); in test_zerosized() 72 zeroSizedMatrix<Matrix<float, 0, 0> >(); in test_zerosized() 73 zeroSizedMatrix<Matrix<float, Dynamic, 0, 0, 0, 0> >(); in test_zerosized() 74 zeroSizedMatrix<Matrix<float, 0, Dynamic, 0, 0, 0> >(); in test_zerosized() 75 zeroSizedMatrix<Matrix<float, Dynamic, Dynamic, 0, 0, 0> >(); in test_zerosized() 76 zeroSizedMatrix<Matrix<float, 0, 4> >(); in test_zerosized() 77 zeroSizedMatrix<Matrix<float, 4, 0> >(); in test_zerosized() 82 zeroSizedVector<Matrix<float, 0, 1> >(); in test_zerosized() 83 zeroSizedVector<Matrix<float, 1, 0> >(); in test_zerosized()
|
D | qr.cpp | 21 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> MatrixQType; in qr() 37 Matrix<Scalar,Rows,Cols> m1 = Matrix<Scalar,Rows,Cols>::Random(); in qr_fixedsize() 38 HouseholderQR<Matrix<Scalar,Rows,Cols> > qr(m1); in qr_fixedsize() 40 Matrix<Scalar,Rows,Cols> r = qr.matrixQR(); in qr_fixedsize() 46 Matrix<Scalar,Cols,Cols2> m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); in qr_fixedsize() 47 Matrix<Scalar,Rows,Cols2> m3 = m1*m2; in qr_fixedsize() 48 m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); in qr_fixedsize() 105 CALL_SUBTEST_3(( qr_fixedsize<Matrix<float,3,4>, 2 >() )); in test_qr() 106 CALL_SUBTEST_4(( qr_fixedsize<Matrix<double,6,2>, 4 >() )); in test_qr() 107 CALL_SUBTEST_5(( qr_fixedsize<Matrix<double,2,5>, 7 >() )); in test_qr() [all …]
|
D | umeyama.cpp | 22 Eigen::Matrix<T, Eigen::Dynamic, Eigen::Dynamic> randMatrixUnitary(int size) in randMatrixUnitary() 25 typedef Eigen::Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic> MatrixType; in randMatrixUnitary() 75 Eigen::Matrix<T, Eigen::Dynamic, Eigen::Dynamic> randMatrixSpecialUnitary(int size) in randMatrixSpecialUnitary() 79 typedef Eigen::Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic> MatrixType; in randMatrixSpecialUnitary() 95 typedef Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic> MatrixX; in run_test() 96 typedef Matrix<Scalar, Eigen::Dynamic, 1> VectorX; in run_test() 110 src.row(dim) = Matrix<Scalar, 1, Dynamic>::Constant(num_elements, Scalar(1)); in run_test() 124 typedef Matrix<Scalar, Dimension+1, Dynamic> MatrixX; in run_fixed_size_test() 125 typedef Matrix<Scalar, Dimension+1, Dimension+1> HomMatrix; in run_fixed_size_test() 126 typedef Matrix<Scalar, Dimension, Dimension> FixedMatrix; in run_fixed_size_test() [all …]
|
D | qr_colpivoting.cpp | 22 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> MatrixQType; in qr() 51 Matrix<Scalar,Rows,Cols> m1; in qr_fixedsize() 53 ColPivHouseholderQR<Matrix<Scalar,Rows,Cols> > qr(m1); in qr_fixedsize() 60 Matrix<Scalar,Rows,Cols> r = qr.matrixQR().template triangularView<Upper>(); in qr_fixedsize() 61 Matrix<Scalar,Rows,Cols> c = qr.householderQ() * r * qr.colsPermutation().inverse(); in qr_fixedsize() 64 Matrix<Scalar,Cols,Cols2> m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); in qr_fixedsize() 65 Matrix<Scalar,Rows,Cols2> m3 = m1*m2; in qr_fixedsize() 66 m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); in qr_fixedsize() 129 CALL_SUBTEST_4(( qr_fixedsize<Matrix<float,3,5>, 4 >() )); in test_qr_colpivoting() 130 CALL_SUBTEST_5(( qr_fixedsize<Matrix<double,6,2>, 3 >() )); in test_qr_colpivoting() [all …]
|
/external/llvm/include/llvm/CodeGen/PBQP/ |
D | Math.h | 163 class Matrix { 165 friend hash_code hash_value(const Matrix &); 169 Matrix(unsigned Rows, unsigned Cols) : in Matrix() function 175 Matrix(unsigned Rows, unsigned Cols, PBQPNum InitVal) in Matrix() function 181 Matrix(const Matrix &M) in Matrix() function 187 Matrix(Matrix &&M) in Matrix() function 194 ~Matrix() { delete[] Data; } in ~Matrix() 197 Matrix& operator=(const Matrix &M) { 206 Matrix& operator=(Matrix &&M) { 217 bool operator==(const Matrix &M) const { [all …]
|
D | ReductionRules.h | 33 typedef typename GraphT::Matrix Matrix; in applyR1() typedef 42 const Matrix &ECosts = G.getEdgeCosts(EId); in applyR1() 77 typedef typename GraphT::Matrix Matrix; in applyR2() typedef 95 const Matrix *YXECosts = FlipEdge1 ? in applyR2() 96 new Matrix(G.getEdgeCosts(YXEId).transpose()) : in applyR2() 99 const Matrix *ZXECosts = FlipEdge2 ? in applyR2() 100 new Matrix(G.getEdgeCosts(ZXEId).transpose()) : in applyR2() 133 const Matrix &YZECosts = G.getEdgeCosts(YZEId); in applyR2() 181 typedef typename GraphT::Matrix Matrix; in backpropagate() typedef 202 const Matrix& edgeCosts = G.getEdgeCosts(EId); in backpropagate()
|
/external/eigen/debug/msvc/ |
D | eigen_autoexp_part.dat | 9 ; * - Eigen::Matrix<*,4,1,*,*,*> and Eigen::Matrix<*,1,4,*,*,*> 10 ; * - Eigen::Matrix<*,3,1,*,*,*> and Eigen::Matrix<*,1,3,*,*,*> 11 ; * - Eigen::Matrix<*,2,1,*,*,*> and Eigen::Matrix<*,1,2,*,*,*> 12 ; * - Eigen::Matrix<*,-1,-1,*,*,*> 13 ; * - Eigen::Matrix<*,+,-1,*,*,*> 14 ; * - Eigen::Matrix<*,-1,+,*,*,*> 15 ; * - Eigen::Matrix<*,+,+,*,*,*> 28 Eigen::Matrix<*,4,1,*,*,*>|Eigen::Matrix<*,1,4,*,*,*>{ 53 Eigen::Matrix<*,3,1,*,*,*>|Eigen::Matrix<*,1,3,*,*,*>{ 77 Eigen::Matrix<*,2,1,*,*,*>|Eigen::Matrix<*,1,2,*,*,*>{ [all …]
|
/external/eigen/unsupported/Eigen/src/Eigenvalues/ |
D | ArpackSelfAdjointEigenSolver.h | 223 const Matrix<Scalar, Dynamic, Dynamic>& eigenvectors() const in eigenvectors() 245 const Matrix<Scalar, Dynamic, 1>& eigenvalues() const in eigenvalues() 269 Matrix<Scalar, Dynamic, Dynamic> operatorSqrt() const in operatorSqrt() 294 Matrix<Scalar, Dynamic, Dynamic> operatorInverseSqrt() const in operatorInverseSqrt() 318 Matrix<Scalar, Dynamic, Dynamic> m_eivec; 319 Matrix<Scalar, Dynamic, 1> m_eivalues; 522 Matrix<Scalar, Dynamic, 1>::Map(out2, n) = Matrix<Scalar, Dynamic, 1>::Map(in, n); in compute() 524 Matrix<Scalar, Dynamic, 1>::Map(out2, n) = B * Matrix<Scalar, Dynamic, 1>::Map(in, n); in compute() 535 Matrix<Scalar, Dynamic, 1>::Map(out, n) = A * Matrix<Scalar, Dynamic, 1>::Map(in, n); in compute() 547 Matrix<Scalar, Dynamic, 1>::Map(in, n) = A * Matrix<Scalar, Dynamic, 1>::Map(in, n); in compute() [all …]
|
/external/ceres-solver/internal/ceres/ |
D | small_blas_test.cc | 43 Matrix A(kRowA, kColA); in TEST() 48 Matrix B(kRowB, kColB); in TEST() 53 Matrix C(row_stride_c, col_stride_c); in TEST() 56 Matrix C_plus = C; in TEST() 57 Matrix C_minus = C; in TEST() 58 Matrix C_assign = C; in TEST() 60 Matrix C_plus_ref = C; in TEST() 61 Matrix C_minus_ref = C; in TEST() 62 Matrix C_assign_ref = C; in TEST() 126 Matrix A(kRowA, kColA); in TEST() [all …]
|
/external/eigen/demos/opengl/ |
D | gpuhelper.h | 41 void multMatrix(const Matrix<Scalar,4,4, _Flags, 4,4>& mat, GLenum matrixTarget); 51 void loadMatrix(const Eigen::Matrix<Scalar,4,4, _Flags, 4,4>& mat, GLenum matrixTarget); 70 inline void pushMatrix(const Matrix<Scalar,4,4, _Flags, 4,4>& mat, GLenum matrixTarget); 120 … static void loadMatrix(const Matrix<float, 4,4, _Flags, 4,4>& mat) { glLoadMatrixf(mat.data()); } 121 … static void loadMatrix(const Matrix<double,4,4, _Flags, 4,4>& mat) { glLoadMatrixd(mat.data()); } 122 … static void multMatrix(const Matrix<float, 4,4, _Flags, 4,4>& mat) { glMultMatrixf(mat.data()); } 123 … static void multMatrix(const Matrix<double,4,4, _Flags, 4,4>& mat) { glMultMatrixd(mat.data()); } 128 …static void loadMatrix(const Matrix<float, 4,4, _Flags, 4,4>& mat) { glLoadMatrixf(mat.transpose(… 129 …static void loadMatrix(const Matrix<double,4,4, _Flags, 4,4>& mat) { glLoadMatrixd(mat.transpose()… 130 …static void multMatrix(const Matrix<float, 4,4, _Flags, 4,4>& mat) { glMultMatrixf(mat.transpose(… [all …]
|
/external/eigen/bench/ |
D | benchCholesky.cpp | 44 …typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixT… in benchLLT() 129 benchLLT(Matrix<Scalar,Dynamic,Dynamic>(dynsizes[i],dynsizes[i])); in main() 131 benchLLT(Matrix<Scalar,2,2>()); in main() 132 benchLLT(Matrix<Scalar,3,3>()); in main() 133 benchLLT(Matrix<Scalar,4,4>()); in main() 134 benchLLT(Matrix<Scalar,5,5>()); in main() 135 benchLLT(Matrix<Scalar,6,6>()); in main() 136 benchLLT(Matrix<Scalar,7,7>()); in main() 137 benchLLT(Matrix<Scalar,8,8>()); in main() 138 benchLLT(Matrix<Scalar,12,12>()); in main() [all …]
|
/external/eigen/Eigen/src/Eigen2Support/Geometry/ |
D | RotationBase.h | 33 typedef Matrix<Scalar,Dim,Dim> RotationMatrixType; 63 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols> 64 ::Matrix(const RotationBase<OtherDerived,ColsAtCompileTime>& r) in Matrix() function 66 EIGEN_STATIC_ASSERT_MATRIX_SPECIFIC_SIZE(Matrix,int(OtherDerived::Dim),int(OtherDerived::Dim)) in Matrix() 76 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols>& 77 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols> 80 EIGEN_STATIC_ASSERT_MATRIX_SPECIFIC_SIZE(Matrix,int(OtherDerived::Dim),int(OtherDerived::Dim)) 103 static inline Matrix<Scalar,2,2> ei_toRotationMatrix(const Scalar& s) in ei_toRotationMatrix() 110 static inline Matrix<Scalar,Dim,Dim> ei_toRotationMatrix(const RotationBase<OtherDerived,Dim>& r) in ei_toRotationMatrix()
|
/external/clang/test/SemaCXX/ |
D | cxx11-call-to-deleted-constructor.cpp | 11 class Matrix { class 18 template <class VT, unsigned int SIZE> using Vector = Matrix<VT, SIZE, 1>; 24 template <class VT> class Matrix<VT, 0, 0> { // expected-note {{passing argument to parameter here}} class 27 Matrix(const unsigned int nRows, const unsigned int nColumns, const value_type* data = nullptr); 29 …Matrix(const std::initializer_list<value_type>& list) = delete; // expected-note {{'Matrix' has be… 35 Matrix<double> winI(0, 3); in getLaplacianClosedForm()
|
/external/eigen/blas/ |
D | common.h | 96 typedef Matrix<Scalar,Dynamic,Dynamic,ColMajor> PlainMatrixType; 97 typedef Map<Matrix<Scalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > MatrixType; 98 typedef Map<Matrix<Scalar,Dynamic,1>, 0, InnerStride<Dynamic> > StridedVectorType; 99 typedef Map<Matrix<Scalar,Dynamic,1> > CompactVectorType; 102 Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > 105 …return Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >(data, rows, cols, OuterStride<>(… in matrix() 109 Map<Matrix<T,Dynamic,1>, 0, InnerStride<Dynamic> > vector(T* data, int size, int incr) in vector() 111 return Map<Matrix<T,Dynamic,1>, 0, InnerStride<Dynamic> >(data, size, InnerStride<Dynamic>(incr)); in vector() 115 Map<Matrix<T,Dynamic,1> > vector(T* data, int size) in vector() 117 return Map<Matrix<T,Dynamic,1> >(data, size); in vector()
|
/external/eigen/Eigen/src/Geometry/ |
D | RotationBase.h | 37 typedef Matrix<Scalar,Dim,Dim> RotationMatrixType; 38 typedef Matrix<Scalar,Dim,1> VectorType; 104 typedef Matrix<typename RotationDerived::Scalar,Dim,Dim> ReturnType; 125 typedef Matrix<typename RotationDerived::Scalar,Dim,1> ReturnType; 140 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols> 141 ::Matrix(const RotationBase<OtherDerived,ColsAtCompileTime>& r) 143 EIGEN_STATIC_ASSERT_MATRIX_SPECIFIC_SIZE(Matrix,int(OtherDerived::Dim),int(OtherDerived::Dim)) 153 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols>& 154 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols> 157 EIGEN_STATIC_ASSERT_MATRIX_SPECIFIC_SIZE(Matrix,int(OtherDerived::Dim),int(OtherDerived::Dim)) [all …]
|