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

<<31323334353637383940>>

  /external/skia/src/effects/gradients/
SkTwoPointConicalGradient_gpu.cpp 39 // Inverse of the current local matrix is passed in then,
64 const SkMatrix& matrix,
66 AutoEffectUnref effect(SkNEW_ARGS(Edge2PtConicalEffect, (ctx, shader, matrix, tm)));
93 const SkMatrix& matrix,
95 : INHERITED(ctx, shader, matrix, tm),
308 // Inverse of the current local matrix is passed in then,
317 SkMatrix matrix; local
319 matrix.setTranslate(-centerEnd.fX, -centerEnd.fY);
320 matrix.postScale(invRadius, invRadius);
323 matrix.mapPoints(&focalTrans, &focal, 1)
770 SkMatrix matrix; local
1292 SkMatrix matrix; local
    [all...]
  /packages/apps/Camera2/src/com/android/camera/app/
AppController.java 23 import android.graphics.Matrix;
203 * matrix of the preview TextureView. It does not modify the matrix before
206 * @param matrix transform matrix to be set on preview TextureView
209 public void updatePreviewTransformFullscreen(Matrix matrix, float aspectRatio);
220 * matrix of the preview TextureView. It is encouraged to use
222 * module needs to rotate the surface texture using transform matrix.
224 * @param matrix transform matrix to be set on preview TextureVie
    [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/pdfium/core/src/reflow/
layoutprocessor_reflow.cpp 273 CFX_AffineMatrix matrix(1, 0, 0, 1, dxCell, dy);
274 Transform(&matrix, m_pReflowedPage->m_pReflowed, pCell->m_BeginPos, pCell->m_EndPos - pCell->m_BeginPos + 1);
290 CFX_AffineMatrix matrix(1, 0, 0, 1, 0, dy);
291 Transform(&matrix, m_pReflowedPage->m_pReflowed, pCell->m_BeginPos, pCell->m_EndPos - pCell->m_BeginPos + 1);
297 CFX_AffineMatrix matrix(1, 0, 0, 1, 0, dy);
298 Transform(&matrix, m_pReflowedPage->m_pReflowed, pCell->m_BeginPos, pCell->m_EndPos - pCell->m_BeginPos + 1);
329 CFX_AffineMatrix matrix; local
337 rect = pObj->GetBBox(&matrix);
339 rect.Union(pObj->GetBBox(&matrix));
704 CFX_AffineMatrix matrix(1, 0, 0, 1, dx, 0)
780 CFX_AffineMatrix matrix; local
1004 CFX_AffineMatrix matrix; local
1108 CFX_AffineMatrix matrix; local
1528 CFX_AffineMatrix matrix; local
    [all...]
  /external/ceres-solver/internal/ceres/
suitesparse.h 90 // matrices stored in triplet form. The matrix A is not
108 // The matrix A is scaled using the matrix whose diagonal is the
118 // Create and return a matrix m = A * A'. Caller owns the
119 // result. The matrix A is not modified.
136 // matrix. This is done by using the AMD algorithm.
172 // on the matrix. See the documentation for CHOLMOD for more details.
179 // factorization for the matrix A or AA^T. Return true if
188 // Given a Cholesky factorization of a matrix A = LL^T, solve the
201 // compute the symbolic factorization of a matrix by either usin
    [all...]
  /frameworks/native/libs/input/
Input.cpp 353 static void transformPoint(const float matrix[9], float x, float y, float *outX, float *outY) {
355 float newX = matrix[0] * x + matrix[1] * y + matrix[2];
356 float newY = matrix[3] * x + matrix[4] * y + matrix[5];
357 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 126 const SkScalar* matrix = op.matrix(); local
127 if (matrix[15] ||
128 matrix[16] ||
129 matrix[17] ||
130 matrix[18] != 1 ||
131 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)
51 , m_matrix(matrix)
55 SVGTransform::SVGTransform(SVGTransformType transformType, float angle, const FloatPoint& center, const AffineTransform& matrix)
60 , m_matrix(matrix)
80 void SVGTransform::setMatrix(const AffineTransform& matrix)
83 m_matrix = matrix;
160 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/samplecode/
SampleAARects.cpp 78 SkMatrix matrix; local
126 matrix.setRotate(45.f);
127 canvas->concat(matrix);
159 matrix.setScale(-1.f, -1.f);
160 canvas->concat(matrix);
170 matrix.setScale(2.1f, 4.1f);
171 canvas->concat(matrix);
  /external/chromium_org/third_party/skia/tests/
ImageFilterTest.cpp 112 SkScalar matrix[20] = { s, 0, 0, 0, 0, local
116 SkAutoTUnref<SkColorFilter> filter(SkColorMatrixFilter::Create(matrix));
121 SkScalar matrix[20]; local
122 memset(matrix, 0, 20 * sizeof(SkScalar));
123 matrix[0] = matrix[5] = matrix[10] = 0.2126f;
124 matrix[1] = matrix[6] = matrix[11] = 0.7152f
334 SkMatrix matrix; local
718 SkMatrix matrix; local
    [all...]
  /external/chromium_org/third_party/webrtc/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.
  /external/eigen/Eigen/src/SparseLU/
SparseLU_kernel_bmod.h 21 * \param[in,out] dense Packed values of the original matrix
58 // Form Eigen matrix and vector
59 Map<Matrix<Scalar,SegSizeAtCompileTime,SegSizeAtCompileTime>, 0, OuterStride<> > A( &(lusup.data()[luptr]), segsize, segsize, OuterStride<>(lda) );
60 Map<Matrix<Scalar,SegSizeAtCompileTime,1> > u(tempv.data(), segsize);
64 // Dense matrix-vector product y <-- B*x
68 Map<Matrix<Scalar,Dynamic,SegSizeAtCompileTime>, 0, OuterStride<> > B( &(lusup.data()[luptr]), nrow, segsize, OuterStride<>(lda) );
71 Map<Matrix<Scalar,Dynamic,1>, 0, OuterStride<> > l(tempv.data()+segsize+aligned_offset+aligned_with_B_offset, nrow, OuterStride<>(ldl) );
  /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;
147 typedef Matrix<AD,2,1> VectorAD;
jacobisvd.cpp 96 typedef Matrix<RealScalar, Size, 1> RealVecType;
140 CALL_SUBTEST_11(( jacobisvd<Matrix<double,Dynamic,Dynamic> >
141 (Matrix<double,Dynamic,Dynamic>(16, 6)) ));
167 CALL_SUBTEST_5(( jacobisvd<Matrix<float,3,5> >() ));
168 CALL_SUBTEST_6(( jacobisvd<Matrix<double,Dynamic,2> >(Matrix<double,Dynamic,2>(10,2)) ));
177 // Test on inf/nan matrix
matrix_power.cpp 28 // for complex matrices, any matrix is fine
42 Matrix<T,2,2> A, B, C;
46 MatrixPower<Matrix<T,2,2> > Apow(A);
63 Matrix<std::complex<T>,2,2> A, B, C;
68 MatrixPower<Matrix<std::complex<T>,2,2> > Apow(A);
112 typedef Matrix<double,3,3,RowMajor> Matrix3dRowMajor;
113 typedef Matrix<long double,Dynamic,Dynamic> MatrixXe;
  /external/libopus/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/skia/samplecode/
SampleAARects.cpp 78 SkMatrix matrix; local
126 matrix.setRotate(45.f);
127 canvas->concat(matrix);
159 matrix.setScale(-1.f, -1.f);
160 canvas->concat(matrix);
170 matrix.setScale(2.1f, 4.1f);
171 canvas->concat(matrix);
  /external/skia/tests/
ImageFilterTest.cpp 112 SkScalar matrix[20] = { s, 0, 0, 0, 0, local
116 SkAutoTUnref<SkColorFilter> filter(SkColorMatrixFilter::Create(matrix));
121 SkScalar matrix[20]; local
122 memset(matrix, 0, 20 * sizeof(SkScalar));
123 matrix[0] = matrix[5] = matrix[10] = 0.2126f;
124 matrix[1] = matrix[6] = matrix[11] = 0.7152f
334 SkMatrix matrix; local
718 SkMatrix matrix; local
    [all...]
  /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>

Completed in 776 milliseconds

<<31323334353637383940>>