Home
last modified time | relevance | path

Searched full:matrix (Results 1 – 25 of 4057) sorted by relevance

12345678910>>...163

/external/autotest/client/deps/webgl_mpd/src/resources/
DJ3DIMath.js31 J3DIMatrix4 - A 4x4 Matrix
37 This class implements a 4x4 matrix. It has functions which duplicate the
38 functionality of the OpenGL matrix stack and glut functions. On browsers
44 … Constructor(in J3DIMatrix4 matrix), // copy passed matrix into new J3DIMatrix4
46 … Constructor() // create new J3DIMatrix4 with identity matrix
49 … void load(in J3DIMatrix4 matrix); // copy the values from the passed matrix
50 void load(in sequence<float> array); // copy 16 floats into the matrix
51 … sequence<float> getAsArray(); // return the matrix as an array of 16 floats
52 …Float32Array getAsFloat32Array(); // return the matrix as a Float32Array with 16 values
53 …void setUniform(in WebGLRenderingContext ctx, // Send the matrix to the passed uniform locat…
[all …]
/external/robolectric-shadows/robolectric/src/test/java/org/robolectric/shadows/
DShadowMatrixTest.java6 import android.graphics.Matrix;
21 Matrix m = new Matrix(); in preOperationsAreStacked()
35 Matrix m = new Matrix(); in postOperationsAreQueued()
49 Matrix m = new Matrix(); in setOperationsOverride()
63 final Matrix matrix = new Matrix(); in set_shouldAddOpsToMatrix() local
64 matrix.setScale(1, 1); in set_shouldAddOpsToMatrix()
65 matrix.preScale(2, 2, 2, 2); in set_shouldAddOpsToMatrix()
66 matrix.postScale(3, 3, 3, 3); in set_shouldAddOpsToMatrix()
68 final ShadowMatrix shadow = shadowOf(matrix); in set_shouldAddOpsToMatrix()
76 final Matrix matrix = new Matrix(); in setScale_shouldAddOpsToMatrix() local
[all …]
/external/deqp-deps/glslang/Test/baseResults/
Dhlsl.matType.int.frag.out9 0:25 move second child to first child ( temp 1X1 matrix of int)
10 0:25 'r00' ( temp 1X1 matrix of int)
11 0:25 transpose ( temp 1X1 matrix of int)
12 0:25 'i1x1' ( temp 1X1 matrix of int)
14 0:26 move second child to first child ( temp 1X2 matrix of int)
15 0:26 'r01' ( temp 1X2 matrix of int)
16 0:26 transpose ( temp 1X2 matrix of int)
17 0:26 'i2x1' ( temp 2X1 matrix of int)
19 0:27 move second child to first child ( temp 1X3 matrix of int)
20 0:27 'r02' ( temp 1X3 matrix of int)
[all …]
Dhlsl.mul-truncate.frag.out2 WARNING: 0:24: '' : mul() matrix size mismatch
3 WARNING: 0:25: '' : mul() matrix size mismatch
4 WARNING: 0:28: '' : mul() matrix size mismatch
5 WARNING: 0:29: '' : mul() matrix size mismatch
6 WARNING: 0:32: '' : mul() matrix size mismatch
7 WARNING: 0:33: '' : mul() matrix size mismatch
8 WARNING: 0:34: '' : mul() matrix size mismatch
9 WARNING: 0:35: '' : mul() matrix size mismatch
22matrix of float m44, layout( row_major std140) uniform 4X3 matrix of float m43, layout( row_major …
27matrix of float m44, layout( row_major std140) uniform 4X3 matrix of float m43, layout( row_major …
[all …]
Dmatrix2.frag.out12 0:21 move second child to first child ( temp 3X4 matrix of float)
13 0:21 'm34' ( temp 3X4 matrix of float)
14 0:21 outer product ( global 3X4 matrix of float)
17 0:23 add second child into first child ( temp 3X4 matrix of float)
18 0:23 'm34' ( temp 3X4 matrix of float)
41 0:26 vector-times-matrix ( temp 3-component vector of float)
43 0:26 'm34' ( temp 3X4 matrix of float)
46 0:28 matrix scale second child into first child ( temp 3X4 matrix of float)
47 0:28 'm34' ( temp 3X4 matrix of float)
53 0:30 move second child to first child ( temp 4X4 matrix of float)
[all …]
Dhlsl.type.type.conversion.all.frag.out2 ERROR: 0:88: '=' : cannot convert from ' const 2X2 matrix of float' to ' temp 2-component vector o…
3 ERROR: 0:89: '=' : cannot convert from ' const 2X3 matrix of float' to ' temp 2-component vector o…
4 ERROR: 0:90: '=' : cannot convert from ' const 2X4 matrix of float' to ' temp 2-component vector o…
5 ERROR: 0:91: '=' : cannot convert from ' const 3X2 matrix of float' to ' temp 2-component vector o…
6 ERROR: 0:92: '=' : cannot convert from ' const 3X3 matrix of float' to ' temp 2-component vector o…
7 ERROR: 0:93: '=' : cannot convert from ' const 3X4 matrix of float' to ' temp 2-component vector o…
8 ERROR: 0:94: '=' : cannot convert from ' const 4X2 matrix of float' to ' temp 2-component vector o…
9 ERROR: 0:95: '=' : cannot convert from ' const 4X3 matrix of float' to ' temp 2-component vector o…
10 ERROR: 0:96: '=' : cannot convert from ' const 4X4 matrix of float' to ' temp 2-component vector o…
12 ERROR: 0:98: '=' : cannot convert from ' const 2X2 matrix of float' to ' temp 3-component vector o…
[all …]
Dhlsl.matpack-pragma.frag.out17 0:31 mat1: direct index for structure (layout( row_major) temp 4X4 matrix of flo…
18 …row_major) temp 4X4 matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, lay…
19matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, layout( column_major) t…
27 0:31 mat2: direct index for structure (layout( column_major) temp 4X4 matrix of …
28 …row_major) temp 4X4 matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, lay…
29matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, layout( column_major) t…
37 0:31 mat3: direct index for structure (layout( column_major) temp 4X4 matrix of fl…
38 …row_major) temp 4X4 matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, lay…
39matrix of float mat1, layout( column_major) temp 4X4 matrix of float mat2, layout( column_major) t…
47 0:32 mat1: direct index for structure (layout( row_major) temp 4X4 matrix of float)
[all …]
Dhlsl.matType.bool.frag.out9 0:25 move second child to first child ( temp 1X1 matrix of bool)
10 0:25 'r00' ( temp 1X1 matrix of bool)
11 0:25 transpose ( temp 1X1 matrix of bool)
12 0:25 'b1x1' ( temp 1X1 matrix of bool)
14 0:26 move second child to first child ( temp 1X2 matrix of bool)
15 0:26 'r01' ( temp 1X2 matrix of bool)
16 0:26 transpose ( temp 1X2 matrix of bool)
17 0:26 'b2x1' ( temp 2X1 matrix of bool)
19 0:27 move second child to first child ( temp 1X3 matrix of bool)
20 0:27 'r02' ( temp 1X3 matrix of bool)
[all …]
Dhlsl.matNx1.frag.out9 0:13 move second child to first child ( temp 1X1 matrix of float)
10 0:13 'r00' ( temp 1X1 matrix of float)
11 0:13 transpose ( temp 1X1 matrix of float)
12 0:13 'f1x1' ( temp 1X1 matrix of float)
14 0:14 move second child to first child ( temp 1X2 matrix of float)
15 0:14 'r01' ( temp 1X2 matrix of float)
16 0:14 transpose ( temp 1X2 matrix of float)
17 0:14 'f2x1' ( temp 2X1 matrix of float)
19 0:15 move second child to first child ( temp 1X3 matrix of float)
20 0:15 'r02' ( temp 1X3 matrix of float)
[all …]
Dhlsl.intrinsics.vert.out680 0:331 Function Definition: VertexShaderFunction2x2(mf22;mf22;mf22; ( temp 2X2 matrix of float)
682 0:331 'inF0' ( in 2X2 matrix of float)
683 0:331 'inF1' ( in 2X2 matrix of float)
684 0:331 'inF2' ( in 2X2 matrix of float)
687 0:333 Convert float to bool ( temp 2X2 matrix of bool)
688 0:333 'inF0' ( in 2X2 matrix of float)
689 0:333 Absolute value ( temp 2X2 matrix of float)
690 0:333 'inF0' ( in 2X2 matrix of float)
691 0:333 arc cosine ( temp 2X2 matrix of float)
692 0:333 'inF0' ( in 2X2 matrix of float)
[all …]
Dhlsl.intrinsics.frag.out1593 0:401 Function Definition: PixelShaderFunction2x2(mf22;mf22;mf22; ( temp 2X2 matrix of float)
1595 0:401 'inF0' ( in 2X2 matrix of float)
1596 0:401 'inF1' ( in 2X2 matrix of float)
1597 0:401 'inF2' ( in 2X2 matrix of float)
1603 0:403 Convert float to bool ( temp 2X2 matrix of bool)
1604 0:403 'inF0' ( in 2X2 matrix of float)
1606 0:403 move second child to first child ( temp 2X2 matrix of float)
1607 0:403 'r001' ( temp 2X2 matrix of float)
1608 0:403 Absolute value ( temp 2X2 matrix of float)
1609 0:403 'inF0' ( in 2X2 matrix of float)
[all …]
/external/deqp/framework/common/
DtcuMatrix.hpp23 * \brief Templatized matrix class.
33 // Templated matrix class.
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);
[all …]
/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 …]
/external/swiftshader/src/Device/
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 …]
/external/tensorflow/tensorflow/contrib/boosted_trees/lib/utils/
Dexample_test.cc28 // Create the following matrix (FC is feature column): in TEST_F()
38 std::vector<SparseFloatFeatureColumn<float>> matrix; in TEST_F() local
39 matrix.resize(6); in TEST_F()
40 matrix[0].SetDimension(3); in TEST_F()
41 matrix[1].SetDimension(3); in TEST_F()
42 matrix[2].SetDimension(3); in TEST_F()
43 matrix[3].SetDimension(3); in TEST_F()
44 matrix[4].SetDimension(1); in TEST_F()
45 matrix[5].SetDimension(1); in TEST_F()
47 matrix[0].Add(1, 0.4f); in TEST_F()
[all …]
/external/libtextclassifier/lang_id/common/flatbuffers/
Dembedding-network-params-from-flatbuffer.h63 const saft_fbs::Matrix *matrix = SafeGetEmbeddingMatrix(i); in embeddings_num_rows() local
64 return SafeGetNumRows(matrix); in embeddings_num_rows()
68 const saft_fbs::Matrix *matrix = SafeGetEmbeddingMatrix(i); in embeddings_num_cols() local
69 return SafeGetNumCols(matrix); in embeddings_num_cols()
73 const saft_fbs::Matrix *matrix = SafeGetEmbeddingMatrix(i); in embeddings_weights() local
74 return SafeGetValuesOfMatrix(matrix); in embeddings_weights()
78 const saft_fbs::Matrix *matrix = SafeGetEmbeddingMatrix(i); in embeddings_quant_type() local
79 return SafeGetQuantizationType(matrix); in embeddings_quant_type()
83 const saft_fbs::Matrix *matrix = SafeGetEmbeddingMatrix(i); in embeddings_quant_scales() local
84 return SafeGetScales(matrix); in embeddings_quant_scales()
[all …]
/external/eigen/Eigen/src/LU/
DInverseImpl.h26 static inline void run(const MatrixType& matrix, ResultType& result) in run()
28 result = matrix.partialPivLu().inverse(); in run()
43 static inline void run(const MatrixType& matrix, ResultType& result)
46 internal::evaluator<MatrixType> matrixEval(matrix);
56 const MatrixType& matrix,
64 determinant = matrix.coeff(0,0);
77 const MatrixType& matrix, const typename ResultType::Scalar& invdet,
80 result.coeffRef(0,0) = matrix.coeff(1,1) * invdet;
81 result.coeffRef(1,0) = -matrix.coeff(1,0) * invdet;
82 result.coeffRef(0,1) = -matrix.coeff(0,1) * invdet;
[all …]
/external/eigen/unsupported/Eigen/
DMatrixFunctions22 * \defgroup MatrixFunctions_Module Matrix functions module
24 * matrix functions.
33 * - \ref matrixbase_cos "MatrixBase::cos()", for computing the matrix cosine
34 * - \ref matrixbase_cosh "MatrixBase::cosh()", for computing the matrix hyperbolic cosine
35 * - \ref matrixbase_exp "MatrixBase::exp()", for computing the matrix exponential
36 * - \ref matrixbase_log "MatrixBase::log()", for computing the matrix logarithm
37 * - \ref matrixbase_pow "MatrixBase::pow()", for computing the matrix power
38 …* - \ref matrixbase_matrixfunction "MatrixBase::matrixFunction()", for computing general matrix f…
39 * - \ref matrixbase_sin "MatrixBase::sin()", for computing the matrix sine
40 * - \ref matrixbase_sinh "MatrixBase::sinh()", for computing the matrix hyperbolic sine
[all …]
/external/webrtc/webrtc/modules/audio_processing/beamformer/
Dmatrix.h41 // Matrix is a class for doing standard matrix operations on 2 dimensional
42 // matrices of any size. Results of matrix operations are stored in the
49 // 'In-place' operations that inherently change the size of the matrix (eg.
57 // Memory for storage is allocated when a matrix is resized only if the new
62 // matrix. TODO(claguna): albeit tricky, allow for data to be referenced
65 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
77 // Copies |data| into the new Matrix.
78 Matrix(const T* data, size_t num_rows, size_t num_columns) in Matrix() function
[all …]
/external/pdfium/fxbarcode/qrcode/
DBC_QRCoderMatrixUtil.cpp78 void CBC_QRCoderMatrixUtil::ClearMatrix(CBC_CommonByteMatrix* matrix, in ClearMatrix() argument
80 if (!matrix) { in ClearMatrix()
84 matrix->clear((uint8_t)-1); in ClearMatrix()
91 CBC_CommonByteMatrix* matrix, in BuildMatrix() argument
93 if (!matrix) { in BuildMatrix()
97 ClearMatrix(matrix, e); in BuildMatrix()
100 EmbedBasicPatterns(version, matrix, e); in BuildMatrix()
103 EmbedTypeInfo(ecLevel, maskPattern, matrix, e); in BuildMatrix()
106 MaybeEmbedVersionInfo(version, matrix, e); in BuildMatrix()
109 EmbedDataBits(dataBits, maskPattern, matrix, e); in BuildMatrix()
[all …]
/external/eigen/test/
Dgeo_transformations.cpp16 Matrix<T,2,1> angleToVec(T a) in angleToVec()
18 return Matrix<T,2,1>(std::cos(a), std::sin(a)); in angleToVec()
31 typedef Matrix<Scalar,3,1> Vector3; in non_projective_only()
50 VERIFY_IS_APPROX(t0.matrix(), Transform3::MatrixType::Identity()); in non_projective_only()
69 VERIFY((t0 * t1).matrix().isIdentity(test_precision<Scalar>())); in non_projective_only()
72 VERIFY_IS_APPROX(t1.matrix(), t0.matrix()); in non_projective_only()
93 typedef Matrix<Scalar,3,3> Matrix3; in transformations()
94 typedef Matrix<Scalar,4,4> Matrix4; in transformations()
95 typedef Matrix<Scalar,2,1> Vector2; in transformations()
96 typedef Matrix<Scalar,3,1> Vector3; in transformations()
[all …]
/external/eigen/Eigen/src/Core/
DMatrix.h18 struct traits<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> >
55 /** \class Matrix
58 * \brief The matrix class, also used for vectors and row-vectors
60 …* The %Matrix class is the work-horse for all \em dense (\ref dense "note") matrices and vectors w…
63 …* The %Matrix class encompasses \em both fixed-size and dynamic-size objects (\ref fixedsize "note…
81 * \li \c Matrix2d is a 2x2 square matrix of doubles (\c Matrix<double, 2, 2>)
82 * \li \c Vector4f is a vector of 4 floats (\c Matrix<float, 4, 1>)
83 * \li \c RowVector3i is a row-vector of 3 ints (\c Matrix<int, 1, 3>)
85 * \li \c MatrixXf is a dynamic-size matrix of floats (\c Matrix<float, Dynamic, Dynamic>)
86 * \li \c VectorXf is a dynamic-size vector of floats (\c Matrix<float, Dynamic, 1>)
[all …]
/external/tensorflow/tensorflow/python/ops/linalg/
Dlinalg_impl.py64 def logdet(matrix, name=None): argument
65 """Computes log of the determinant of a hermitian positive definite matrix.
68 # Compute the determinant of a matrix while reducing the chance of over- or
75 matrix: A `Tensor`. Must be `float16`, `float32`, `float64`, `complex64`,
80 The natural log of the determinant of `matrix`.
89 with ops.name_scope(name, 'logdet', [matrix]):
90 chol = gen_linalg_ops.cholesky(matrix)
97 def adjoint(matrix, name=None): argument
98 """Transposes the last two dimensions of and conjugates tensor `matrix`.
111 matrix: A `Tensor`. Must be `float16`, `float32`, `float64`, `complex64`,
[all …]
/external/skqp/docs/
DSkMatrix_Reference.bmh1 #Topic Matrix
11 Matrix holds a 3 by 3 matrix for transforming coordinates. This allows mapping
15 Matrix elements are in row major order. Matrix does not have a constructor,
16 so it must be explicitly initialized. setIdentity initializes Matrix
18 initializes all Matrix elements with the corresponding mapping.
20 Matrix includes a hidden variable that classifies the type of matrix to
21 improve performance. Matrix is not thread safe unless getType is called first.
64 SkMatrix matrix = SkMatrix::MakeTrans(64, 48);
67 canvas->concat(matrix);
106 #Line # bit field for Matrix complexity ##
[all …]
/external/skia/docs/
DSkMatrix_Reference.bmh1 #Topic Matrix
11 Matrix holds a 3 by 3 matrix for transforming coordinates. This allows mapping
15 Matrix elements are in row major order. Matrix does not have a constructor,
16 so it must be explicitly initialized. setIdentity initializes Matrix
18 initializes all Matrix elements with the corresponding mapping.
20 Matrix includes a hidden variable that classifies the type of matrix to
21 improve performance. Matrix is not thread safe unless getType is called first.
64 SkMatrix matrix = SkMatrix::MakeTrans(64, 48);
67 canvas->concat(matrix);
105 #Line # bit field for Matrix complexity ##
[all …]

12345678910>>...163