HomeSort by relevance Sort by last modified time
    Searched refs:matrix (Results 101 - 125 of 1775) sorted by null

1 2 3 45 6 7 8 91011>>

  /external/opencv/cvaux/src/
_cvvm.h 56 /* Scanline section. Find coordinates by fundamental matrix */
122 /*============================== Fundamental Matrix Functions ==========================*/
143 CvStatus icvGetCoefficient( CvMatrix3* matrix,
149 CvStatus icvGetCoefficientDefault( CvMatrix3* matrix,
155 CvStatus icvGetCoefficientStereo( CvMatrix3* matrix,
164 CvStatus icvGetCoefficientOrto( CvMatrix3* matrix,
181 CvMatrix3* matrix,
191 CvMatrix3* matrix,
200 CvMatrix3* matrix,
206 CvMatrix3* matrix,
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
norm_op_test.py 39 matrix = [[0., 1.], [2., 3.]]
43 linalg_ops.norm(matrix, ord="fro")
48 linalg_ops.norm(matrix, ord=ord_, axis=-1)
52 "'ord' must be a supported matrix norm"):
53 linalg_ops.norm(matrix, ord=ord_, axis=[-2, -1])
56 matrix = [[0., 1.], [2., 3.]]
61 linalg_ops.norm(matrix, axis=axis_)
66 def _CompareNorm(self, matrix):
67 np_norm = np.linalg.norm(matrix, ord=ord_, axis=axis_, keepdims=keep_dims_)
70 tf_matrix = constant_op.constant(matrix)
    [all...]
  /packages/apps/LegacyCamera/tests/src/com/android/camera/unittest/
CameraTest.java 23 import android.graphics.Matrix;
77 Matrix matrix = new Matrix(); local
81 Util.prepareMatrix(matrix, false, 0, 800, 480);
84 matrix.mapPoints(points);
87 Util.prepareMatrix(matrix, false, 90, 800, 480);
90 matrix.mapPoints(points);
93 Util.prepareMatrix(matrix, false, 180, 800, 480);
96 matrix.mapPoints(points)
    [all...]
  /cts/tests/tests/location/src/android/location/cts/psedorange/
GpsMathOperations.java 21 * Helper class containing the basic vector and matrix operations used for calculating the position
23 * TODO: use standard matrix library to replace the operations in this class.
59 * Multiply a matrix {@code matrix} by a column vector {@code vector}
60 * ({@code matrix} * {@code vector}) and return the resulting vector {@resultVector}.
61 * {@code matrix} and {@vector} dimensions must match.
63 public static double[] matrixByColVectMultiplication(double[][] matrix, double[] vector)
65 double result[] = new double[matrix.length];
66 int matrixLength = matrix.length;
68 if (vectorLength != matrix[0].length)
    [all...]
  /external/eigen/Eigen/src/misc/
RealSvd2x2.h 19 void real_2x2_jacobi_svd(const MatrixType& matrix, Index p, Index q,
25 Matrix<RealScalar,2,2> m;
26 m << numext::real(matrix.coeff(p,p)), numext::real(matrix.coeff(p,q)),
27 numext::real(matrix.coeff(q,p)), numext::real(matrix.coeff(q,q));
  /external/mesa3d/src/mesa/main/
querymatrix.c 27 * mantissa[16] contains the contents of the current matrix in GLfixed
29 * matrix components, so that the internal representation of component i
44 GLfloat matrix[16]; local
54 /* This data structure defines the mapping between the current matrix
55 * mode and the desired matrix identifier.
66 /* Call Mesa to get the current matrix in floating-point form. First,
67 * we have to figure out what the current matrix mode is.
74 * returned mode to get the desired matrix; if we don't find it,
89 /* Now pull the matrix itself. */
90 _mesa_GetFloatv(desiredMatrix, matrix);
    [all...]
  /external/skia/gm/
subsetshader.cpp 27 SkMatrix matrix; local
28 matrix.setScale(0.75f, 0.75f);
29 matrix.preRotate(30.0f);
32 paint.setShader(SkShader::MakeBitmapShader(leftBitmap, tm, tm, &matrix));
34 paint.setShader(SkShader::MakeBitmapShader(rightBitmap, tm, tm, &matrix));
  /external/skqp/gm/
subsetshader.cpp 27 SkMatrix matrix; local
28 matrix.setScale(0.75f, 0.75f);
29 matrix.preRotate(30.0f);
32 paint.setShader(SkShader::MakeBitmapShader(leftBitmap, tm, tm, &matrix));
34 paint.setShader(SkShader::MakeBitmapShader(rightBitmap, tm, tm, &matrix));
  /packages/apps/Dialer/java/com/android/dialer/callcomposer/util/
BitmapResizer.java 20 import android.graphics.Matrix;
43 Matrix matrix = new Matrix(); local
44 matrix.postRotate(rotation);
51 return Bitmap.createBitmap(image, 0, 0, width, height, matrix, true);
69 matrix.postScale(ratio, ratio);
70 return Bitmap.createBitmap(image, 0, 0, width, height, matrix, true);
  /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...]
  /cts/tests/tests/uirendering/src/android/uirendering/cts/testinfrastructure/
ResourceModifier.java 27 import android.graphics.Matrix;
67 Matrix matrix = new Matrix(); local
68 matrix.setTranslate(texWidth / 2.0f, texHeight / 2.0f);
69 matrix.postRotate(45, 0, 0);
70 translatedShader.setLocalMatrix(matrix);
74 matrix = new Matrix();
75 matrix.setScale(0.5f, 0.5f)
    [all...]
  /development/gsi/gsi_util/gsi_util/checkers/
vintf_checker.py 34 # Each item is a tuple containing a (manifest, matrix) pair for the match
67 [manifest_filename, matrix_filename]) as [manifest, matrix]:
70 if not matrix:
74 result_ok, stderr = vintf_utils.checkvintf(manifest, matrix)
  /external/skia/experimental/sksg/geometry/
SkSGGeometryTransform.h 21 * Concrete Effect node, binding a Matrix to a GeometryNode.
25 static sk_sp<GeometryTransform> Make(sk_sp<GeometryNode> child, sk_sp<Matrix> matrix) {
26 return child && matrix
27 ? sk_sp<GeometryTransform>(new GeometryTransform(std::move(child), std::move(matrix)))
32 return Make(std::move(child), Matrix::Make(m));
37 const sk_sp<Matrix>& getMatrix() const { return fMatrix; }
47 GeometryTransform(sk_sp<GeometryNode>, sk_sp<Matrix>);
50 const sk_sp<Matrix> fMatrix;
  /external/skqp/experimental/sksg/geometry/
SkSGGeometryTransform.h 21 * Concrete Effect node, binding a Matrix to a GeometryNode.
25 static sk_sp<GeometryTransform> Make(sk_sp<GeometryNode> child, sk_sp<Matrix> matrix) {
26 return child && matrix
27 ? sk_sp<GeometryTransform>(new GeometryTransform(std::move(child), std::move(matrix)))
32 return Make(std::move(child), Matrix::Make(m));
37 const sk_sp<Matrix>& getMatrix() const { return fMatrix; }
47 GeometryTransform(sk_sp<GeometryNode>, sk_sp<Matrix>);
50 const sk_sp<Matrix> fMatrix;
  /external/swiftshader/src/Shader/
VertexPipeline.hpp 37 Vector4f transformBlend(const Register &src, const Pointer<Byte> &matrix, bool homogenous);
38 Vector4f transform(const Register &src, const Pointer<Byte> &matrix, bool homogenous);
39 Vector4f transform(const Register &src, const Pointer<Byte> &matrix, UInt index[4], bool homogenous);
  /external/tensorflow/tensorflow/core/kernels/
matrix_solve_ls_op_impl.h 41 using Matrix = typename Base::Matrix;
75 const ConstMatrixMap& matrix = inputs[0]; variable
86 const int64 rows = matrix.rows();
87 const int64 cols = matrix.cols();
89 // The result is the empty matrix.
93 // The fast branch assumes that matrix is not rank deficient and
96 // 1 / cond(matrix) > sqrt(std::numeric_limits<Scalar>::epsilon()).
99 if (matrix.rows() >= matrix.cols())
    [all...]
  /external/skia/src/effects/
SkHighContrastFilter.cpp 87 float* matrix = alloc->makeArray<float>(12); local
88 matrix[0] = matrix[1] = matrix[2] = r;
89 matrix[3] = matrix[4] = matrix[5] = g;
90 matrix[6] = matrix[7] = matrix[8] = b
95 float* matrix = alloc->makeArray<float>(12); local
101 float* matrix = alloc->makeArray<float>(12); local
109 float* matrix = alloc->makeArray<float>(12); local
    [all...]
SkColorMatrixFilter.cpp 25 // We operate as a matrix color filter, but remember our input colors in case we're asked
30 SkColorMatrix matrix; local
31 matrix.setScale(byte_to_scale(SkColorGetR(mul)),
35 matrix.postTranslate(SkIntToScalar(SkColorGetR(add)),
39 fMatrixFilter = SkColorFilter::MakeMatrixFilterRowMajor255(matrix.fMat);
56 bool asColorMatrix(SkScalar matrix[20]) const override {
57 return fMatrixFilter->asColorMatrix(matrix);
  /external/skqp/src/effects/
SkHighContrastFilter.cpp 87 float* matrix = alloc->makeArray<float>(12); local
88 matrix[0] = matrix[1] = matrix[2] = r;
89 matrix[3] = matrix[4] = matrix[5] = g;
90 matrix[6] = matrix[7] = matrix[8] = b
95 float* matrix = alloc->makeArray<float>(12); local
101 float* matrix = alloc->makeArray<float>(12); local
109 float* matrix = alloc->makeArray<float>(12); local
    [all...]
SkColorMatrixFilter.cpp 25 // We operate as a matrix color filter, but remember our input colors in case we're asked
30 SkColorMatrix matrix; local
31 matrix.setScale(byte_to_scale(SkColorGetR(mul)),
35 matrix.postTranslate(SkIntToScalar(SkColorGetR(add)),
39 fMatrixFilter = SkColorFilter::MakeMatrixFilterRowMajor255(matrix.fMat);
56 bool asColorMatrix(SkScalar matrix[20]) const override {
57 return fMatrixFilter->asColorMatrix(matrix);
  /external/skia/include/effects/
Sk2DPathEffect.h 58 static sk_sp<SkPathEffect> Make(SkScalar width, const SkMatrix& matrix) {
59 return sk_sp<SkPathEffect>(new SkLine2DPathEffect(width, matrix));
69 SkLine2DPathEffect(SkScalar width, const SkMatrix& matrix)
70 : Sk2DPathEffect(matrix), fWidth(width) {}
84 * Stamp the specified path to fill the shape, using the matrix to define
87 static sk_sp<SkPathEffect> Make(const SkMatrix& matrix, const SkPath& path) {
88 return sk_sp<SkPathEffect>(new SkPath2DPathEffect(matrix, path));
  /external/skqp/include/effects/
Sk2DPathEffect.h 58 static sk_sp<SkPathEffect> Make(SkScalar width, const SkMatrix& matrix) {
59 return sk_sp<SkPathEffect>(new SkLine2DPathEffect(width, matrix));
69 SkLine2DPathEffect(SkScalar width, const SkMatrix& matrix)
70 : Sk2DPathEffect(matrix), fWidth(width) {}
84 * Stamp the specified path to fill the shape, using the matrix to define
87 static sk_sp<SkPathEffect> Make(const SkMatrix& matrix, const SkPath& path) {
88 return sk_sp<SkPathEffect>(new SkPath2DPathEffect(matrix, path));
  /frameworks/support/transition/src/main/java/androidx/transition/
ViewUtilsApi21.java 19 import android.graphics.Matrix;
42 public void transformMatrixToGlobal(@NonNull View view, @NonNull Matrix matrix) {
46 sTransformMatrixToGlobalMethod.invoke(view, matrix);
56 public void transformMatrixToLocal(@NonNull View view, @NonNull Matrix matrix) {
60 sTransformMatrixToLocalMethod.invoke(view, matrix);
70 public void setAnimationMatrix(@NonNull View view, Matrix matrix) {
74 sSetAnimationMatrixMethod.invoke(view, matrix);
    [all...]
  /cts/apps/CtsVerifier/src/com/android/cts/verifier/sensors/sixdof/Utils/
MathsUtils.java 18 import android.opengl.Matrix;
98 float rlf = 1.0f / Matrix.length(zAxisX, zAxisY, zAxisZ);
109 float rls = 1.0f / Matrix.length(xAxisX, xAxisY, xAxisZ);
141 * A function to convert a quaternion to quaternion Matrix. Please note that Opengl.Matrix is
142 * Column Major and so we construct the matrix in Column Major Format. - - - - | 0 4 8 12 | | 1
146 * @return Quaternion Matrix of float[16]
149 float[] matrix = new float[16]; local
167 matrix[0] = 1f - 2f * (y2 + z2);
168 matrix[4] = 2f * (xy - wz)
    [all...]
  /external/pdfium/core/fpdfapi/page/
cpdf_formobject.h 19 CPDF_FormObject(std::unique_ptr<CPDF_Form> pForm, const CFX_Matrix& matrix);
24 void Transform(const CFX_Matrix& matrix) override;

Completed in 1286 milliseconds

1 2 3 45 6 7 8 91011>>