HomeSort by relevance Sort by last modified time
    Searched full:matrix (Results 1226 - 1250 of 4077) sorted by null

<<41424344454647484950>>

  /external/chromium_org/third_party/webrtc/modules/audio_coding/codecs/isac/main/source/
lpc_shape_swb12_tables.c 32 * A rotation matrix to decorrelate intra-vector correlation,
44 * A rotation matrix to remove correlation among LAR coefficients
45 * of different LAR vectors. One might guess that decorrelation matrix
  /external/chromium_org/ui/gfx/
transform.cc 262 // We can avoid inverting and transposing the matrix since we know we want
274 // If matrix was not invertible, then just assume back face is not visible.
313 // Initialize the return value to identity if this matrix turned
324 // after being transformed by this matrix (and implicitly projected by
337 // If the matrix does have perspective component that is affected by x or y
409 // TODO(sad): Try to avoid trying to invert the matrix.
421 // TODO(sad): Try to avoid trying to invert the matrix.
435 const SkMatrix& matrix = matrix_; local
436 matrix.mapRect(&src);
448 const SkMatrix& matrix = inverse local
    [all...]
  /external/deqp/modules/gles2/scripts/
gen-conversions.py 22 # * matrix from scalar: broadcast scalar to diagonal, other components zero
25 # * mat from mat: copy existing components, other components from identity matrix
43 # - matrix columns
295 # Scalar-to-matrix.
296 allConversionCases.append(CaseGroup("scalar_to_matrix", "Scalar to Matrix Conversions",
299 # Vector-to-matrix.
304 # Matrix-to-matrix.
305 allConversionCases.append(CaseGroup("matrix_to_matrix", "Matrix to Matrix Conversions"
    [all...]
  /external/deqp/modules/gles3/scripts/
gen-conversions.py 22 # * matrix from scalar: broadcast scalar to diagonal, other components zero
25 # * mat from mat: copy existing components, other components from identity matrix
43 # - matrix columns
327 # Scalar-to-matrix.
328 allConversionCases.append(CaseGroup("scalar_to_matrix", "Scalar to Matrix Conversions",
331 # Vector-to-matrix.
336 # Matrix-to-matrix.
337 allConversionCases.append(CaseGroup("matrix_to_matrix", "Matrix to Matrix Conversions"
    [all...]
  /external/eigen/Eigen/src/Core/
DenseStorage.h 111 * \brief Stores the data of a matrix
116 * \sa Matrix
120 // purely fixed-size matrix
138 // null matrix
164 // dynamic-size matrix with fixed-size storage
185 // dynamic-size matrix with fixed-size storage and fixed width
204 // dynamic-size matrix with fixed-size storage and fixed height
223 // purely dynamic matrix.
265 // matrix with dynamic width and fixed height (so that matrix has dynamic size)
    [all...]
  /external/eigen/Eigen/src/Core/products/
SelfadjointMatrixVector_MKL.h 29 * Selfadjoint matrix-vector product functionality based on ?SYMV/HEMV.
41 * This file implements selfadjoint matrix-vector multiplication using BLAS
78 typedef Matrix<EIGTYPE,Dynamic,1,ColMajor> SYMVVector;\
SelfadjointRank2Update.h 17 /* Optimized selfadjoint matrix += alpha * uv' + conj(alpha)*vu'
32 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i+i, size-i) +=
46 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i, i+1) +=
  /external/eigen/bench/
product_threshold.cpp 47 typedef Matrix<Scalar,M,K> Lhs; Lhs a; a.setRandom();
48 typedef Matrix<Scalar,K,N> Rhs; Rhs b; b.setRandom();
49 typedef Matrix<Scalar,M,N> Res; Res c; c.setRandom();
  /external/eigen/doc/
AsciiQuickReference.txt 6 Matrix<double, 3, 3> A; // Fixed rows and cols. Same as Matrix3d.
7 Matrix<double, 3, Dynamic> B; // Fixed rows, dynamic cols.
8 Matrix<double, Dynamic, Dynamic> C; // Full dynamic. Same as MatrixXd.
9 Matrix<double, 3, 3, RowMajor> E; // Row major; default is column-major.
10 Matrix3f P, Q, R; // 3x3 float matrix.
11 Vector3f x, y, z; // 3x1 float matrix.
12 RowVector3f a, b, c; // 1x3 float matrix.
48 // Matrix slicing and blocks. All expressions listed here are read/write.
98 // Matrix-vector. Matrix-matrix. Matrix-scalar
    [all...]
  /external/eigen/test/eigen2/
eigen2_svd.cpp 24 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> b =
25 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1>::Random(rows,1);
26 Matrix<Scalar, MatrixType::ColsAtCompileTime, 1> x(cols,1), x2(cols,1);
eigen2_visitor.cpp 19 // construct a random matrix where all coefficients are different
103 CALL_SUBTEST_1( matrixVisitor(Matrix<float, 1, 1>()) );
107 CALL_SUBTEST_5( matrixVisitor(Matrix<double,Dynamic,Dynamic,RowMajor>(20, 20)) );
  /external/eigen/test/
eigensolver_complex.cpp 84 // Test matrix with NaN
109 CALL_SUBTEST_3( eigensolver(Matrix<std::complex<float>, 1, 1>()) );
115 CALL_SUBTEST_3( eigensolver_verify_assert(Matrix<std::complex<float>, 1, 1>()) );
schur_complex.cpp 75 // Test matrix with NaN
86 CALL_SUBTEST_3(( schur<Matrix<std::complex<float>, 1, 1> >() ));
87 CALL_SUBTEST_4(( schur<Matrix<float, 3, 3, Eigen::RowMajor> >() ));
schur_real.cpp 96 // Test matrix with NaN
107 CALL_SUBTEST_3(( schur<Matrix<float, 1, 1> >() ));
108 CALL_SUBTEST_4(( schur<Matrix<double, 3, 3, Eigen::RowMajor> >() ));
sparse_vector.cpp 16 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix;
17 typedef Matrix<Scalar,Dynamic,1> DenseVector;
88 // sparse matrix to sparse vector
sparseqr.cpp 47 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMat;
48 typedef Matrix<Scalar,Dynamic,1> DenseVector;
83 // Compute explicitly the matrix Q
  /external/eigen/unsupported/Eigen/src/IterativeSolvers/
GMRES.h 23 * \param mat matrix of linear system of equations
64 typedef Matrix < Scalar, Dynamic, 1 > VectorType;
65 typedef Matrix < Scalar, Dynamic, Dynamic > FMatrixType;
83 FMatrixType H = FMatrixType::Zero(m, restart + 1); // Hessenberg matrix
105 // apply matrix M to v: v = mat * v;
147 // insert coefficients into upper matrix triangle
227 * \tparam _MatrixType the type of the sparse matrix A, can be a dense or a sparse matrix.
291 /** Initialize the solver with matrix \a A for further \c Ax=b solving.
296 * \warning this class stores a reference to the matrix A as well as som
    [all...]
  /external/libopus/silk/float/
corrMatrix_FLP.c 33 * Correlation matrix computations for LS estimate.
58 /* Calculates correlation matrix X'*X */
63 silk_float *XX /* O X'*X correlation matrix [order x order] */
  /external/mesa3d/src/gallium/state_trackers/vega/
path.h 34 struct matrix;
95 struct matrix *m);
107 void path_render(struct path *p, VGbitfield paintModes, struct matrix *mat);
renderer.h 44 struct matrix;
58 const struct matrix *modelview,
65 const struct matrix *modelview);
  /external/mesa3d/src/glsl/
ir_uniform.h 63 * Number of bytes from one vector in a matrix to the next.
140 * a matrix. Set to 0 for non-matrices in UBOs, or -1 for uniforms
152 /** GL_UNIFORM_ROW_MAJOR: true iff it's a row-major matrix in a UBO */
  /external/mesa3d/src/mesa/main/
clip.c 44 /* Clip-Space Plane = Eye-Space Plane * Projection Matrix */
72 * current modelview matrix and stored in the resulting eye coordinates.
76 * whenever the projection matrix changes.
  /external/qemu/distrib/sdl-1.2.15/src/video/dc/
SDL_dcevents.c 128 if (state->matrix[i]!=old_state.matrix[i]) {
132 SDL_PrivateKeyboard(state->matrix[i]?SDL_PRESSED:SDL_RELEASED,&keysym);
  /external/robolectric/src/main/java/com/xtremelabs/robolectric/shadows/
ShadowCanvas.java 115 public void drawBitmap(Bitmap bitmap, Matrix matrix, Paint paint) {
118 appendDescription(" transformed by matrix");
  /external/skia/bench/
tile_analyze.py 131 """For the given tile layout and per-tile bench values, returns a matrix of
141 Returns [sum, matrix] where sum is the total bench tile time that covers the
142 viewport, and matrix is used for visualizing the tiles.
152 matrix = [[0 for y in range(tile_cols)] for x in range(truncated_tile_rows)]
155 matrix[x][y] = values[x * tile_cols + y]
158 return [viewport_tile_sum, matrix]
160 def GetTileVisCodes(suffix, matrix):
162 visualizing the benches from the given tile config and matrix data.
167 for i in range(len(matrix[0])):
169 this_js += 'data_%s.addRows(%s);' % (suffix, str(matrix))
    [all...]

Completed in 816 milliseconds

<<41424344454647484950>>