HomeSort by relevance Sort by last modified time
    Searched defs:Matrix (Results 1 - 25 of 55) sorted by null

1 2 3

  /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...]
Projector.java 19 import android.opengl.Matrix;
43 Matrix.multiplyMM(mMVP, 0, mGrabber.mProjection, 0, mGrabber.mModelView, 0);
47 Matrix.multiplyMV(mV, 0, mMVP, 0, obj, objOffset);
57 * Get the current projection matrix. Has the side-effect of
58 * setting current matrix mode to GL_PROJECTION
67 * Get the current model view matrix. Has the side-effect of
68 * setting current matrix mode to GL_MODELVIEW
  /packages/apps/Gallery2/src/com/android/gallery3d/ui/
EdgeView.java 20 import android.opengl.Matrix;
35 // Each edge effect has a transform matrix, and each matrix has 16 elements.
37 // starting index of each matrix.
71 Matrix.setIdentityM(mMatrix, TOP_M);
72 Matrix.setIdentityM(mMatrix, LEFT_M);
73 Matrix.setIdentityM(mMatrix, BOTTOM_M);
74 Matrix.setIdentityM(mMatrix, RIGHT_M);
76 Matrix.rotateM(mMatrix, LEFT_M, 90, 0, 0, 1);
77 Matrix.scaleM(mMatrix, LEFT_M, 1, -1, 1)
    [all...]
Paper.java 20 import android.opengl.Matrix;
83 Matrix.setIdentityM(mMatrix, 0);
84 Matrix.translateM(mMatrix, 0, mMatrix, 0, rect.centerX(), rect.centerY(), 0);
85 Matrix.rotateM(mMatrix, 0, degrees, 0, 1, 0);
86 Matrix.translateM(mMatrix, 0, mMatrix, 0, -rect.width() / 2, -rect.height() / 2, 0);
  /frameworks/base/opengl/java/android/opengl/
GLU.java 77 Matrix.setLookAtM(scratch, 0, eyeX, eyeY, eyeZ, centerX, centerY, centerZ,
84 * Set up a 2D orthographic projection matrix
98 * Set up a perspective projection matrix
131 * @param model the current modelview matrix
134 * @param project the current projection matrix
136 * matrix data starts.
155 Matrix.multiplyMM(scratch, M_OFFSET, project, projectOffset,
163 Matrix.multiplyMV(scratch, V2_OFFSET,
197 * @param model the current modelview matrix
200 * @param project the current projection matrix
    [all...]
  /external/ceres-solver/include/ceres/internal/
eigen.h 41 typedef Eigen::Matrix<double, Dynamic, 1> Vector;
42 typedef Eigen::Matrix<double, Dynamic, Dynamic, RowMajor> Matrix;
44 typedef Eigen::Map<Matrix> MatrixRef;
45 typedef Eigen::Map<Matrix, Eigen::Aligned> AlignedMatrixRef;
47 typedef Eigen::Map<const Matrix, Eigen::Aligned> ConstAlignedMatrixRef;
48 typedef Eigen::Map<const Matrix> ConstMatrixRef;
51 // struct so that we can support statically sized Matrix and Maps.
54 typedef Eigen::Matrix <double, num_rows, num_cols, RowMajor>
55 Matrix;
    [all...]
  /external/eigen/Eigen/src/Eigen2Support/Geometry/
RotationBase.h 15 // in 2D and 3D space excepted Matrix and Quaternion.
32 /** corresponding linear transformation matrix type */
33 typedef Matrix<Scalar,Dim,Dim> RotationMatrixType;
38 /** \returns an equivalent rotation matrix */
59 * Constructs a Dim x Dim rotation matrix from the rotation \a r
63 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols>
64 ::Matrix(const RotationBase<OtherDerived,ColsAtCompileTime>& r)
66 EIGEN_STATIC_ASSERT_MATRIX_SPECIFIC_SIZE(Matrix,int(OtherDerived::Dim),int(OtherDerived::Dim))
72 * Set a Dim x Dim rotation matrix from the rotation \a r
76 Matrix<_Scalar, _Rows, _Cols, _Storage, _MaxRows, _MaxCols>
    [all...]
  /external/llvm/lib/CodeGen/
RegAllocBase.h 65 LiveRegMatrix *Matrix;
68 RegAllocBase(): TRI(0), MRI(0), VRM(0), LIS(0), Matrix(0) {}
  /external/valgrind/unittest/
linear_solver.h 77 class Matrix {
82 * This matrix can grow its "N" i.e. width
86 Matrix (int M_, int N) {
93 ~Matrix() {
158 Vector EstimateParameters(const Matrix & perf_m, const Vector & stats_v, double rel_diff, int * iter_count = NULL)
174 // First, let's find out those lines in matrix having only one non-zero coefficient
175 // and if we have any, decrease the dimension of our matrix
234 // Formulate the sub-problem (sub-matrix & sub-stats)
235 Matrix new_m(M - count_easy_param, N - count_easy_param);
  /development/samples/ApiDemos/src/com/example/android/apis/graphics/
GLES20TriangleRenderer.java 34 import android.opengl.Matrix;
75 Matrix.setRotateM(mMMatrix, 0, angle, 0, 0, 1.0f);
76 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
77 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
89 Matrix.frustumM(mProjMatrix, 0, -ratio, ratio, -1, 1, 3, 7);
154 Matrix.setLookAtM(mVMatrix, 0, 0, 0, -5, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
  /development/samples/BasicGLSurfaceView/src/com/example/android/basicglsurfaceview/
GLES20TriangleRenderer.java 34 import android.opengl.Matrix;
73 Matrix.setRotateM(mMMatrix, 0, angle, 0, 0, 1.0f);
74 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
75 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
87 Matrix.frustumM(mProjMatrix, 0, -ratio, ratio, -1, 1, 3, 7);
152 Matrix.setLookAtM(mVMatrix, 0, 0, 0, -5, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
  /external/eigen/Eigen/src/Geometry/
RotationBase.h 36 /** corresponding linear transformation matrix type */
37 typedef Matrix<Scalar,Dim,Dim> RotationMatrixType;
38 typedef Matrix<Scalar,Dim,1> VectorType;
44 /** \returns an equivalent rotation matrix */
47 /** \returns an equivalent rotation matrix
50 inline RotationMatrixType matrix() const { return derived().toRotationMatrix(); } function in class:Eigen::RotationBase
65 * - a DimxDim linear transformation matrix
66 * - a DimxDim diagonal matrix (axis aligned scaling)
99 // implementation of the generic product rotation * matrix
104 typedef Matrix<typename RotationDerived::Scalar,Dim,Dim> ReturnType
    [all...]
  /external/eigen/test/eigen2/
gsl_helper.h 26 typedef gsl_matrix* Matrix;
28 static Matrix createMatrix(int rows, int cols) { return gsl_matrix_alloc(rows,cols); }
30 static void free(Matrix& m) { gsl_matrix_free(m); m=0; }
32 static void prod(const Matrix& m, const Vector& v, Vector& x) { gsl_blas_dgemv(CblasNoTrans,1,m,v,0,x); }
33 static void cholesky(Matrix& m) { gsl_linalg_cholesky_decomp(m); }
34 static void cholesky_solve(const Matrix& m, const Vector& b, Vector& x) { gsl_linalg_cholesky_solve(m,b,x); }
35 static void eigen_symm(const Matrix& m, Vector& eval, Matrix& evec)
38 Matrix a = createMatrix(m->size1, m->size2);
45 static void eigen_symm_gen(const Matrix& m, const Matrix& _b, Vector& eval, Matrix& evec
    [all...]
  /cts/tests/tests/mediastress/src/android/mediastress/cts/
SurfaceTextureRenderer.java 23 import android.opengl.Matrix;
98 Matrix.setIdentityM(mSTMatrix, 0);
99 Matrix.setIdentityM(mMMatrix, 0);
100 Matrix.rotateM(mMMatrix, 0, 20, 0, 1, 0);
136 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
137 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
151 Matrix.frustumM(mProjMatrix, 0, -mRatio, mRatio, -1, 1, 3, 7);
226 Matrix.setLookAtM(mVMatrix, 0, 0, 0, 4f, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
  /development/ndk/platforms/android-14/samples/native-media/src/com/example/nativemedia/
MyGLSurfaceView.java 33 import android.opengl.Matrix;
78 Matrix.setIdentityM(mSTMatrix, 0);
79 Matrix.setIdentityM(mMMatrix, 0);
80 Matrix.rotateM(mMMatrix, 0, 20, 0, 1, 0);
116 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
117 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
131 Matrix.frustumM(mProjMatrix, 0, -mRatio, mRatio, -1, 1, 3, 7);
207 Matrix.setLookAtM(mVMatrix, 0, 0, 0, 4f, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
  /frameworks/wilhelm/tests/native-media/src/com/example/nativemedia/
MyGLSurfaceView.java 34 import android.opengl.Matrix;
90 Matrix.setIdentityM(mSTMatrix, 0);
91 Matrix.setIdentityM(mMMatrix, 0);
92 Matrix.rotateM(mMMatrix, 0, 20, 0, 1, 0);
128 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
129 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
143 Matrix.frustumM(mProjMatrix, 0, -mRatio, mRatio, -1, 1, 3, 7);
219 Matrix.setLookAtM(mVMatrix, 0, 0, 0, 4f, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
  /external/eigen/Eigen/src/Core/
Matrix.h 16 /** \class Matrix
19 * \brief The matrix class, also used for vectors and row-vectors
21 * The %Matrix class is the work-horse for all \em dense (\ref dense "note") matrices and vectors within Eigen.
24 * The %Matrix class encompasses \em both fixed-size and dynamic-size objects (\ref fixedsize "note").
42 * \li \c Matrix2d is a 2x2 square matrix of doubles (\c Matrix<double, 2, 2>)
43 * \li \c Vector4f is a vector of 4 floats (\c Matrix<float, 4, 1>)
44 * \li \c RowVector3i is a row-vector of 3 ints (\c Matrix<int, 1, 3>)
46 * \li \c MatrixXf is a dynamic-size matrix of floats (\c Matrix<float, Dynamic, Dynamic>
    [all...]
Map.h 19 * \brief A matrix or vector expression mapping an existing array of data.
21 * \tparam PlainObjectType the equivalent matrix type of the mapped data
28 * This class represents a matrix or vector expression mapping an existing array of data.
34 * Here's an example of simply mapping a contiguous array as a \ref TopicStorageOrders "column-major" matrix:
47 * as a column-major matrix, 'outer stride' means the pointer increment between two consecutive columns.
157 /** Constructor in the dynamic-size matrix case.
160 * \param rows the number of rows of the matrix expression
161 * \param cols the number of columns of the matrix expression
184 inline Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>
185 ::Matrix(const Scalar *data
    [all...]
  /external/llvm/include/llvm/CodeGen/
LiveRegMatrix.h 11 // along two dimensions: Slot indexes and register units. The matrix is used by
49 // The matrix is represented as a LiveIntervalUnion per register unit.
51 LiveIntervalUnion::Array Matrix;
135 /// Query a line of the assigned virtual register matrix directly.
143 LiveIntervalUnion *getLiveUnions() { return &Matrix[0]; }
  /frameworks/native/opengl/tests/gl2_cameraeye/src/com/android/gl2cameraeye/
GL2CameraEye.java 37 import android.opengl.Matrix;
146 Matrix.setIdentityM(mSTMatrix, 0);
147 Matrix.setIdentityM(mMMatrix, 0);
221 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
222 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
237 Matrix.frustumM(mProjMatrix, 0, -mRatio, mRatio, -1, 1, 3, 7);
322 Matrix.setLookAtM(mVMatrix, 0, 0, 0, 5f, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
376 Matrix.setIdentityM(mMMatrix, 0);
377 Matrix.translateM(mMMatrix, 0, mPos[0], mPos[1], mPos[2]);
  /cts/tests/tests/openglperf/src/android/openglperf/cts/
PlanetsRenderer.java 25 import android.opengl.Matrix;
157 Matrix.setRotateM(mMMatrix, 0, angle, 0, 0, 1.0f);
158 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
159 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
260 Matrix.frustumM(mProjMatrix, 0, -ratio, ratio, -1, 1, 3, 7);
261 Matrix.setLookAtM(mVMatrix, 0, 0, 3, 3, 0f, 0f, 0f, 0f, 1.0f, 0.0f);
271 // simple shader with MVP matrix and text coord
  /external/eigen/test/
nomalloc.cpp 33 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
49 VERIFY_IS_APPROX(m1.cwiseProduct(m1.block(0,0,rows,cols)), (m1.array()*m1.array()).matrix());
88 // The following fancy matrix-matrix products are not safe yet regarding static allocation
102 typedef Eigen::Matrix<Scalar,
105 maxSize, maxSize> Matrix;
107 typedef Eigen::Matrix<Scalar,
112 typedef Eigen::Matrix<std::complex<Scalar>,
117 const Matrix A(Matrix::Random(size, size)), B(Matrix::Random(size, size))
    [all...]
  /packages/apps/Gallery2/src/com/android/gallery3d/glrenderer/
GLES20Canvas.java 23 import android.opengl.Matrix;
150 // Projection matrix
270 Matrix.setIdentityM(mTempTextureMatrix, 0);
271 Matrix.setIdentityM(mMatrices, mCurrentMatrixIndex);
351 Matrix.setIdentityM(mMatrices, mCurrentMatrixIndex);
352 Matrix.orthoM(mProjectionMatrix, 0, 0, width, 0, height, -1, 1);
356 Matrix.translateM(mMatrices, mCurrentMatrixIndex, 0, height, 0);
357 Matrix.scaleM(mMatrices, mCurrentMatrixIndex, 1, -1, 1);
394 Matrix.translateM(mMatrices, mCurrentMatrixIndex, x, y, z);
398 // (1) we knows z = 0, (2) we inline the Matrix.translateM call
422 float[] matrix = mMatrices; local
    [all...]
GLES11Canvas.java 24 import android.opengl.Matrix;
146 float matrix[] = mMatrixValues; local
147 Matrix.setIdentityM(matrix, 0);
150 Matrix.translateM(matrix, 0, 0, height, 0);
151 Matrix.scaleM(matrix, 0, 1, -1, 1);
230 Matrix.translateM(mMatrixValues, 0, x, y, z);
234 // (1) we knows z = 0, (2) we inline the Matrix.translateM call
    [all...]
  /cts/tests/tests/hardware/src/android/hardware/cts/
CameraGLTest.java 28 import android.opengl.Matrix;
641 Matrix.setIdentityM(mSTMatrix, 0);
642 Matrix.setIdentityM(mMMatrix, 0);
694 Matrix.multiplyMM(mMVPMatrix, 0, mVMatrix, 0, mMMatrix, 0);
695 Matrix.multiplyMM(mMVPMatrix, 0, mProjMatrix, 0, mMVPMatrix, 0);
711 Matrix.frustumM(mProjMatrix, 0, -mRatio, mRatio, -1, 1, 3, 7);
    [all...]

Completed in 624 milliseconds

1 2 3