/packages/apps/Gallery/src/com/android/camera/ |
RotateBitmap.java | 20 import android.graphics.Matrix; 53 public Matrix getRotateMatrix() { 54 // By default this is an identity matrix. 55 Matrix matrix = new Matrix(); local 62 matrix.preTranslate(-cx, -cy); 63 matrix.postRotate(mRotation); 64 matrix.postTranslate(getWidth() / 2, getHeight() / 2); 66 return matrix; [all...] |
/frameworks/base/tests/HwAccelerationTest/src/com/android/test/hwui/ |
AdvancedGradientsActivity.java | 22 import android.graphics.Matrix; 43 private final Matrix mMatrix; 44 private final Matrix mMatrix2; 45 private final Matrix mMatrix3; 54 mMatrix = new Matrix(); 58 mMatrix2 = new Matrix(); 62 mMatrix3 = new Matrix();
|
Transform3dActivity.java | 25 import android.graphics.Matrix; 41 private Matrix mMatrix; 48 mMatrix = new Matrix(); 61 final Matrix matrix = mMatrix; local 63 rotate(centerX, centerY, camera, matrix, 32.0f); 64 drawBitmap(canvas, centerX, centerY, 0.0f, matrix); 66 rotate(centerX, centerY, camera, matrix, 12.0f); 67 drawBitmap(canvas, centerX, centerY, -mBitmap1.getWidth(), matrix); 69 rotate(centerX, centerY, camera, matrix, 52.0f) [all...] |
/frameworks/support/transition/src/android/support/transition/ |
TransitionUtils.java | 24 import android.graphics.Matrix; 43 Matrix matrix = new Matrix(); local 44 matrix.setTranslate(-parent.getScrollX(), -parent.getScrollY()); 45 ViewUtils.transformMatrixToGlobal(view, matrix); 46 ViewUtils.transformMatrixToLocal(sceneRoot, matrix); 48 matrix.mapRect(bounds); 56 Bitmap bitmap = createViewBitmap(view, matrix, bounds); 68 * Creates a Bitmap of the given view, using the Matrix matrix to transform to the loca [all...] |
/cts/apps/CtsVerifier/src/com/android/cts/verifier/sensors/sixdof/Renderer/RenderUtils/ |
ConeModelMatrixCalculator.java | 25 import android.opengl.Matrix; 28 * Manages the model matrix of the direction cone. 40 // Calculate the extrinsics based model matrix with current pose data. 43 // Extract the information we need from calculated model matrix. (Just the translation). 45 Matrix.setIdentityM(translationMatrix, 0); 46 Matrix.translateM(translationMatrix, 0, newModelMatrix[MATRIX_4X4_TRANSLATION_X], 56 Matrix.setIdentityM(rotationTransformation, 0); 67 // Apply translation to the look at matrix. 68 Matrix.multiplyMM(mModelMatrix, 0, translationMatrix, 0, rotationTransformation, 0);
|
/frameworks/support/design/src/android/support/design/widget/ |
ViewGroupUtils.java | 19 import android.graphics.Matrix; 27 private static final ThreadLocal<Matrix> sMatrix = new ThreadLocal<>(); 40 Matrix m = sMatrix.get(); 42 m = new Matrix(); 73 private static void offsetDescendantMatrix(ViewParent target, View view, Matrix m) {
|
/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);
|
/cts/tests/tests/view/src/android/view/animation/cts/ |
ScaleAnimationTest.java | 26 import android.graphics.Matrix; 101 float trans1X = values[Matrix.MTRANS_X]; 102 float trans1Y = values[Matrix.MTRANS_Y]; 107 float trans2X = values[Matrix.MTRANS_X]; 108 float trans2Y = values[Matrix.MTRANS_Y]; 113 float trans3X = values[Matrix.MTRANS_X]; 114 float trans3Y = values[Matrix.MTRANS_Y]; 143 float trans1X = values[Matrix.MTRANS_X]; 144 float trans1Y = values[Matrix.MTRANS_Y]; 149 float trans2X = values[Matrix.MTRANS_X] [all...] |
TranslateAnimationTest.java | 28 import android.graphics.Matrix; 120 assertEquals(FROM_X_DETLTA, values[Matrix.MTRANS_X], POSITION_DELTA); 121 assertEquals(FROM_Y_DELTA, values[Matrix.MTRANS_Y], POSITION_DELTA); 126 assertEquals((TO_X_DELTA + FROM_X_DETLTA) / 2, values[Matrix.MTRANS_X], POSITION_DELTA); 127 assertEquals((TO_Y_DELTA + FROM_Y_DELTA) / 2, values[Matrix.MTRANS_Y], POSITION_DELTA); 132 assertEquals(TO_X_DELTA, values[Matrix.MTRANS_X], POSITION_DELTA); 133 assertEquals(TO_Y_DELTA, values[Matrix.MTRANS_Y], POSITION_DELTA); 140 assertEquals(FROM_X_DETLTA, values[Matrix.MTRANS_X], POSITION_DELTA); 141 assertEquals(FROM_Y_DELTA, values[Matrix.MTRANS_Y], POSITION_DELTA); 148 values[Matrix.MTRANS_X], POSITION_DELTA) [all...] |
/external/eigen/unsupported/Eigen/src/Eigenvalues/ |
ArpackSelfAdjointEigenSolver.h | 79 /** \brief Constructor; computes generalized eigenvalues of given matrix with respect to another matrix. 81 * \param[in] A Self-adjoint matrix whose eigenvalues / eigenvectors will 84 * \param[in] B Self-adjoint matrix for the generalized eigenvalue problem. 86 * Must be less than the size of the input matrix, or an error is returned. 97 * to compute the eigenvalues of the matrix \p A with respect to \p B. The eigenvectors are computed if 114 /** \brief Constructor; computes eigenvalues of given matrix. 116 * \param[in] A Self-adjoint matrix whose eigenvalues / eigenvectors will 120 * Must be less than the size of the input matrix, or an error is returned. 131 * to compute the eigenvalues of the matrix \p A. The eigenvectors are computed i [all...] |
/external/eigen/test/ |
nomalloc.cpp | 44 VERIFY_IS_APPROX(m1.cwiseProduct(m1.block(0,0,rows,cols)), (m1.array()*m1.array()).matrix()); 84 // The following fancy matrix-matrix products are not safe yet regarding static allocation 98 typedef Eigen::Matrix<Scalar, 101 maxSize, maxSize> Matrix; 103 typedef Eigen::Matrix<Scalar, 108 typedef Eigen::Matrix<std::complex<Scalar>, 113 const Matrix A(Matrix::Random(size, size)), B(Matrix::Random(size, size)) [all...] |
commainitializer.cpp | 16 Matrix<int, M1+M2, N1+N2> m_fixed; 19 Matrix<int, M1, N1> mat11; mat11.setRandom(); 20 Matrix<int, M1, N2> mat12; mat12.setRandom(); 21 Matrix<int, M2, N1> mat21; mat21.setRandom(); 22 Matrix<int, M2, N2> mat22; mat22.setRandom(); 80 Matrix3d ref = Map<Matrix<double,3,3,RowMajor> >(data);
|
permutationmatrices.cpp | 22 typedef Matrix<int, Rows, 1> LeftPermutationVectorType; 25 typedef Matrix<int, Cols, 1> RightPermutationVectorType; 46 Matrix<Scalar,Rows,Rows> lm(lp); 47 Matrix<Scalar,Cols,Cols> rm(rp); 66 Matrix<Scalar,Rows,Rows> lm2(lp2); 114 Matrix<Scalar, Cols, Cols> A = rp; 115 Matrix<Scalar, Cols, Cols> B = rp.transpose(); 123 typedef Matrix<T, Dynamic, Dynamic> MatrixType; 124 typedef Matrix<T, Dynamic, 1> VectorType; 147 CALL_SUBTEST_1( permutationmatrices(Matrix<float, 1, 1>()) ) [all...] |
qr.cpp | 21 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> MatrixQType; 37 Matrix<Scalar,Rows,Cols> m1 = Matrix<Scalar,Rows,Cols>::Random(); 38 HouseholderQR<Matrix<Scalar,Rows,Cols> > qr(m1); 40 Matrix<Scalar,Rows,Cols> r = qr.matrixQR(); 46 Matrix<Scalar,Cols,Cols2> m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); 47 Matrix<Scalar,Rows,Cols2> m3 = m1*m2; 48 m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2); 69 // let's build a matrix more stable to invers [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. 85 template<typename Matrix, typename Vector> 86 void eigen33(const Matrix& mat, Matrix& evecs, Vector& evals) 88 typedef typename Matrix::Scalar Scalar; 89 // Scale the matrix so its entries are in [-1,1]. The scaling is applied 90 // only when at least one matrix entry has magnitude larger than 1 [all...] |
/external/gemmlowp/test/ |
test.h | 43 // gemmlowp itself doesn't have a Matrix class, only a MatrixMap class, 47 class Matrix : public MatrixMap<tScalar, tOrder> { 60 Matrix() : Map(nullptr, 0, 0, 0) {} 62 Matrix(int rows, int cols) : Map(nullptr, 0, 0, 0) { Resize(rows, cols); } 64 Matrix(const Matrix& other) : Map(nullptr, 0, 0, 0) { *this = other; } 66 Matrix& operator=(const Matrix& other) { 72 friend bool operator==(const Matrix& a, const Matrix& b) [all...] |
/external/eigen/demos/opengl/ |
gpuhelper.h | 33 /** Multiply the OpenGL matrix \a matrixTarget by the matrix \a mat. 38 \sa Matrix, loadMatrix(), forceMatrixMode() 41 void multMatrix(const Matrix<Scalar,4,4, _Flags, 4,4>& mat, GLenum matrixTarget); 43 /** Load the matrix \a mat to the OpenGL matrix \a matrixTarget. 48 \sa Matrix, multMatrix(), forceMatrixMode() 51 void loadMatrix(const Eigen::Matrix<Scalar,4,4, _Flags, 4,4>& mat, GLenum matrixTarget); 58 /** Make the matrix \a matrixTarget the current OpenGL matrix target [all...] |
/external/eigen/unsupported/Eigen/src/NonLinearOptimization/ |
qrsolv.h | 8 Matrix< Scalar, Dynamic, Dynamic > &s, 11 const Matrix< Scalar, Dynamic, 1 > &diag, 12 const Matrix< Scalar, Dynamic, 1 > &qtb, 13 Matrix< Scalar, Dynamic, 1 > &x, 14 Matrix< Scalar, Dynamic, 1 > &sdiag) 23 Matrix< Scalar, Dynamic, 1 > wa(n); 37 /* eliminate the diagonal matrix d using a givens rotation. */
|
/external/eigen/unsupported/bench/ |
bench_svd.cpp | 73 cout << " Computes rotaion matrix" <<endl; 109 std::cout<<"On a (Dynamic, Dynamic) (6, 6) Matrix" <<std::endl; 110 bench_svd<Matrix<double,Dynamic,Dynamic> >(Matrix<double,Dynamic,Dynamic>(6, 6)); 112 std::cout<<"On a (Dynamic, Dynamic) (32, 32) Matrix" <<std::endl; 113 bench_svd<Matrix<double,Dynamic,Dynamic> >(Matrix<double,Dynamic,Dynamic>(32, 32)); 115 //std::cout<<"On a (Dynamic, Dynamic) (128, 128) Matrix" <<std::endl; 116 //bench_svd<Matrix<double,Dynamic,Dynamic> >(Matrix<double,Dynamic,Dynamic>(128, 128)) [all...] |
/frameworks/rs/tests/java_api/RsNbody/src/com/example/android/rs/nbody_gl/ |
BasicGLRenderer.java | 9 import android.opengl.Matrix; 50 Matrix.setLookAtM(mViewMatrix, 0, 54 Matrix.multiplyMM(mMVPMatrix, 0, mProjectionMatrix, 0, mViewMatrix, 0); 58 Matrix.setRotateM(mRotationMatrix, 0, mAngle, 0, 0, 1.0f); 59 Matrix.multiplyMM(scratch, 0, mMVPMatrix, 0, mRotationMatrix, 0); 67 Matrix.frustumM(mProjectionMatrix, 0, -ratio / 10, ratio / 10, -.1f, .1f, .1f, 200);
|
/external/llvm/include/llvm/CodeGen/PBQP/ |
ReductionRules.h | 33 typedef typename GraphT::Matrix Matrix; 42 const Matrix &ECosts = G.getEdgeCosts(EId); 77 typedef typename GraphT::Matrix Matrix; 95 const Matrix *YXECosts = FlipEdge1 ? 96 new Matrix(G.getEdgeCosts(YXEId).transpose()) : 99 const Matrix *ZXECosts = FlipEdge2 ? 100 new Matrix(G.getEdgeCosts(ZXEId).transpose()) : 133 const Matrix &YZECosts = G.getEdgeCosts(YZEId) [all...] |
/external/swiftshader/src/OpenGL/common/ |
MatrixStack.cpp | 23 stack = new Matrix[size]; 41 void MatrixStack::load(const Matrix &M) 48 stack[top] = Matrix(M[0], M[4], M[8], M[12], 56 stack[top] = Matrix((float)M[0], (float)M[4], (float)M[8], (float)M[12], 64 stack[top] *= Matrix::translate(x, y, z); 86 sw::Matrix rotate(c+x*x*_c, x*y*_c-z*s, x*z*_c+y*s, 100 stack[top] *= Matrix::scale(x, y, z); 110 stack[top] *= Matrix(M[0], M[4], M[8], M[12], 118 stack[top] *= Matrix((float)M[0], (float)M[4], (float)M[8], (float)M[12], 138 Matrix frustum(2 * n / (r - l), 0, A, 0 [all...] |
/prebuilts/clang/host/darwin-x86/clang-3957855/prebuilt_include/llvm/include/llvm/CodeGen/PBQP/ |
ReductionRules.h | 33 typedef typename GraphT::Matrix Matrix; 42 const Matrix &ECosts = G.getEdgeCosts(EId); 77 typedef typename GraphT::Matrix Matrix; 95 const Matrix *YXECosts = FlipEdge1 ? 96 new Matrix(G.getEdgeCosts(YXEId).transpose()) : 99 const Matrix *ZXECosts = FlipEdge2 ? 100 new Matrix(G.getEdgeCosts(ZXEId).transpose()) : 133 const Matrix &YZECosts = G.getEdgeCosts(YZEId) [all...] |
/prebuilts/clang/host/darwin-x86/clang-3960126/prebuilt_include/llvm/include/llvm/CodeGen/PBQP/ |
ReductionRules.h | 33 typedef typename GraphT::Matrix Matrix; 42 const Matrix &ECosts = G.getEdgeCosts(EId); 77 typedef typename GraphT::Matrix Matrix; 95 const Matrix *YXECosts = FlipEdge1 ? 96 new Matrix(G.getEdgeCosts(YXEId).transpose()) : 99 const Matrix *ZXECosts = FlipEdge2 ? 100 new Matrix(G.getEdgeCosts(ZXEId).transpose()) : 133 const Matrix &YZECosts = G.getEdgeCosts(YZEId) [all...] |
/prebuilts/clang/host/darwin-x86/clang-3977809/prebuilt_include/llvm/include/llvm/CodeGen/PBQP/ |
ReductionRules.h | 33 typedef typename GraphT::Matrix Matrix; 42 const Matrix &ECosts = G.getEdgeCosts(EId); 77 typedef typename GraphT::Matrix Matrix; 95 const Matrix *YXECosts = FlipEdge1 ? 96 new Matrix(G.getEdgeCosts(YXEId).transpose()) : 99 const Matrix *ZXECosts = FlipEdge2 ? 100 new Matrix(G.getEdgeCosts(ZXEId).transpose()) : 133 const Matrix &YZECosts = G.getEdgeCosts(YZEId) [all...] |