Home
last modified time | relevance | path

Searched refs:Matrix (Results 1 – 25 of 544) sorted by relevance

12345678910>>...22

/external/swiftshader/src/Renderer/
DMatrix.hpp24 struct Matrix struct
26 Matrix();
27 Matrix(const int i);
28 Matrix(const float m[16]);
29 Matrix(const float m[4][4]);
30 Matrix(float m11, float m12, float m13,
33 Matrix(float m11, float m12, float m13, float m14,
37 Matrix(const Vector &v1, const Vector &v2, const Vector &v3); // Column vectors
39 Matrix &operator=(const Matrix &N);
44 static Matrix diag(float m11, float m22, float m33, float m44);
[all …]
DMatrix.cpp22 Matrix Matrix::diag(float m11, float m22, float m33, float m44) in diag()
24 return Matrix(m11, 0, 0, 0, in diag()
30 Matrix::operator float*() in operator float*()
35 Matrix Matrix::operator+() const in operator +()
40 Matrix Matrix::operator-() const in operator -()
42 const Matrix &M = *this; in operator -()
44 return Matrix(-M(1, 1), -M(1, 2), -M(1, 3), -M(1, 4), in operator -()
50 Matrix Matrix::operator!() const in operator !()
52 const Matrix &M = *this; in operator !()
53 Matrix I; in operator !()
[all …]
DVertexProcessor.hpp202 virtual void setModelMatrix(const Matrix &M, int i = 0);
203 virtual void setViewMatrix(const Matrix &V);
204 virtual void setBaseMatrix(const Matrix &B);
205 virtual void setProjectionMatrix(const Matrix &P);
246 virtual void setTextureMatrix(int stage, const Matrix &T);
275 const Matrix &getModelTransform(int i);
276 const Matrix &getViewTransform();
316 void setTransform(const Matrix &M, int i);
317 void setCameraTransform(const Matrix &M, int i);
318 void setNormalTransform(const Matrix &M, int i);
[all …]
/external/deqp/framework/common/
DtcuMatrix.hpp35 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 …]
DtcuMatrixUtil.hpp34 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/webrtc/webrtc/modules/audio_processing/beamformer/
Dmatrix_unittest.cc30 Matrix<float> lh_mat(*kValuesLeft, kNumRows, kNumCols); in TEST()
31 Matrix<float> rh_mat(*kValuesRight, kNumRows, kNumCols); in TEST()
32 Matrix<float> expected_result(*kValuesExpected, kNumRows, kNumCols); in TEST()
33 Matrix<float> actual_result(kNumRows, kNumCols); in TEST()
54 Matrix<int> lh_mat(*kValuesLeft, kNumRowsLeft, kNumColsLeft); in TEST()
55 Matrix<int> rh_mat(*kValuesRight, kNumRowsRight, kNumColsRight); in TEST()
56 Matrix<int> expected_result(*kValuesExpected, kNumRowsLeft, kNumColsRight); in TEST()
57 Matrix<int> actual_result(kNumRowsLeft, kNumColsRight); in TEST()
76 Matrix<float> initial_mat(*kValuesInitial, kNumInitialRows, kNumInitialCols); in TEST()
77 Matrix<float> expected_result( in TEST()
[all …]
Dmatrix.h65 class Matrix {
67 Matrix() : num_rows_(0), num_columns_(0) {} in Matrix() function
70 Matrix(size_t num_rows, size_t num_columns) in Matrix() function
78 Matrix(const T* data, size_t num_rows, size_t num_columns) in Matrix() function
85 virtual ~Matrix() {} in ~Matrix()
88 void CopyFrom(const Matrix& other) { in CopyFrom()
98 Matrix& CopyFromColumn(const T* const* src, in CopyFromColumn()
134 Matrix& Transpose() { in Transpose()
140 Matrix& Transpose(const Matrix& operand) { in Transpose()
148 Matrix& Scale(const S& scalar) { in Scale()
[all …]
/external/eigen/Eigen/src/Core/
DMatrix.h18 struct traits<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> >
178 class Matrix
179 : public PlainObjectBase<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> >
186 typedef PlainObjectBase<Matrix> Base;
190 EIGEN_DENSE_PUBLIC_INTERFACE(Matrix)
206 EIGEN_STRONG_INLINE Matrix& operator=(const Matrix& other)
223 EIGEN_STRONG_INLINE Matrix& operator=(const DenseBase<OtherDerived>& other)
236 EIGEN_STRONG_INLINE Matrix& operator=(const EigenBase<OtherDerived> &other)
243 EIGEN_STRONG_INLINE Matrix& operator=(const ReturnByValue<OtherDerived>& func)
259 EIGEN_STRONG_INLINE Matrix() : Base()
[all …]
/external/eigen/test/
Dvectorization_logic.cpp108 typedef Matrix<Scalar,PacketSize,1> Vector1; in run()
109 typedef Matrix<Scalar,Dynamic,1> VectorX; in run()
110 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixXX; in run()
111 typedef Matrix<Scalar,PacketSize,PacketSize> Matrix11; in run()
112 typedef Matrix<Scalar,2*PacketSize,2*PacketSize> Matrix22; in run()
113 …typedef Matrix<Scalar,(Matrix11::Flags&RowMajorBit)?16:4*PacketSize,(Matrix11::Flags&RowMajorBit)?… in run()
114 …typedef Matrix<Scalar,(Matrix11::Flags&RowMajorBit)?16:4*PacketSize,(Matrix11::Flags&RowMajorBit)?… in run()
115 typedef Matrix<Scalar,4*PacketSize,4*PacketSize,ColMajor> Matrix44c; in run()
116 typedef Matrix<Scalar,4*PacketSize,4*PacketSize,RowMajor> Matrix44r; in run()
118 typedef Matrix<Scalar, in run()
[all …]
Dnomalloc.cpp98 typedef Eigen::Matrix<Scalar, in ctms_decompositions()
101 maxSize, maxSize> Matrix; in ctms_decompositions() typedef
103 typedef Eigen::Matrix<Scalar, in ctms_decompositions()
108 typedef Eigen::Matrix<std::complex<Scalar>, in ctms_decompositions()
113 const Matrix A(Matrix::Random(size, size)), B(Matrix::Random(size, size)); in ctms_decompositions()
114 Matrix X(size,size); in ctms_decompositions()
116 const Matrix saA = A.adjoint() * A; in ctms_decompositions()
121 Eigen::LLT<Matrix> LLT; LLT.compute(A); in ctms_decompositions()
124 Eigen::LDLT<Matrix> LDLT; LDLT.compute(A); in ctms_decompositions()
132 Eigen::EigenSolver<Matrix> eigSolver; eigSolver.compute(A); in ctms_decompositions()
[all …]
Dinteger_types.cpp59 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 …]
Dunalignedassert.cpp26 typedef Matrix<float, 6,1> Vector6f;
27 typedef Matrix<float, 8,1> Vector8f;
28 typedef Matrix<float, 12,1> Vector12f;
30 typedef Matrix<double, 5,1> Vector5d;
31 typedef Matrix<double, 6,1> Vector6d;
32 typedef Matrix<double, 7,1> Vector7d;
33 typedef Matrix<double, 8,1> Vector8d;
34 typedef Matrix<double, 9,1> Vector9d;
35 typedef Matrix<double,10,1> Vector10d;
36 typedef Matrix<double,12,1> Vector12d;
[all …]
Dqr.cpp21 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()
110 CALL_SUBTEST_3(( qr_fixedsize<Matrix<float,3,4>, 2 >() )); in test_qr()
111 CALL_SUBTEST_4(( qr_fixedsize<Matrix<double,6,2>, 4 >() )); in test_qr()
112 CALL_SUBTEST_5(( qr_fixedsize<Matrix<double,2,5>, 7 >() )); in test_qr()
[all …]
Dzerosized.cpp59Matrix<Scalar,Dynamic,Dynamic> prod = m.template block<MatrixType::RowsAtCompileTime,0>(0,0,rows,0… in zeroSizedMatrix()
88 zeroSizedMatrix<Matrix<float, 2, Dynamic> >(); in test_zerosized()
90 zeroSizedMatrix<Matrix<float, 0, 0> >(); in test_zerosized()
91 zeroSizedMatrix<Matrix<float, Dynamic, 0, 0, 0, 0> >(); in test_zerosized()
92 zeroSizedMatrix<Matrix<float, 0, Dynamic, 0, 0, 0> >(); in test_zerosized()
93 zeroSizedMatrix<Matrix<float, Dynamic, Dynamic, 0, 0, 0> >(); in test_zerosized()
94 zeroSizedMatrix<Matrix<float, 0, 4> >(); in test_zerosized()
95 zeroSizedMatrix<Matrix<float, 4, 0> >(); in test_zerosized()
100 zeroSizedVector<Matrix<float, 0, 1> >(); in test_zerosized()
101 zeroSizedVector<Matrix<float, 1, 0> >(); in test_zerosized()
/external/llvm/include/llvm/CodeGen/PBQP/
DMath.h163 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 …]
/external/eigen/blas/
Dcommon.h94 typedef Matrix<Scalar,Dynamic,Dynamic,ColMajor> PlainMatrixType;
95 typedef Map<Matrix<Scalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > MatrixType;
96 typedef Map<const Matrix<Scalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > ConstMatrixType;
97 typedef Map<Matrix<Scalar,Dynamic,1>, 0, InnerStride<Dynamic> > StridedVectorType;
98 typedef Map<Matrix<Scalar,Dynamic,1> > CompactVectorType;
101 Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >
104 …return Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >(data, rows, cols, OuterStride<>(… in matrix()
108 Map<const Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >
111 …return Map<const Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >(data, rows, cols, OuterStr… in matrix()
115 Map<Matrix<T,Dynamic,1>, 0, InnerStride<Dynamic> > make_vector(T* data, int size, int incr) in make_vector()
[all …]
/external/eigen/debug/msvc/
Deigen_autoexp_part.dat9 ; * - 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/
DArpackSelfAdjointEigenSolver.h223 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/eigen/doc/
DCustomizingEigen_InheritingMatrix.dox3 /** \page TopicCustomizing_InheritingMatrix Inheriting from Matrix
5 Before inheriting from Matrix, be really, I mean REALLY, sure that using
7 If you just need to add few members to Matrix, this is the way to go.
9 An example of when you actually need to inherit Matrix, is when you
11 MyVerySpecificVector1, MyVerySpecificVector2 -> MyVector1 -> Matrix and
12 MyVerySpecificVector3, MyVerySpecificVector4 -> MyVector2 -> Matrix.
26 const Eigen::MatrixBase<Eigen::Matrix<double, -0x000000001, 1, 0, -0x000000001, 1> >::Scalar&,
27 const Eigen::MatrixBase<Eigen::Matrix<double, -0x000000001, 1> >::StorageBaseType&)
28 (((const Eigen::MatrixBase<Eigen::Matrix<double, -0x000000001, 1> >::StorageBaseType&)
29 ((const Eigen::MatrixBase<Eigen::Matrix<double, -0x000000001, 1> >::StorageBaseType*)(& v))))’
/external/swiftshader/third_party/LLVM/include/llvm/CodeGen/PBQP/
DMath.h112 class Matrix {
116 Matrix(unsigned rows, unsigned cols) : in Matrix() function
122 Matrix(unsigned rows, unsigned cols, PBQPNum initVal) : in Matrix() function
128 Matrix(const Matrix &m) : in Matrix() function
134 ~Matrix() { delete[] data; } in ~Matrix()
137 Matrix& operator=(const Matrix &m) {
180 Matrix& reset(PBQPNum val = 0) {
186 Matrix& setRow(unsigned r, PBQPNum val) { in setRow()
193 Matrix& setCol(unsigned c, PBQPNum val) { in setCol()
201 Matrix transpose() const { in transpose()
[all …]
/external/eigen/demos/opengl/
Dgpuhelper.h41 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/
DbenchCholesky.cpp44 …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/swiftshader/src/OpenGL/common/
DMatrixStack.cpp23 stack = new Matrix[size]; in MatrixStack()
41 void MatrixStack::load(const Matrix &M) in load()
48 stack[top] = Matrix(M[0], M[4], M[8], M[12], in load()
56 stack[top] = Matrix((float)M[0], (float)M[4], (float)M[8], (float)M[12], in load()
64 stack[top] *= Matrix::translate(x, y, z); in translate()
86 sw::Matrix rotate(c+x*x*_c, x*y*_c-z*s, x*z*_c+y*s, in rotate()
100 stack[top] *= Matrix::scale(x, y, z); in scale()
110 stack[top] *= Matrix(M[0], M[4], M[8], M[12], in multiply()
118 stack[top] *= Matrix((float)M[0], (float)M[4], (float)M[8], (float)M[12], in multiply()
138 Matrix frustum(2 * n / (r - l), 0, A, 0, in frustum()
[all …]
/external/libtextclassifier/common/
Dembedding-network-params.h47 struct Matrix { struct
78 Matrix GetEmbeddingMatrix(int i) const { in GetEmbeddingMatrix() argument
80 Matrix matrix; in GetEmbeddingMatrix()
112 Matrix GetHiddenLayerMatrix(int i) const { in GetHiddenLayerMatrix()
114 Matrix matrix; in GetHiddenLayerMatrix()
129 Matrix GetHiddenLayerBias(int i) const { in GetHiddenLayerBias()
131 Matrix matrix; in GetHiddenLayerBias()
154 Matrix GetSoftmaxMatrix() const { in GetSoftmaxMatrix()
156 Matrix matrix; in GetSoftmaxMatrix()
171 Matrix GetSoftmaxBias() const { in GetSoftmaxBias()
[all …]
/external/clang/test/SemaCXX/
Dcxx11-call-to-deleted-constructor.cpp11 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);
29Matrix(const std::initializer_list<value_type>& list) = delete; // expected-note {{'Matrix' has be…
35 Matrix<double> winI(0, 3); in getLaplacianClosedForm()

12345678910>>...22