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

<<31323334353637383940>>

  /external/chromium_org/third_party/skia/src/gpu/
GrSWMaskHelper.cpp 93 const SkMatrix* matrix) {
94 if (NULL != matrix) {
95 fMatrix = *matrix;
185 * Software rasterizes path to A8 mask (possibly using the context's matrix)
194 SkMatrix* matrix) {
197 if (!helper.init(resultBounds, matrix)) {
229 // We want to use device coords to compute the texture coordinates. We set our matrix to be
230 // equal to the view matrix followed by a translation so that the top-left of the device bounds
231 // maps to 0,0, and then a scaling matrix to normalized coords. We apply this matrix to th
    [all...]
  /external/eigen/Eigen/src/Core/products/
SelfadjointMatrixMatrix_MKL.h 29 * Self adjoint matrix * matrix product functionality based on ?SYMM/?HEMM.
41 /* Optimized selfadjoint matrix * matrix (?SYMM/?HEMM) product */
113 Matrix<EIGTYPE, Dynamic, Dynamic, LhsStorageOrder> a_tmp; \
132 Map<const Matrix<EIGTYPE, Dynamic, Dynamic, LhsStorageOrder>, 0, OuterStride<> > lhs(_lhs,m,m,OuterStride<>(lhsStride)); \
168 /* Optimized matrix * selfadjoint matrix (?SYMM/?HEMM) product */
239 Matrix<EIGTYPE, Dynamic, Dynamic, RhsStorageOrder> a_tmp; \
257 Map<const Matrix<EIGTYPE, Dynamic, Dynamic, RhsStorageOrder>, 0, OuterStride<> > rhs(_rhs,n,n,OuterStride<>(rhsStri (…)
    [all...]
  /external/eigen/test/
basicstuff.cpp 18 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
19 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixType;
30 square = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>::Random(rows, rows);
74 Matrix<Scalar, 1, MatrixType::RowsAtCompileTime> rv(rows);
75 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> cv(rows);
136 typedef Matrix<RealScalar, MatrixType::RowsAtCompileTime, MatrixType::ColsAtCompileTime> RealMatrixType;
184 Matrix<Scalar,3,1> m(raw);
197 CALL_SUBTEST_1( basicStuff(Matrix<float, 1, 1>()) );
202 CALL_SUBTEST_6( basicStuff(Matrix<float, 100, 100>()) );
203 CALL_SUBTEST_7( basicStuff(Matrix<long double,Dynamic,Dynamic>(internal::random<int>(1,EIGEN_TEST_MAX_SIZE),internal::random<int>(1, (…)
    [all...]
  /external/eigen/test/eigen2/
eigen2_submatrices.cpp 18 typedef Matrix<Scalar, _Rows, _Cols> MatrixType;
24 Matrix<Scalar, Dynamic, Dynamic> mi = m1.minor(0,0).eval();
35 typedef Matrix<Scalar, 1, 1> MatrixType;
46 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
47 typedef Matrix<Scalar, 1, MatrixType::ColsAtCompileTime> RowVectorType;
56 identity = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
58 square = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>
80 Matrix<Scalar,Dynamic,Dynamic> b1(1,1); b1(0,0) = m1(r1,c1);
110 Matrix<Scalar,Dynamic,Dynamic> b = m1.template block<BlockRows,BlockCols>(3,3);
141 CALL_SUBTEST_1( submatrices(Matrix<float, 1, 1>()) )
    [all...]
  /external/skia/src/core/
SkRecorder.cpp 136 const SkMatrix& matrix,
138 APPEND(DrawBitmapMatrix, this->copy(paint), delay_copy(bitmap), matrix);
180 const SkMatrix* matrix, const SkPaint& paint) {
186 this->copy(matrix));
235 void SkRecorder::didConcat(const SkMatrix& matrix) {
236 APPEND(Concat, matrix);
237 INHERITED(didConcat, matrix);
240 void SkRecorder::didSetMatrix(const SkMatrix& matrix) {
241 APPEND(SetMatrix, matrix);
242 INHERITED(didSetMatrix, matrix);
    [all...]
  /external/skia/src/gpu/
GrSWMaskHelper.cpp 93 const SkMatrix* matrix) {
94 if (NULL != matrix) {
95 fMatrix = *matrix;
185 * Software rasterizes path to A8 mask (possibly using the context's matrix)
194 SkMatrix* matrix) {
197 if (!helper.init(resultBounds, matrix)) {
229 // We want to use device coords to compute the texture coordinates. We set our matrix to be
230 // equal to the view matrix followed by a translation so that the top-left of the device bounds
231 // maps to 0,0, and then a scaling matrix to normalized coords. We apply this matrix to th
    [all...]
  /external/ceres-solver/internal/ceres/
covariance_impl.cc 134 // Find where in the covariance matrix the block is located.
204 Matrix block1_jacobian(block1_size, block1_local_size);
211 Matrix block2_jacobian(block2_size, block2_local_size);
238 // Determine the sparsity pattern of the covariance matrix based on
267 // first row corresponding to it in the covariance matrix using the
279 // Compute the number of non-zeros in the covariance matrix. Along
281 // triangular part of the matrix.
298 // Make sure we are constructing a block upper triangular matrix.
318 // Fill the sparsity pattern of the covariance matrix.
326 // covariance matrix. For each parameter block, look in the uppe
    [all...]
block_sparse_matrix.cc 56 // Count the number of columns in the matrix.
62 // the matrix.
162 void BlockSparseMatrix::ToDenseMatrix(Matrix* dense_matrix) const {
167 Matrix& m = *dense_matrix;
185 TripletSparseMatrix* matrix) const {
186 CHECK_NOTNULL(matrix);
188 matrix->Reserve(num_nonzeros_);
189 matrix->Resize(num_rows_, num_cols_);
190 matrix->SetZero();
203 matrix->mutable_rows()[jac_pos] = row_block_pos + r
    [all...]
  /frameworks/base/core/java/android/widget/
ImageView.java 28 import android.graphics.Matrix;
74 private Matrix mMatrix;
100 private Matrix mDrawMatrix = null;
115 ScaleType.MATRIX,
200 //need inflate syntax/reader for matrix
204 mMatrix = new Matrix();
580 * Scale using the image matrix when drawing. The image matrix can be set using
581 * {@link ImageView#setImageMatrix(Matrix)}. From XML, use this syntax:
582 * <code>android:scaleType="matrix"</code>
1369 final Matrix matrix = mDrawMatrix; local
    [all...]
  /external/chromium_org/third_party/mesa/src/src/gallium/state_trackers/xorg/
xorg_composite.c 431 static INLINE boolean matrix_from_pict_transform(PictTransform *trans, float *matrix)
436 matrix[0] = XFixedToDouble(trans->matrix[0][0]);
437 matrix[3] = XFixedToDouble(trans->matrix[0][1]);
438 matrix[6] = XFixedToDouble(trans->matrix[0][2]);
440 matrix[1] = XFixedToDouble(trans->matrix[1][0]);
441 matrix[4] = XFixedToDouble(trans->matrix[1][1])
    [all...]
  /external/eigen/Eigen/src/Core/
Transpose.h 19 * \brief Expression of the transpose of a matrix
23 * This class represents an expression of the transpose of a matrix.
183 * \warning If you want to replace a matrix by its own transpose, do \b NOT do this:
221 * \warning If you want to replace a matrix by its own adjoint, do \b NOT do this:
254 struct inplace_transpose_selector<MatrixType,true> { // square matrix
256 m.matrix().template triangularView<StrictlyUpper>().swap(m.matrix().transpose());
261 struct inplace_transpose_selector<MatrixType,false> { // non square matrix
264 m.matrix().template triangularView<StrictlyUpper>().swap(m.matrix().transpose())
    [all...]
  /external/eigen/Eigen/src/Core/util/
XprHelper.h 124 typedef Matrix<_Scalar, _Rows, _Cols, Options, _MaxRows, _MaxCols> type;
166 /* plain_matrix_type : the difference from eval is that plain_matrix_type is always a plain matrix type,
167 * whereas eval is a const reference in the case of a matrix
179 typedef Matrix<typename traits<T>::Scalar,
209 // typedef T::Matrix<typename traits<T>::Scalar,
220 struct eval<Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>, Dense>
222 typedef const Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>& type;
242 typedef Matrix<typename traits<T>::Scalar,
260 typedef Matrix<typename traits<T>::Scalar,
301 * many coefficient accesses in the nested expressions -- as is the case with matrix product for example
    [all...]
  /external/mesa3d/src/gallium/state_trackers/xorg/
xorg_composite.c 431 static INLINE boolean matrix_from_pict_transform(PictTransform *trans, float *matrix)
436 matrix[0] = XFixedToDouble(trans->matrix[0][0]);
437 matrix[3] = XFixedToDouble(trans->matrix[0][1]);
438 matrix[6] = XFixedToDouble(trans->matrix[0][2]);
440 matrix[1] = XFixedToDouble(trans->matrix[1][0]);
441 matrix[4] = XFixedToDouble(trans->matrix[1][1])
    [all...]
  /frameworks/av/media/libstagefright/codecs/on2/h264dec/omxdl/arm11/vc/m4p10/src/
omxVCM4P10_TransformDequantLumaDCFromPair_s.s 152 ;// Transpose the 4x4 matrix *
154 ;// Transpose the 4x4 result matrix *
165 ;// Transpose the matrix inorder to perform row ops as coloumn ops
166 ;// Input: in[][] = original matrix
167 ;// Output: trRow[][]= transposed matrix
168 ;// Step1: Obtain the LL part of the transposed matrix
175 ;// LL 2x2 transposed matrix
184 ;// HL 2x2 transposed matrix
194 ;// LH 2x2 transposed matrix
206 ;// HH 2x2 transposed matrix
    [all...]
  /external/chromium_org/cc/animation/
transform_operations.cc 35 to_return.PreconcatTransform(operations_[i].matrix);
91 !operations_[i].matrix.IsIdentityOrTranslation())
104 if (!operations_[i].matrix.IsIdentityOrTranslation())
161 if (!operations_[i].matrix.IsIdentityOrTranslation())
207 to_add.matrix.Translate3d(x, y, z);
221 to_add.matrix.RotateAbout(gfx::Vector3dF(x, y, z), degrees);
233 to_add.matrix.Scale3d(x, y, z);
244 to_add.matrix.SkewX(x);
245 to_add.matrix.SkewY(y);
255 to_add.matrix.ApplyPerspectiveDepth(depth)
    [all...]
  /external/chromium_org/cc/output/
filter_operation.cc 62 FilterOperation::FilterOperation(FilterType type, SkScalar matrix[20])
70 memcpy(matrix_, matrix, sizeof(matrix_));
152 SkScalar matrix[20]; local
153 memset(matrix, 0, 20 * sizeof(SkScalar));
154 matrix[0] = matrix[6] = matrix[12] = matrix[18] = 1.f;
155 return FilterOperation::CreateColorMatrixFilter(matrix);
280 scoped_ptr<base::ListValue> matrix(new base::ListValue)
    [all...]
  /external/chromium_org/third_party/mesa/src/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/chromium_org/third_party/skia/src/core/
SkBitmapDevice.cpp 236 const SkMatrix& matrix, const SkPaint& paint) {
237 draw.drawBitmap(bitmap, matrix, paint);
244 SkMatrix matrix; local
250 // Compute matrix from the two rectangles
256 matrix.setRectToRect(tmpSrc, dst, SkMatrix::kFill_ScaleToFit);
269 matrix.mapRect(&tmpDst, tmpSrc);
282 // Since we did an extract, we need to adjust the matrix accordingly
291 matrix.preTranslate(dx, dy);
303 // matrix with the CTM, and try to call drawSprite if it can. If not,
305 this->drawBitmap(draw, *bitmapPtr, matrix, paint)
    [all...]
  /external/chromium_org/third_party/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...]
  /external/eigen/bench/
eig33.cpp 48 template<typename Matrix, typename Roots>
49 inline void computeRoots(const Matrix& m, Roots& roots)
51 typedef typename Matrix::Scalar Scalar;
57 // real-valued, because the matrix is symmetric.
95 template<typename Matrix, typename Vector>
96 void eigen33(const Matrix& mat, Matrix& evecs, Vector& evals)
98 typedef typename Matrix::Scalar Scalar;
99 // Scale the matrix so its entries are in [-1,1]. The scaling is applied
100 // only when at least one matrix entry has magnitude larger than 1
    [all...]
  /external/eigen/unsupported/Eigen/src/LevenbergMarquardt/
LevenbergMarquardt.h 49 typedef Matrix<Scalar,InputsAtCompileTime,1> InputType;
50 typedef Matrix<Scalar,ValuesAtCompileTime,1> ValueType;
51 typedef Matrix<Scalar,ValuesAtCompileTime,InputsAtCompileTime> JacobianType;
73 typedef Matrix<Scalar,Dynamic,1> InputType;
74 typedef Matrix<Scalar,Dynamic,1> ValueType;
120 typedef Matrix<Scalar,Dynamic,1> FVectorType;
202 /** \returns a reference to the matrix where the current Jacobian matrix is stored
206 /** \returns a reference to the triangular matrix R from the QR of the jacobian matrix
    [all...]
  /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)
36 Matrix< Scalar, Dynamic, 1 > wa1, wa2;
116 Matrix< Scalar, Dynamic, 1 > sdiag(n);
165 const ColPivHouseholderQR<Matrix< Scalar, Dynamic, Dynamic> > &qr,
166 const Matrix< Scalar, Dynamic, 1 > &diag,
167 const Matrix< Scalar, Dynamic, 1 > &qtb,
170 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/pdfium/core/src/fxcodec/fx_libopenjpeg/libopenjpeg20/
invert.c 37 static OPJ_BOOL opj_lupDecompose(OPJ_FLOAT32 * matrix,
68 * Matrix inversion.
106 OPJ_BOOL opj_lupDecompose(OPJ_FLOAT32 * matrix,OPJ_UINT32 * permutations,
118 OPJ_FLOAT32 * lTmpMatrix = matrix;
180 /* matrix[i][k] /= matrix[k][k]; */
181 /* p = matrix[i][k] */
186 /* matrix[i][j] -= matrix[i][k] * matrix[k][j]; *
    [all...]
  /external/pdfium/core/src/fxcodec/lcms2/lcms2-2.6/src/
cmswtpnt.c 189 // Compute chromatic adaptation matrix using Chad as cone matrix
219 // Build matrix
233 // The cone matrix can be specified in ConeMatrix. If NULL, Bradford is assumed
236 cmsMAT3 LamRigg = {{ // Bradford matrix
266 // Build a White point, primary chromas transfer matrix from RGB to CIE XYZ
273 // - First I build the absolute conversion matrix using
274 // primaries in XYZ. This matrix is next inverted
275 // - Then I eval the source white point across this matrix
277 // - Then, I apply these coeficients to the original matrix
    [all...]

Completed in 2780 milliseconds

<<31323334353637383940>>