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

<<11121314151617181920>>

  /external/eigen/test/eigen2/
eigen2_nomalloc.cpp 28 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
37 identity = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
39 square = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
60 CALL_SUBTEST_1( nomalloc(Matrix<float, 1, 1>()) );
62 CALL_SUBTEST_3( nomalloc(Matrix<float,32,32>()) );
eigen2_swap.cpp 20 struct other_matrix_type<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> >
22 typedef Matrix<_Scalar, _Rows, _Cols, _Options^RowMajor, _MaxRows, _MaxCols> type;
34 // construct 3 matrix guaranteed to be distinct
57 // test swapping matrix with expression
71 // test assertion on mismatching size -- matrix case
  /external/eigen/test/
swap.cpp 20 struct other_matrix_type<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols> >
22 typedef Matrix<_Scalar, _Rows, _Cols, _Options^RowMajor, _MaxRows, _MaxCols> type;
34 // construct 3 matrix guaranteed to be distinct
57 // test swapping matrix with expression
71 // test assertion on mismatching size -- matrix case
  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
MatrixSquareRoot.h 16 * \brief Class for computing matrix square roots of upper quasi-triangular matrices.
17 * \tparam MatrixType type of the argument of the matrix square root,
18 * expected to be an instantiation of the Matrix class template.
21 * matrix stored in the upper Hessenberg part of the matrix passed to
33 * \param[in] A upper quasi-triangular matrix whose square root
45 /** \brief Compute the matrix square root
96 // pre: T is quasi-upper-triangular and sqrtT is a zero matrix of the same size
150 Matrix<Scalar,2,2> block = T.template block<2,2>(i,i);
151 EigenSolver<Matrix<Scalar,2,2> > es(block)
    [all...]
  /external/eigen/unsupported/Eigen/src/NonLinearOptimization/
fdjac1.h 8 Matrix< Scalar, Dynamic, 1 > &x,
9 Matrix< Scalar, Dynamic, 1 > &fvec,
10 Matrix< Scalar, Dynamic, Dynamic > &fjac,
28 Matrix< Scalar, Dynamic, 1 > wa1(n);
29 Matrix< Scalar, Dynamic, 1 > wa2(n);
  /external/skia/src/animator/
SkDraw3D.cpp 55 SkMatrix matrix; local
56 fCamera.patchToMatrix(patch->fPatch, &matrix);
57 matrix.preTranslate(hackWidth / 2, -hackHeight / 2);
58 matrix.postTranslate(hackWidth / 2, hackHeight / 2);
59 maker.fCanvas->concat(matrix);
  /frameworks/native/include/private/gui/
LayerState.h 58 matrix.dsdx = matrix.dtdy = 1.0f;
59 matrix.dsdy = matrix.dtdx = 0.0f;
84 matrix22_t matrix; member in struct:android::layer_state_t
  /packages/apps/Gallery2/src/com/android/gallery3d/filtershow/imageshow/
ImagePoint.java 22 import android.graphics.Matrix;
68 Matrix originalToScreen = getImageToScreenMatrix(false);
69 Matrix originalRotateToScreen = getImageToScreenMatrix(true);
79 FilterPoint candidate, Canvas canvas, Matrix originalToScreen,
80 Matrix originalRotateToScreen, Paint paint);
  /development/samples/ApiDemos/src/com/example/android/apis/graphics/spritetext/
MatrixStack.java 19 import android.opengl.Matrix;
25 * A matrix stack, similar to OpenGL ES's internal matrix stack.
44 Matrix.frustumM(mMatrix, mTop, left, right, bottom, top, near, far);
55 Matrix.setIdentityM(mMatrix, mTop);
80 Matrix.multiplyMM(mMatrix, mTop, mTemp, 0, m, offset);
104 Matrix.orthoM(mMatrix, mTop, left, right, bottom, top, near, far);
127 Matrix.setRotateM(mTemp, 0, angle, x, y, z);
129 Matrix.multiplyMM(mMatrix, mTop, mTemp, MATRIX_SIZE, mTemp, 0);
137 Matrix.scaleM(mMatrix, mTop, x, y, z)
    [all...]
  /external/ceres-solver/internal/ceres/
block_random_access_matrix.h 41 // A matrix implementing the BlockRandomAccessMatrix interface is a
42 // matrix whose rows and columns are divided into blocks. For example
43 // the matrix A:
57 // user is accessing the matrix concurrently, it is his responsibility
61 // There is no requirement that all cells be present, i.e. the matrix
66 // form a dense submatrix of a larger dense matrix. Like everywhere
104 // a CellInfo with a pointer to the dense matrix containing it,
105 // otherwise return NULL. The dense matrix containing this cell has
107 // (row, col) within this matrix.
119 // Zero out the values of the array. The structure of the matrix
    [all...]
compressed_row_sparse_matrix.h 51 // Build a matrix with the same content as the TripletSparseMatrix
60 // creates a "blank" matrix with the appropriate amount of memory
66 // size of the matrix to begin with and wants to update the layout
74 // Build a square sparse diagonal matrix with num_rows rows and
87 virtual void ToDenseMatrix(Matrix* dense_matrix) const;
99 // Append the contents of m to the bottom of this matrix. m must
100 // have the same number of columns as this matrix.
103 void ToCRSMatrix(CRSMatrix* matrix) const;
105 // Low level access methods that expose the structure of the matrix.
138 // If the matrix has an underlying block structure, then it can als
    [all...]
block_random_access_crs_matrix.h 51 // compressed row sparse matrix. The matrix need not be symmetric.
56 // of this matrix.
61 // modifying any cells when the matrix is being destroyed.
76 // Since the matrix is square, num_rows() == num_cols().
80 // Access to the underlying matrix object.
81 const CompressedRowSparseMatrix* matrix() const { return crsm_.get(); } function in class:ceres::internal::BlockRandomAccessCRSMatrix
block_random_access_sparse_matrix.h 52 // for doing the actual storage. This class augments this matrix with
58 // of this matrix.
63 // modifying any cells when the matrix is being destroyed.
78 // Since the matrix is square, num_rows() == num_cols().
82 // Access to the underlying matrix object.
83 const TripletSparseMatrix* matrix() const { return tsm_.get(); } function in class:ceres::internal::BlockRandomAccessSparseMatrix
100 // The underlying matrix object which actually stores the cells.
  /external/chromium_org/third_party/mesa/src/src/mesa/math/
m_matrix.h 28 * Defines basic structures for matrix-handling.
44 * \name Symbolic names to some of the entries in the matrix
46 * These are handy for the viewport mapping, which is expressed as a matrix.
63 MATRIX_GENERAL, /**< general 4x4 matrix */
64 MATRIX_IDENTITY, /**< identity matrix */
66 MATRIX_PERSPECTIVE, /**< perspective projection matrix */
73 * Matrix type to represent 4x4 transformation matrices.
76 GLfloat *m; /**< 16 matrix elements (16-byte aligned) */
169 * Transform a point (column vector) by a matrix: Q = M * P
186 * Transform a normal (row vector) by a matrix: [NX NY NZ] = N * MA
    [all...]
  /external/eigen/Eigen/src/Core/
DiagonalProduct.h 51 inline DiagonalProduct(const MatrixType& matrix, const DiagonalType& diagonal)
52 : m_matrix(matrix), m_diagonal(diagonal)
54 eigen_assert(diagonal.diagonal().size() == (ProductOrder == OnTheLeft ? matrix.rows() : matrix.cols()));
101 /** \returns the diagonal matrix product of \c *this by the diagonal matrix \a diagonal.
111 /** \returns the diagonal matrix product of \c *this by the matrix \a matrix.
116 DiagonalBase<DiagonalDerived>::operator*(const MatrixBase<MatrixDerived> &matrix) cons
    [all...]
  /external/eigen/Eigen/src/QR/
ColPivHouseholderQR.h 20 * \brief Householder rank-revealing QR decomposition of a matrix with column-pivoting
22 * \param MatrixType the type of the matrix of which we are computing the QR decomposition
24 * This class performs a rank-revealing QR decomposition of a matrix \b A into matrices \b P, \b Q and \b R
29 * by using Householder transformations. Here, \b P is a permutation matrix, \b Q a unitary matrix and \b R an
30 * upper triangular matrix.
52 typedef Matrix<Scalar, RowsAtCompileTime, RowsAtCompileTime, Options, MaxRowsAtCompileTime, MaxRowsAtCompileTime> MatrixQType;
91 ColPivHouseholderQR(const MatrixType& matrix)
92 : m_qr(matrix.rows(), matrix.cols())
    [all...]
  /external/mesa3d/src/mesa/math/
m_matrix.h 28 * Defines basic structures for matrix-handling.
44 * \name Symbolic names to some of the entries in the matrix
46 * These are handy for the viewport mapping, which is expressed as a matrix.
63 MATRIX_GENERAL, /**< general 4x4 matrix */
64 MATRIX_IDENTITY, /**< identity matrix */
66 MATRIX_PERSPECTIVE, /**< perspective projection matrix */
73 * Matrix type to represent 4x4 transformation matrices.
76 GLfloat *m; /**< 16 matrix elements (16-byte aligned) */
169 * Transform a point (column vector) by a matrix: Q = M * P
186 * Transform a normal (row vector) by a matrix: [NX NY NZ] = N * MA
    [all...]
  /external/mp4parser/isoparser/src/main/java/com/coremedia/iso/boxes/
MovieHeaderBox.java 42 private long[] matrix = new long[]{0x00010000, 0, 0, 0, 0x00010000, 0, 0, 0, 0x40000000}; field in class:MovieHeaderBox
84 return matrix;
121 matrix = new long[9];
123 matrix[i] = IsoTypeReader.readUInt32(content);
151 for (int i = 0; i < matrix.length; i++) {
153 result.append("matrix").append(i).append("=").append(matrix[i]);
184 IsoTypeWriter.writeUInt32(byteBuffer, matrix[i]);
223 public void setMatrix(long[] matrix) {
224 this.matrix = matrix
    [all...]
TrackHeaderBox.java 46 private long[] matrix = new long[]{0x00010000, 0, 0, 0, 0x00010000, 0, 0, 0, 0x40000000}; field in class:TrackHeaderBox
85 return matrix;
129 matrix = new long[9];
131 matrix[i] = IsoTypeReader.readUInt32(content);
159 IsoTypeWriter.writeUInt32(byteBuffer, matrix[i]);
181 for (int i = 0; i < matrix.length; i++) {
183 result.append("matrix").append(i).append("=").append(matrix[i]);
221 public void setMatrix(long[] matrix) {
222 this.matrix = matrix
    [all...]
  /external/pixman/test/
matrix-test.c 105 /* random shift for the matrix */
108 ti.matrix[j][k] >>= prng_rand_n (30);
113 /* affine matrix */
114 ti.matrix[2][0] = 0;
115 ti.matrix[2][1] = 0;
116 ti.matrix[2][2] = pixman_fixed_1;
125 is_affine = (ti.matrix[2][0] == 0 && ti.matrix[2][1] == 0 &&
126 ti.matrix[2][2] == pixman_fixed_1 &&
144 tf.m[j][k] = pixman_fixed_to_float128 (ti.matrix[j][k])
    [all...]
  /external/skia/tests/
RoundRectTest.cpp 455 // Called for a matrix that should cause SkRRect::transform to fail.
457 const SkMatrix& matrix) {
465 bool success = orig.transform(matrix, &dst);
490 // The identity matrix will duplicate the rrect.
496 SkMatrix matrix; local
497 matrix.reset();
498 matrix.setSkewX(SkIntToScalar(2));
499 assert_transform_failure(reporter, orig, matrix);
501 matrix.reset();
502 matrix.setSkewY(SkIntToScalar(3))
    [all...]
  /external/srec/srec/clib/
imeld_rd.c 46 void delete_matrix(covdata **matrix, int dimen);
47 void delete_fixed_matrix(imeldata **matrix, int dimen);
48 int scale_matrix_for_fixedpoint(imeldata **fixmat, covdata **matrix,int dimen);
58 prep->matrix = create_fixed_matrix(matdim);
71 ASSERT(prep->matrix);
72 delete_fixed_matrix(prep->matrix, prep->dim);
75 prep->matrix = NULL;
145 /* The imelda matrix
154 prep->imel_shift = scale_matrix_for_fixedpoint(prep->matrix,
157 /* The inverse imelda matrix
    [all...]
  /frameworks/base/libs/hwui/
SkiaShader.h 60 SkShader::TileMode tileY, SkMatrix* matrix, bool blend);
90 void setMatrix(SkMatrix* matrix) {
91 updateLocalMatrix(matrix);
95 void updateLocalMatrix(const SkMatrix* matrix) {
96 if (matrix) {
97 mat4 localMatrix(*matrix);
140 SkShader::TileMode tileY, SkMatrix* matrix, bool blend);
162 int count, SkShader* key, SkShader::TileMode tileMode, SkMatrix* matrix, bool blend);
186 int count, SkShader* key, SkMatrix* matrix, bool blend);
196 int count, SkShader* key, SkShader::TileMode tileMode, SkMatrix* matrix, bool blend)
    [all...]
  /frameworks/support/v8/renderscript/java/src/android/support/v8/renderscript/
ScriptIntrinsicColorMatrix.java 22 * Intrinsic for applying a color matrix to allocations.
26 * result by the 4x4 color matrix as performed by
39 * Create an intrinsic for applying a color matrix to an
70 * Set the color matrix which will be applied to each cell of
73 * @param m The 4x4 matrix to set.
81 * Set the color matrix which will be applied to each cell of the image.
84 * @param m The 3x3 matrix to set.
92 * Set a color matrix to convert from RGB to luminance. The alpha channel
111 * Set the matrix to convert from YUV to RGB with a direct copy of the 4th
130 * Set the matrix to convert from RGB to YUV with a direct copy of the 4t
    [all...]
  /cts/tests/tests/graphics/src/android/graphics/cts/
PathMeasureTest.java 20 import android.graphics.Matrix;
119 Matrix matrix = new Matrix(); local
120 assertFalse(mPathMeasure.getMatrix(1f, matrix, PathMeasure.POSITION_MATRIX_FLAG));
121 matrix.setScale(1f, 2f);
124 assertTrue(mPathMeasure.getMatrix(0f, matrix, PathMeasure.TANGENT_MATRIX_FLAG));

Completed in 1003 milliseconds

<<11121314151617181920>>