HomeSort by relevance Sort by last modified time
    Searched full:matrix (Results 726 - 750 of 3296) sorted by null

<<21222324252627282930>>

  /external/eigen/unsupported/Eigen/src/NonLinearOptimization/
lmpar.h 7 Matrix< Scalar, Dynamic, Dynamic > &r,
9 const Matrix< Scalar, Dynamic, 1 > &diag,
10 const Matrix< Scalar, Dynamic, 1 > &qtb,
13 Matrix< Scalar, Dynamic, 1 > &x)
34 Matrix< Scalar, Dynamic, 1 > wa1, wa2;
114 Matrix< Scalar, Dynamic, 1 > sdiag(n);
163 const ColPivHouseholderQR<Matrix< Scalar, Dynamic, Dynamic> > &qr,
164 const Matrix< Scalar, Dynamic, 1 > &diag,
165 const Matrix< Scalar, Dynamic, 1 > &qtb,
168 Matrix< Scalar, Dynamic, 1 > &x
    [all...]
  /external/mesa3d/src/glsl/
ast_function.cpp 514 * Dereference a specific component from a scalar, vector, or matrix
536 /* Dereference a row of the matrix, then call this function again to get
854 * Generate assignment of a portion of a vector to a portion of a matrix column
877 * that are to be assigned to the column of the matrix.
895 * Generate inline code for a matrix constructor
916 /* There are three kinds of matrix constructors.
918 * - Construct a matrix from a single scalar by replicating that scalar to
919 * along the diagonal of the matrix and setting all other components to
922 * - Construct a matrix from an arbirary combination of vectors and
924 * to the matrix in colum-major order until the matrix is full
1412 ir_rvalue *matrix = (ir_rvalue *) n; local
    [all...]
  /external/skia/src/effects/gradients/
SkGradientShaderPriv.h 213 * The interpretation of the texture matrix depends on the sample mode. The
214 * texture matrix is applied both when the texture coordinates are explicit
216 * case the texture matrix is applied to the pre-view-matrix position
220 * The post-matrix texture coordinates are in normalize space with (0,0) at
223 * The matrix specifies the radial gradient parameters.
224 * (0,0) in the post-matrix space is center of the radial gradient.
226 * Matrix transforms to space where first circle is centered at the
228 * 0 and is provided by setRadial2Params. The post-matrix space is
231 * The angle from the origin of texture coordinates in post-matrix spac
    [all...]
  /external/chromium-trace/trace-viewer/third_party/gl-matrix/dist/
gl-matrix.js 2 * @fileoverview gl-matrix - High performance matrix and vector operations
42 // gl-matrix lives in a browser, define its namespaces in global
47 // gl-matrix lives in commonjs, define its namespaces in exports
469 * @param {mat2} m matrix to transform with
485 * @param {mat2d} m matrix to transform with
502 * @param {mat3} m matrix to transform with
520 * @param {mat4} m matrix to transform with
979 * @param {mat4} m matrix to transform with
    [all...]
  /external/ceres-solver/internal/ceres/
covariance_impl.cc 148 // Find where in the covariance matrix the block is located.
218 Matrix block1_jacobian(block1_size, block1_local_size);
225 Matrix block2_jacobian(block2_size, block2_local_size);
252 // Determine the sparsity pattern of the covariance matrix based on
281 // first row corresponding to it in the covariance matrix using the
293 // Compute the number of non-zeros in the covariance matrix. Along
295 // triangular part of the matrix.
312 // Make sure we are constructing a block upper triangular matrix.
332 // Fill the sparsity pattern of the covariance matrix.
340 // covariance matrix. For each parameter block, look in the uppe
    [all...]
implicit_schur_complement.cc 107 // By breaking it down into individual matrix vector products
109 // PartitionedMatrixView of the input matrix A.
133 ConstVectorRef(x, num_cols()).array()).matrix();
142 // Given a block diagonal matrix and an optional array of diagonal
143 // entries D, add them to the diagonal of the matrix and compute the
159 m += d.array().square().matrix().asDiagonal();
165 .solve(Matrix::Identity(row_block_size, row_block_size));
169 // Similar to RightMultiply, use the block structure of the matrix A
205 // this using a series of matrix vector products.
  /external/chromium_org/third_party/skia/src/core/
SkBitmapProcState.cpp 36 // true iff the matrix contains, at most, scale and translate elements
42 * For the purposes of drawing bitmaps, if a matrix is "almost" translate
45 static bool just_trans_clamp(const SkMatrix& matrix, const SkBitmap& bitmap) {
46 SkASSERT(matrix_only_scale_translate(matrix));
48 if (matrix.getType() & SkMatrix::kScale_Mask) {
55 matrix.mapPoints(SkTCast<SkPoint*>(&dst),
62 // phase (in pixel space) that any translate in the matrix might impart.
71 static bool just_trans_general(const SkMatrix& matrix) {
72 SkASSERT(matrix_only_scale_translate(matrix));
74 if (matrix.getType() & SkMatrix::kScale_Mask)
    [all...]
  /external/skia/src/core/
SkBitmapProcState.cpp 36 // true iff the matrix contains, at most, scale and translate elements
42 * For the purposes of drawing bitmaps, if a matrix is "almost" translate
45 static bool just_trans_clamp(const SkMatrix& matrix, const SkBitmap& bitmap) {
46 SkASSERT(matrix_only_scale_translate(matrix));
48 if (matrix.getType() & SkMatrix::kScale_Mask) {
55 matrix.mapPoints(SkTCast<SkPoint*>(&dst),
62 // phase (in pixel space) that any translate in the matrix might impart.
71 static bool just_trans_general(const SkMatrix& matrix) {
72 SkASSERT(matrix_only_scale_translate(matrix));
74 if (matrix.getType() & SkMatrix::kScale_Mask)
    [all...]
  /frameworks/native/libs/input/
Input.cpp 422 static void transformPoint(const float matrix[9], float x, float y, float *outX, float *outY) {
424 float newX = matrix[0] * x + matrix[1] * y + matrix[2];
425 float newY = matrix[3] * x + matrix[4] * y + matrix[5];
426 float newZ = matrix[6] * x + matrix[7] * y + matrix[8]
    [all...]
  /cts/suite/cts/deviceTests/opengl/jni/primitive/fullpipeline/
FullPipelineRenderer.cpp 112 mModelMatrix = new Matrix();
129 // Set the view matrix.
130 mViewMatrix = Matrix::newLookAt(eyeX, eyeY, eyeZ, centerX, centerY, centerZ, upX, upY, upZ);
132 // Create a new perspective projection matrix. The height will stay the same
142 mProjectionMatrix = Matrix::newFrustum(left, right, bottom, top, near, far);
159 Matrix* transformMatrix = Matrix::newScale(scale, scale, scale);
  /cts/tests/tests/view/src/android/view/animation/cts/
RotateAnimationTest.java 21 import android.graphics.Matrix;
99 Matrix expectedMatrix = new Matrix();
123 private void assertMatrixEquals(Matrix expectedMatrix, Matrix actualMatrix) {
155 Matrix expectedMatrix = new Matrix();
  /external/chromium_org/cc/output/
filter_operations.cc 106 const SkScalar* matrix = op.matrix(); local
107 return matrix[15] || matrix[16] || matrix[17] || matrix[18] != 1 ||
108 matrix[19];
  /external/chromium_org/skia/ext/
platform_device_mac.cc 84 const SkMatrix& matrix) {
87 // the current transformation matrix identity and only then load the new one.
89 // Reset matrix to identity.
95 // assert that we have indeed returned to the identity Matrix.
101 SkMatrix transformed_matrix = matrix;
102 SkScalar sy = matrix.getScaleY() * (SkScalar)-1;
105 SkScalar ty = -matrix.getTranslateY(); // y axis is flipped.
  /external/chromium_org/third_party/WebKit/Source/core/svg/
SVGTransform.cpp 47 SVGTransform::SVGTransform(const AffineTransform& matrix)
50 , m_matrix(matrix)
54 void SVGTransform::setMatrix(const AffineTransform& matrix)
58 m_matrix = matrix;
63 // The underlying matrix has been changed, alter the transformation type.
64 // Spec: In case the matrix object is changed directly (i.e., without using the methods on the SVGTransform interface itself)
136 DEFINE_STATIC_LOCAL(String, matrixString, ("matrix("));
  /external/chromium_org/third_party/opus/src/silk/fixed/
corrMatrix_FIX.c 33 * Correlation Matrix Computations for LS estimate.
40 const opus_int16 *x, /* I x vector [L + order - 1] used to form data matrix X */
74 /* Calculates correlation matrix X'*X */
76 const opus_int16 *x, /* I x vector [L + order - 1] used to form data matrix X */
80 opus_int32 *XX, /* O Pointer to X'*X correlation matrix [ order x order ] */
108 /* Fill out the diagonal of the correlation matrix */
118 /* Calculate the remaining elements of the correlation matrix */
  /external/chromium_org/third_party/skia/src/gpu/gl/
GrGLEffectMatrix.cpp 115 // varying = matrix * coords (logically)
189 const SkMatrix& matrix,
199 GrAssert(matrix.isIdentity());
204 GrAssert(SkMatrix::kTranslate_Mask == (matrix.getType() | coordChangeMatrix.getType()));
206 SkScalar tx = matrix[SkMatrix::kMTransX] + (coordChangeMatrix)[SkMatrix::kMTransX];
207 SkScalar ty = matrix[SkMatrix::kMTransY] + (coordChangeMatrix)[SkMatrix::kMTransY];
218 combined.setConcat(matrix, coordChangeMatrix);
  /external/eigen/test/eigen2/
eigen2_triangular.cpp 16 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
31 identity = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
33 square = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
150 CALL_SUBTEST_1( triangular(Matrix<float, 1, 1>()) );
151 CALL_SUBTEST_2( triangular(Matrix<float, 2, 2>()) );
154 CALL_SUBTEST_5( triangular(Matrix<std::complex<float>,8, 8>()) );
156 CALL_SUBTEST_7( triangular(Matrix<float,Dynamic,Dynamic,RowMajor>(5, 5)) );
  /external/eigen/unsupported/test/
autodiff.cpp 39 typedef Matrix<Scalar,InputsAtCompileTime,1> InputType;
40 typedef Matrix<Scalar,ValuesAtCompileTime,1> ValueType;
41 typedef Matrix<Scalar,ValuesAtCompileTime,InputsAtCompileTime> JacobianType;
52 void operator() (const Matrix<T,InputsAtCompileTime,1>& x, Matrix<T,ValuesAtCompileTime,1>* _v) const
54 Matrix<T,ValuesAtCompileTime,1>& v = *_v;
145 typedef Matrix<AD,2,1> VectorAD;
  /external/skia/src/gpu/gl/
GrGLEffectMatrix.cpp 115 // varying = matrix * coords (logically)
189 const SkMatrix& matrix,
199 GrAssert(matrix.isIdentity());
204 GrAssert(SkMatrix::kTranslate_Mask == (matrix.getType() | coordChangeMatrix.getType()));
206 SkScalar tx = matrix[SkMatrix::kMTransX] + (coordChangeMatrix)[SkMatrix::kMTransX];
207 SkScalar ty = matrix[SkMatrix::kMTransY] + (coordChangeMatrix)[SkMatrix::kMTransY];
218 combined.setConcat(matrix, coordChangeMatrix);
  /external/webrtc/src/modules/audio_coding/codecs/isac/main/source/
encode_lpc_swb.h 51 * of one frame are put in a matrix where each column is a LAR vector of a
52 * sub-frame, then this is equivalent to multiplying the LAR matrix with
73 * of one frame are put in a matrix where each column is a LAR vector of a
74 * sub-frame, then this is equivalent to multiplying the LAR matrix with
78 * -data : pointer to matrix of LAR vectors. The matrix
206 * multiplying gain vector with decorrelating matrix.
  /frameworks/base/docs/html/sdk/api_diff/19/changes/
android.opengl.Matrix.html 10 android.opengl.Matrix
74 Class android.opengl.<A HREF="../../../../reference/android/opengl/Matrix.html" target="_top"><font size="+2"><code>Matrix</code></font></A>
85 <A NAME="android.opengl.Matrix.ctor_changed()"></A>
86 <nobr><A HREF="../../../../reference/android/opengl/Matrix.html#Matrix()" target="_top"><code>Matrix</code></A>() </nobr>
  /frameworks/base/graphics/java/android/graphics/
PathMeasure.java 99 * corresponding matrix. Returns false if there is no path, or a zero-length
100 * path was specified, in which case matrix is unchanged.
103 * @param matrix Allocated by the caller, this is set to the transformation
105 * @param flags Specified what aspects should be returned in the matrix.
107 public boolean getMatrix(float distance, Matrix matrix, int flags) {
108 return native_getMatrix(native_instance, distance, matrix.native_instance, flags);
  /frameworks/base/opengl/java/android/opengl/
Visibility.java 29 * @param ws the world space to screen space transform matrix, as an OpenGL
30 * column matrix.
54 * Given an OpenGL ES ModelView-Projection matrix (which implicitly
58 * A ModelView-Projection matrix can be computed by multiplying the
59 * a Projection matrix by the a ModelView matrix (in that order.). There
80 * @param mvp a float array containing the mode-view-projection matrix
  /frameworks/base/tests/HwAccelerationTest/src/com/android/test/hwui/
ShadersActivity.java 27 import android.graphics.Matrix;
55 private Matrix mMtx1;
56 private Matrix mMtx2;
57 private Matrix mMtx3;
73 mMtx1 = new Matrix();
80 mMtx2 = new Matrix();
86 mMtx3 = new Matrix();
  /external/eigen/Eigen/src/Core/
ArrayBase.h 22 * An array is similar to a dense vector or matrix. While matrices are mathematical
88 /** \internal the plain matrix type corresponding to this expression. Note that is not necessarily
90 * reference to a matrix, not a matrix! It is however guaranteed that the return type of eval() is either
102 /** \internal Represents a matrix with all coefficients equal to one another*/
146 /** \returns an \link MatrixBase Matrix \endlink expression of this array
148 MatrixWrapper<Derived> matrix() { return derived(); } function in class:Eigen::ArrayBase
149 const MatrixWrapper<const Derived> matrix() const { return derived(); } function in class:Eigen::ArrayBase
152 // inline void evalTo(Dest& dst) const { dst = matrix(); }

Completed in 1342 milliseconds

<<21222324252627282930>>