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

1 2 3 45 6 7 8 91011>>

  /external/eigen/Eigen/src/SparseLU/
SparseLU_SupernodalMatrix.h 185 InnerIterator(const MappedSuperNodalMatrix& mat, Index outer)
186 : m_matrix(mat),
188 m_supno(mat.colToSup()[outer]),
189 m_idval(mat.colIndexPtr()[outer]),
191 m_endidval(mat.colIndexPtr()[outer+1]),
192 m_idrow(mat.rowIndexPtr()[mat.supToCol()[mat.colToSup()[outer]]]),
193 m_endidrow(mat.rowIndexPtr()[mat.supToCol()[mat.colToSup()[outer]]+1]
    [all...]
  /external/eigen/Eigen/src/Cholesky/
LLT.h 197 static typename MatrixType::Index llt_rank_update_lower(MatrixType& mat, const VectorType& vec, const typename MatrixType::RealScalar& sigma)
209 Index n = mat.cols();
210 eigen_assert(mat.rows()==n && vec.size()==n);
224 g.makeGivens(mat(i,i), -temp(i), &mat(i,i));
229 ColXprSegment x(mat.col(i).tail(rs));
241 RealScalar Ljj = numext::real(mat.coeff(j,j));
251 mat.coeffRef(j,j) = nLjj;
258 temp.tail(rs) -= (wj/Ljj) * mat.col(j).tail(rs);
260 mat.col(j).tail(rs) = (nLjj/Ljj) * mat.col(j).tail(rs) + (nLjj * sigma*numext::conj(wj)/gamma)*temp.ta (…)
    [all...]
  /external/eigen/unsupported/Eigen/src/IterativeSolvers/
Scaling.h 66 * Compute the left and right diagonal matrices to scale the input matrix @p mat
72 void compute (const MatrixType& mat)
74 int m = mat.rows();
75 int n = mat.cols();
81 m_matrix = mat;
141 void computeRef (MatrixType& mat)
143 compute (mat);
144 mat = m_matrix;
  /external/deqp/external/vulkancts/modules/vulkan/shaderrender/
vktShaderRenderMatrixTests.cpp 27 * - mat OP mat
28 * - mat OP vec
29 * - vec OP mat
30 * - mat OP scalar
31 * - OP ( mat )
33 * - OP mat
633 tcu::Matrix<T, Cols, Rows> transpose (const tcu::Matrix<T, Rows, Cols>& mat)
639 retVal(c, r) = mat(r, c);
661 float determinant (const tcu::Matrix<float, Size, Size>& mat);
    [all...]
  /external/deqp/modules/gles3/functional/
es3fShaderMatrixTests.cpp 25 * - mat OP mat
26 * - mat OP vec
27 * - vec OP mat
28 * - mat OP scalar
29 * - OP ( mat )
31 * - OP mat
638 tcu::Matrix<T, Cols, Rows> transpose (const tcu::Matrix<T, Rows, Cols>& mat)
644 retVal(c, r) = mat(r, c);
666 float determinant (const tcu::Matrix<float, Size, Size>& mat);
    [all...]
  /external/opencv/cxcore/include/
cxtypes.h 582 #define CV_IS_MAT_HDR(mat) \
583 ((mat) != NULL && \
584 (((const CvMat*)(mat))->type & CV_MAGIC_MASK) == CV_MAT_MAGIC_VAL && \
585 ((const CvMat*)(mat))->cols > 0 && ((const CvMat*)(mat))->rows > 0)
587 #define CV_IS_MAT(mat) \
588 (CV_IS_MAT_HDR(mat) && ((const CvMat*)(mat))->data.ptr != NULL)
590 #define CV_IS_MASK_ARR(mat) \
591 (((mat)->type & (CV_MAT_TYPE_MASK & ~CV_8SC1)) == 0
780 CvSparseMat* mat; member in struct:CvSparseMatIterator
815 CvMatND mat; \/* Embedded matrix header for array histograms. *\/ member in struct:CvHistogram
    [all...]
  /external/libgdx/gdx/src/com/badlogic/gdx/graphics/g3d/loader/
ObjLoader.java 317 Material mat; field in class:ObjLoader.Group
323 this.mat = new Material("");
360 ModelMaterial mat = new ModelMaterial(); local
361 mat.id = curMatName;
362 mat.diffuse = new Color(difcolor);
363 mat.specular = new Color(speccolor);
364 mat.opacity = opacity;
365 mat.shininess = shininess;
370 if (mat.textures == null) mat.textures = new Array<ModelTexture>(1)
415 ModelMaterial mat = new ModelMaterial(); local
    [all...]
  /external/opencv/cv/src/
cvhistogram.cpp 65 CV_CALL( hist->bins = cvInitMatNDHeader( &hist->mat, dims, sizes,
109 CV_CALL( hist->bins = cvInitMatNDHeader( &hist->mat, dims, sizes,
199 CvMat mat; local
200 CV_CALL( cvGetMat( hist->bins, &mat, 0, 1 ));
201 CV_CALL( cvThreshold( &mat, &mat, thresh, 0, CV_THRESH_TOZERO ));
205 CvSparseMat* mat = (CvSparseMat*)hist->bins; local
209 for( node = cvInitSparseMatIterator( mat, &iterator );
212 float* val = (float*)CV_NODE_VAL( mat, node );
236 CvMat mat; local
245 CvSparseMat* mat = (CvSparseMat*)hist->bins; local
292 CvMat mat; local
338 CvSparseMat* mat = (CvSparseMat*)hist->bins; local
1067 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
1148 CvMatND* mat = (CvMatND*)(hist->bins); local
1333 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
1428 CvMat stub, *mat = (CvMat*)img[i]; local
1457 CvMat stub, *mat = (CvMat*)mask; local
1495 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
1533 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
1573 CvMatND* mat = (CvMatND*)(hist->bins); local
1778 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
1841 CvMatND* mat = (CvMatND*)(hist->bins); local
1984 CvSparseMat* mat = (CvSparseMat*)(hist->bins); local
2072 CvMat stub, *mat = (CvMat*)(i < dims ? img[i] : dst); local
2176 CvMat stub, *mat; local
2384 CvMatND * mat = (CvMatND *) cvReadByName( fs, node, "mat" ); local
    [all...]
cvaccum.cpp 395 CvMat stub, *mat = (CvMat*)arr; local
405 if( !CV_IS_MAT( mat ) || !CV_IS_MAT( sum ))
408 CV_CALL( mat = cvGetMat( mat, &stub, &coi1 ));
417 if( !CV_ARE_CNS_EQ( mat, sum ))
424 if( !CV_ARE_SIZES_EQ( mat, sum ))
427 size = cvGetMatSize( mat );
428 type = CV_MAT_TYPE( mat->type );
430 mat_step = mat->step;
441 if( CV_IS_MAT_CONT( mat->type & sum->type )
497 CvMat stub, *mat = (CvMat*)arr; local
705 CvMat stub, *mat = (CvMat*)arrY; local
    [all...]
  /external/mesa3d/src/gallium/state_trackers/vega/
paint.c 283 struct matrix mat; local
284 matrix_load_identity(&mat);
286 matrix_translate(&mat, -paint->gradient.linear.coords[0], -paint->gradient.linear.coords[1]);
287 matrix_mult(&mat, inv);
289 map[8] = mat.m[0]; map[9] = mat.m[3]; map[10] = mat.m[6]; map[11] = 0.f;
290 map[12] = mat.m[1]; map[13] = mat.m[4]; map[14] = mat.m[7]; map[15] = 0.f
339 struct matrix mat; local
368 struct matrix mat; local
    [all...]
  /external/opencv3/modules/cudaarithm/test/
test_gpumat.cpp 77 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
78 mat.setTo(zero);
80 EXPECT_MAT_NEAR(cv::Mat::zeros(size, type), mat, 0.0); local
91 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
92 mat.setTo(val);
101 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
102 mat.setTo(val);
104 EXPECT_MAT_NEAR(cv::Mat(size, type, val), mat, 0.0) local
116 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
126 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
129 EXPECT_MAT_NEAR(cv::Mat(size, type, val), mat, 0.0); local
143 cv::cuda::GpuMat mat = createMat(size, type, useRoi); local
153 cv::cuda::GpuMat mat = loadMat(mat_gold, useRoi); local
    [all...]
  /external/skia/src/core/
SkColorSpace.cpp 211 SkFloat3x3 mat {{ 2, 0, 0, 0, 3, 0, 0, 0, 4 }};
212 SkFloat3x3 inv = invert(mat);
213 mat.dump();
215 concat(mat, inv).dump();
216 concat(inv, mat).dump();
219 mat = gSRGB_toXYZD50;
220 inv = invert(mat);
221 mat.dump();
223 concat(mat, inv).dump();
224 concat(inv, mat).dump()
    [all...]
  /external/skia/src/utils/
SkMatrix44.cpp 725 typedef void (*Map2Procf)(const SkMScalar mat[][4], const float src2[], int count, float dst4[]);
726 typedef void (*Map2Procd)(const SkMScalar mat[][4], const double src2[], int count, double dst4[]);
728 static void map2_if(const SkMScalar mat[][4], const float* SK_RESTRICT src2,
740 static void map2_id(const SkMScalar mat[][4], const double* SK_RESTRICT src2,
752 static void map2_tf(const SkMScalar mat[][4], const float* SK_RESTRICT src2,
754 const float mat30 = SkMScalarToFloat(mat[3][0]);
755 const float mat31 = SkMScalarToFloat(mat[3][1]);
756 const float mat32 = SkMScalarToFloat(mat[3][2]);
767 static void map2_td(const SkMScalar mat[][4], const double* SK_RESTRICT src2,
770 dst4[0] = src2[0] + mat[3][0]
    [all...]
  /external/eigen/Eigen/src/SparseCore/
SparseColEtree.h 55 * \param mat The matrix in column-major format.
58 * \param perm The permutation to apply to the column of \b mat
61 int coletree(const MatrixType& mat, IndexVector& parent, IndexVector& firstRowElt, typename MatrixType::Index *perm=0)
64 Index nc = mat.cols(); // Number of columns
65 Index m = mat.rows();
71 parent.resize(mat.cols());
82 for (typename MatrixType::InnerIterator it(mat, pcol); it; ++it)
104 for (typename MatrixType::InnerIterator it(mat, pcol); it||!found_diag; ++it)
  /external/mesa3d/src/mesa/math/
m_matrix.h 100 _math_matrix_loadf( GLmatrix *mat, const GLfloat *m );
103 _math_matrix_translate( GLmatrix *mat, GLfloat x, GLfloat y, GLfloat z );
110 _math_matrix_scale( GLmatrix *mat, GLfloat x, GLfloat y, GLfloat z );
113 _math_matrix_ortho( GLmatrix *mat,
119 _math_matrix_frustum( GLmatrix *mat,
135 _math_matrix_analyse( GLmatrix *mat );
186 * Transform a normal (row vector) by a matrix: [NX NY NZ] = N * MAT
188 #define TRANSFORM_NORMAL( TO, N, MAT ) \
190 TO[0] = N[0] * MAT[0] + N[1] * MAT[1] + N[2] * MAT[2];
    [all...]
m_norm_tmp.h 35 * mat - the 4x4 transformation matrix
43 TAG(transform_normalize_normals)( const GLmatrix *mat,
53 const GLfloat *m = mat->inv;
110 TAG(transform_normalize_normals_no_rot)( const GLmatrix *mat,
120 const GLfloat *m = mat->inv;
175 TAG(transform_rescale_normals_no_rot)( const GLmatrix *mat,
185 const GLfloat *m = mat->inv;
204 TAG(transform_rescale_normals)( const GLmatrix *mat,
217 const GLfloat *m = mat->inv;
236 TAG(transform_normals_no_rot)( const GLmatrix *mat,
    [all...]
  /external/eigen/Eigen/src/QR/
HouseholderQR.h 225 void householder_qr_inplace_unblocked(MatrixQR& mat, HCoeffs& hCoeffs, typename MatrixQR::Scalar* tempData = 0)
230 Index rows = mat.rows();
231 Index cols = mat.cols();
250 mat.col(k).tail(remainingRows).makeHouseholderInPlace(hCoeffs.coeffRef(k), beta);
251 mat.coeffRef(k,k) = beta;
254 mat.bottomRightCorner(remainingRows, remainingCols)
255 .applyHouseholderOnTheLeft(mat.col(k).tail(remainingRows-1), hCoeffs.coeffRef(k), tempData+k+1);
266 static void run(MatrixQR& mat, HCoeffs& hCoeffs,
274 Index rows = mat.rows();
275 Index cols = mat.cols()
    [all...]
  /external/opencv3/3rdparty/libjasper/
jas_cm.c 198 fwdshapmat->mat[0][0] = 1.0;
199 fwdshapmat->mat[0][1] = 0.0;
200 fwdshapmat->mat[0][2] = 1.402;
201 fwdshapmat->mat[1][0] = 1.0;
202 fwdshapmat->mat[1][1] = -0.34413;
203 fwdshapmat->mat[1][2] = -0.71414;
204 fwdshapmat->mat[2][0] = 1.0;
205 fwdshapmat->mat[2][1] = 1.772;
206 fwdshapmat->mat[2][2] = 0.0;
207 fwdshapmat->mat[0][3] = -0.5 * (1.402)
1129 jas_cmreal_t mat[3][4]; local
    [all...]
  /external/mesa3d/src/mesa/program/
prog_statevars.c 59 const struct gl_material *mat = &ctx->Light.Material; local
69 COPY_4V(value, mat->Attrib[MAT_ATTRIB_FRONT_AMBIENT + face]);
72 COPY_4V(value, mat->Attrib[MAT_ATTRIB_FRONT_DIFFUSE + face]);
75 COPY_4V(value, mat->Attrib[MAT_ATTRIB_FRONT_SPECULAR + face]);
78 COPY_4V(value, mat->Attrib[MAT_ATTRIB_FRONT_EMISSION + face]);
81 value[0] = mat->Attrib[MAT_ATTRIB_FRONT_SHININESS + face][0];
291 const gl_state_index mat = state[0]; local
302 if (mat == STATE_MODELVIEW_MATRIX) {
305 else if (mat == STATE_PROJECTION_MATRIX) {
308 else if (mat == STATE_MVP_MATRIX)
1001 const gl_state_index mat = state[0]; local
1119 GLmatrix *mat; local
    [all...]
  /external/opencv3/modules/video/src/
camshift.cpp 48 Mat mat; local
55 mat = _probImage.getMat(), cn = mat.channels(), size = mat.size();
81 Moments m = isUMat ? moments(umat(cur_rect)) : moments(mat(cur_rect));
113 Mat mat; local
120 mat = _probImage.getMat(), size = mat.size()
    [all...]
  /external/opencv3/modules/viz/src/vtk/
vtkTrajectorySource.h 48 #include <opencv2/core/mat.hpp>
66 static Mat ExtractPoints(InputArray trajectory);
  /external/skia/gm/
filterbitmap.cpp 20 static SkSize computeSize(const SkBitmap& bm, const SkMatrix& mat) {
23 mat.mapRect(&bounds);
27 static void draw_cell(SkCanvas* canvas, const SkBitmap& bm, const SkMatrix& mat, SkScalar dx,
34 canvas->concat(mat);
38 static void draw_row(SkCanvas* canvas, const SkBitmap& bm, const SkMatrix& mat, SkScalar dx) {
39 draw_cell(canvas, bm, mat, 0 * dx, kNone_SkFilterQuality);
40 draw_cell(canvas, bm, mat, 1 * dx, kLow_SkFilterQuality);
41 draw_cell(canvas, bm, mat, 2 * dx, kMedium_SkFilterQuality);
42 draw_cell(canvas, bm, mat, 3 * dx, kHigh_SkFilterQuality);
  /external/skia/samplecode/
SampleSkLayer.cpp 15 static void test_inv(const char label[], const SkMatrix44& mat) {
17 mat.dump();
20 if (mat.invert(&inv)) {
27 a.setConcat(mat, inv);
28 b.setConcat(inv, mat);
29 SkDebugf("concat mat with inverse pre=%d post=%d\n", a.isIdentity(), b.isIdentity());
40 const SkMatrix44& mat,
44 dst = mat * src;
52 static void test_33(const SkMatrix44& mat,
55 SkMatrix dst = mat;
    [all...]
  /external/skia/src/gpu/glsl/
GrGLSLGeometryProcessor.h 85 const SkMatrix& mat,
88 static uint32_t ComputePosKey(const SkMatrix& mat) {
89 if (mat.isIdentity()) {
91 } else if (!mat.hasPerspective()) {
  /external/eigen/Eigen/src/Eigenvalues/
SelfAdjointEigenSolver.h 416 MatrixType& mat = m_eivec; local
419 mat = matrix.template triangularView<Lower>();
420 RealScalar scale = mat.cwiseAbs().maxCoeff();
422 mat.template triangularView<Lower>() /= scale;
424 internal::tridiagonalization_inplace(mat, diag, m_subdiag, computeEigenvectors);
546 static inline bool extract_kernel(MatrixType& mat, Ref<VectorType> res, Ref<VectorType> representative)
551 mat.diagonal().cwiseAbs().maxCoeff(&i0);
552 // mat.col(i0) is a good candidate for an orthogonal vector to the current eigenvector,
554 representative = mat.col(i0);
557 n0 = (c0 = representative.cross(mat.col((i0+1)%3))).squaredNorm()
    [all...]

Completed in 808 milliseconds

1 2 3 45 6 7 8 91011>>