/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/CanvasCompare/src/com/android/test/hwuicompare/ |
ResourceModifiers.java | 31 import android.graphics.Matrix; 51 private final Matrix mMtx1; 52 private final Matrix mMtx2; 53 private final Matrix mMtx3; 77 mMtx1 = new Matrix(); 84 mMtx2 = new Matrix(); 90 mMtx3 = new 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/ceres-solver/internal/ceres/ |
implicit_schur_complement.cc | 104 // By breaking it down into individual matrix vector products 106 // PartitionedMatrixView of the input matrix A. 130 ConstVectorRef(x, num_cols()).array()).matrix(); 139 // Given a block diagonal matrix and an optional array of diagonal 140 // entries D, add them to the diagonal of the matrix and compute the 156 m += d.array().square().matrix().asDiagonal(); 162 .solve(Matrix::Identity(row_block_size, row_block_size)); 166 // Similar to RightMultiply, use the block structure of the matrix A 202 // this using a series of matrix vector products.
|
suitesparse.cc | 65 triplet.stype = 0; // Matrix is not symmetric. 87 triplet.stype = 0; // Matrix is not symmetric. 106 m.stype = 0; // Matrix is not symmetric. 131 // matrix dependence choice of supernodal versus simplicial 213 // Arrays storing the compressed column structure of the matrix 256 // distracting when the error (matrix is indefinite) is not a fatal 270 // NON_FATAL_FAILURE (e.g., indefinite matrix) and FATAL_FAILURE 286 *message = "CHOLMOD warning: Matrix not positive definite."; 323 bool SuiteSparse::ApproximateMinimumDegreeOrdering(cholmod_sparse* matrix, 325 return cholmod_amd(matrix, NULL, 0, ordering, &cc_) [all...] |
/external/chromium_org/third_party/skia/samplecode/ |
SampleSkLayer.cpp | 115 SkMatrix matrix; local 118 layer->getLocalTransform(&matrix); 119 matrix.toString(&matrixStr); 197 SkMatrix matrix; local 198 matrix.setScale(0.5, 0.5); 199 fRootLayer->setMatrix(matrix); 227 SkMatrix matrix; local 228 fLastChild->localToGlobal(&matrix); 233 canvas->concat(matrix);
|
SampleCamera.cpp | 38 SkMatrix matrix; local 39 matrix.setRectToRect(src, dst, SkMatrix::kFill_ScaleToFit); 44 &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 Eigen::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(); }
|
IO.h | 42 * - \b matPrefix string printed at the beginning of the matrix 43 * - \b matSuffix string printed at the end of the matrix 77 * \brief Pseudo expression providing matrix output with given format 94 WithFormat(const ExpressionType& matrix, const IOFormat& format) 95 : m_matrix(matrix), m_format(format) 108 /** \returns a WithFormat proxy object allowing to print a matrix the with given 151 * print the matrix \a _m to the output stream \a s using the output format \a fmt */ 231 * Outputs the matrix, to the given stream. 233 * If you wish to print the matrix with a format different than the default, use DenseBase::format().
|
/external/eigen/Eigen/src/IterativeLinearSolvers/ |
ConjugateGradient.h | 18 * \param mat The matrix A 36 typedef Matrix<Scalar,Dynamic,1> VectorType; 113 * The sparse matrix A must be selfadjoint. The vectors x and b can be either dense or sparse. 115 * \tparam _MatrixType the type of the sparse matrix A, can be a dense or a sparse matrix. 182 /** Initialize the solver with matrix \a A for further \c Ax=b solving. 187 * \warning this class stores a reference to the matrix A as well as some 190 * matrix A, or modify a copy of A. 207 && "ConjugateGradient::solve(): invalid number of rows of the right hand side matrix b");
|
/external/eigen/test/ |
triangular.cpp | 18 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType; 81 // test back and forward subsitution with a matrix as the rhs 217 CALL_SUBTEST_1( triangular_square(Matrix<float, 1, 1>()) ); 218 CALL_SUBTEST_2( triangular_square(Matrix<float, 2, 2>()) ); 220 CALL_SUBTEST_4( triangular_square(Matrix<std::complex<float>,8, 8>()) ); 222 CALL_SUBTEST_6( triangular_square(Matrix<float,Dynamic,Dynamic,RowMajor>(r, r)) ); 224 CALL_SUBTEST_7( triangular_rect(Matrix<float, 4, 5>()) ); 225 CALL_SUBTEST_8( triangular_rect(Matrix<double, 6, 2>()) ); 228 CALL_SUBTEST_6( triangular_rect(Matrix<float,Dynamic,Dynamic,RowMajor>(r, c)) );
|
product_large.cpp | 19 CALL_SUBTEST_5( product(Matrix<float,Dynamic,Dynamic,RowMajor>(internal::random<int>(1,EIGEN_TEST_MAX_SIZE), internal::random<int>(1,EIGEN_TEST_MAX_SIZE))) ); 33 // test deferred resizing in Matrix::operator= 54 // test regression in row-vector by matrix (bad Map type)
|
ref.cpp | 42 typedef Matrix<Scalar,Dynamic,Dynamic,MatrixType::Options> DynMatrixType; 43 typedef Matrix<RealScalar,Dynamic,Dynamic,MatrixType::Options> RealDynMatrixType; 91 typedef Matrix<Scalar,Dynamic,1,VectorType::Options> DynMatrixType; 92 typedef Matrix<Scalar,Dynamic,Dynamic,ColMajor> MatrixType; 93 typedef Matrix<RealScalar,Dynamic,1,VectorType::Options> RealDynMatrixType; 170 EIGEN_DONT_INLINE void call_ref_7(Ref<Matrix<float,Dynamic,3> > a, const B &b) { VERIFY_IS_EQUAL(a,b); } 222 VERIFY_EVALUATION_COUNT( call_ref_6(A.row(3),A.row(3)), 1); // evaluated into a temp thouth it could be avoided by viewing it as a 1xn matrix 235 CALL_SUBTEST_1( ref_vector(Matrix<float, 1, 1>()) ); 236 CALL_SUBTEST_1( check_const_correctness(Matrix<float, 1, 1>()) ); 244 CALL_SUBTEST_1( ref_matrix(Matrix<float, 1, 1>()) ) [all...] |
sparse_solver.h | 134 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix; 172 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix; 173 typedef Matrix<Scalar,Dynamic,1> DenseVector; 217 halfA.template selfadjointView<Solver::UpLo>() = it.matrix().template triangularView<Eigen::Lower>().twistedBy(pnull); 219 std::cout<< " ==== SOLVING WITH MATRIX " << it.matname() << " ==== \n"; 220 check_sparse_solving_real_cases(solver, it.matrix(), it.rhs(), it.refX()); 231 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix; 266 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix; 267 typedef Matrix<Scalar,Dynamic,1> DenseVector; 305 std::cout<< " ==== SOLVING WITH MATRIX " << it.matname() << " ==== \n" [all...] |
/external/neven/Embedded/common/src/b_TensorEm/ |
Int32Mat.h | 35 /** square matrix */ 43 /* width = height of square matrix */ 46 /* array of matrix elements (data is arranged by rows) */ 57 /** initializes matrix */ 76 /** allocates square matrix */ 101 /** computes the solution to matrix * outVecA = inVecA, returns false if the 106 * matA: the square matrix, array of size ( matWidthA * matWidthA ) 107 * matWidthA: width of the matrix 111 * tmpMatA: matrix of same size as matA
|
/external/pdfium/core/src/fxge/Microsoft SDK/include/ |
GdiPlusPen.h | 243 Status SetTransform(IN const Matrix* matrix)
246 matrix->nativeMatrix));
249 Status GetTransform(OUT Matrix* matrix) const
251 return SetStatus(DllExports::GdipGetPenTransform(nativePen, matrix->nativeMatrix));
259 Status MultiplyTransform(IN const Matrix* matrix,
263 matrix->nativeMatrix,
|
/external/pixman/pixman/ |
pixman-linear-gradient.c | 50 if (image->common.transform->matrix[2][0] != 0 || 51 image->common.transform->matrix[2][1] != 0 || 52 image->common.transform->matrix[2][2] == 0) 57 v.vector[0] = image->common.transform->matrix[0][1]; 58 v.vector[1] = image->common.transform->matrix[1][1]; 59 v.vector[2] = image->common.transform->matrix[2][2]; 121 unit.vector[0] = image->common.transform->matrix[0][0]; 122 unit.vector[1] = image->common.transform->matrix[1][0]; 123 unit.vector[2] = image->common.transform->matrix[2][0];
|
/external/skia/samplecode/ |
SampleSkLayer.cpp | 115 SkMatrix matrix; local 118 layer->getLocalTransform(&matrix); 119 matrix.toString(&matrixStr); 197 SkMatrix matrix; local 198 matrix.setScale(0.5, 0.5); 199 fRootLayer->setMatrix(matrix); 227 SkMatrix matrix; local 228 fLastChild->localToGlobal(&matrix); 233 canvas->concat(matrix);
|
/external/chromium_org/third_party/WebKit/Source/platform/transforms/ |
TransformationMatrix.cpp | 53 // inversion and decomposition of a 4x4 matrix. They are used throughout the code 57 // Adapted from Matrix Inversion by Richard Carling, Graphics Gems <http://tog.acm.org/GraphicsGems/index.html>. 66 // A clarification about the storage of matrix elements 68 // This class uses a 2 dimensional array internally to store the elements of the matrix. The first index into 71 // In other words, this is the layout of the matrix: 85 // calculate the inverse of a 4x4 matrix 93 // calculate the determinant of a 2x2 matrix. 102 // Calculate the determinant of a 3x3 matrix 116 // double = determinant4x4(matrix) 118 // calculate the determinant of a 4x4 matrix [all...] |
Matrix3DTransformOperation.h | 35 static PassRefPtr<Matrix3DTransformOperation> create(const TransformationMatrix& matrix) 37 return adoptRef(new Matrix3DTransformOperation(matrix)); 40 TransformationMatrix matrix() const {return m_matrix; } function in class:WebCore::Matrix3DTransformOperation
|
/external/chromium_org/chrome/browser/ui/cocoa/omnibox/ |
omnibox_popup_view_mac.mm | 37 // Padding between matrix and the top and bottom of the popup window. 99 // Calculate the width of the matrix based on backing out the popup's border 104 // Load the results into the popup's matrix. 140 // Calculate the matrix size manually rather than using -sizeToCells 141 // because actually resizing the matrix messed up the popup size 168 void OmniboxPopupViewMac::OnMatrixRowSelected(OmniboxPopupMatrix* matrix, 174 void OmniboxPopupViewMac::OnMatrixRowClicked(OmniboxPopupMatrix* matrix, 180 void OmniboxPopupViewMac::OnMatrixRowMiddleClicked(OmniboxPopupMatrix* matrix, 199 // Use a flipped view to pin the matrix top the top left. This is needed 205 // View to draw a background beneath the matrix [all...] |
/external/chromium_org/third_party/WebKit/public/platform/ |
WebTransformOperations.h | 39 // false if we must resort to matrix interpolation, and matrix interpolation 40 // fails (this can happen if either matrix cannot be decomposed).
|
/external/chromium_org/ui/gfx/ |
skia_util.h | 39 // Sets the created shader's local matrix such that it displays the image rep at 41 // The shader's local matrix should not be changed after the shader is created. 42 // TODO(pkotwicz): Allow shader's local matrix to be changed after the shader
|
/external/eigen/test/eigen2/ |
eigen2_unalignedassert.cpp | 35 Matrix<float, 2, 6> m; // bad: same reason 40 Matrix<double, 3, 4> m; // bad: same reason 59 Matrix<float,2,2,DontAlign> m; // good: no alignment requested
|