Searched refs:mat (Results 1 - 25 of 343) sorted by relevance

1234567891011>>

/external/eigen/doc/snippets/
H A DTopicAliasing_block.cpp1 MatrixXi mat(3,3);
2 mat << 1, 2, 3, 4, 5, 6, 7, 8, 9;
3 cout << "Here is the matrix mat:\n" << mat << endl;
6 mat.bottomRightCorner(2,2) = mat.topLeftCorner(2,2);
7 cout << "After the assignment, mat = \n" << mat << endl;
H A DTopicAliasing_block_correct.cpp1 MatrixXi mat(3,3);
2 mat << 1, 2, 3, 4, 5, 6, 7, 8, 9;
3 cout << "Here is the matrix mat:\n" << mat << endl;
6 mat.bottomRightCorner(2,2) = mat.topLeftCorner(2,2).eval();
7 cout << "After the assignment, mat = \n" << mat << endl;
H A DTopicAliasing_cwise.cpp1 MatrixXf mat(2,2);
2 mat << 1, 2, 4, 7;
3 cout << "Here is the matrix mat:\n" << mat << endl << endl;
5 mat = 2 * mat;
6 cout << "After 'mat = 2 * mat', mat = \n" << mat << end
[all...]
H A DTutorial_AdvancedInitialization_CommaTemporary.cpp1 MatrixXf mat = MatrixXf::Random(2, 3); variable
2 std::cout << mat << std::endl << std::endl;
3 mat = (MatrixXf(2,2) << 0, 1, 1, 0).finished() * mat;
4 std::cout << mat << std::endl;
/external/eigen/doc/examples/
H A Dtut_arithmetic_redux_basic.cpp7 Eigen::Matrix2d mat; local
8 mat << 1, 2,
10 cout << "Here is mat.sum(): " << mat.sum() << endl;
11 cout << "Here is mat.prod(): " << mat.prod() << endl;
12 cout << "Here is mat.mean(): " << mat.mean() << endl;
13 cout << "Here is mat.minCoeff(): " << mat
[all...]
H A Dtut_arithmetic_matrix_mul.cpp7 Matrix2d mat; local
8 mat << 1, 2,
11 std::cout << "Here is mat*mat:\n" << mat*mat << std::endl;
12 std::cout << "Here is mat*u:\n" << mat*u << std::endl;
13 std::cout << "Here is u^T*mat:\n" << u.transpose()*mat << st
[all...]
H A DTutorial_ReductionsVisitorsBroadcasting_colwise.cpp7 Eigen::MatrixXf mat(2,4);
8 mat << 1, 2, 6, 9,
12 << mat.colwise().maxCoeff() << std::endl;
H A DTutorial_ReductionsVisitorsBroadcasting_rowwise.cpp7 Eigen::MatrixXf mat(2,4);
8 mat << 1, 2, 6, 9,
12 << mat.rowwise().maxCoeff() << std::endl;
H A DTutorial_ReductionsVisitorsBroadcasting_broadcast_simple.cpp7 Eigen::MatrixXf mat(2,4);
10 mat << 1, 2, 6, 9,
17 mat.colwise() += v;
20 std::cout << mat << std::endl;
H A DTutorial_ReductionsVisitorsBroadcasting_broadcast_simple_rowwise.cpp7 Eigen::MatrixXf mat(2,4);
10 mat << 1, 2, 6, 9,
16 mat.rowwise() += v.transpose();
19 std::cout << mat << std::endl;
H A DTutorial_ReductionsVisitorsBroadcasting_maxnorm.cpp8 MatrixXf mat(2,4);
9 mat << 1, 2, 6, 9,
13 float maxNorm = mat.colwise().sum().maxCoeff(&maxIndex);
18 std::cout << mat.col( maxIndex ) << std::endl;
/external/deqp/framework/common/
H A DtcuMatrixUtil.hpp59 Matrix<float, 2, 2> mat; local
63 mat(0, 0) = c;
64 mat(0, 1) = -s;
65 mat(1, 0) = s;
66 mat(1, 1) = c;
68 return mat;
73 Matrix<float, 2, 2> mat; local
74 mat(0, 0) = 1.0f;
75 mat(0, 1) = shear.x();
76 mat(
[all...]
/external/opencv3/modules/java/generator/src/cpp/
H A Dconverters.cpp11 void Mat_to_vector_int(Mat& mat, std::vector<int>& v_int) argument
14 CHECK_MAT(mat.type()==CV_32SC1 && mat.cols==1);
15 v_int = (std::vector<int>) mat;
18 void vector_int_to_Mat(std::vector<int>& v_int, Mat& mat) argument
20 mat = Mat(v_int, true);
26 void Mat_to_vector_double(Mat& mat, std::vector<double>& v_double) argument
29 CHECK_MAT(mat.type()==CV_64FC1 && mat.cols==1);
30 v_double = (std::vector<double>) mat;
33 vector_double_to_Mat(std::vector<double>& v_double, Mat& mat) argument
41 Mat_to_vector_float(Mat& mat, std::vector<float>& v_float) argument
48 vector_float_to_Mat(std::vector<float>& v_float, Mat& mat) argument
56 Mat_to_vector_uchar(Mat& mat, std::vector<uchar>& v_uchar) argument
63 vector_uchar_to_Mat(std::vector<uchar>& v_uchar, Mat& mat) argument
68 Mat_to_vector_char(Mat& mat, std::vector<char>& v_char) argument
75 vector_char_to_Mat(std::vector<char>& v_char, Mat& mat) argument
83 Mat_to_vector_Rect(Mat& mat, std::vector<Rect>& v_rect) argument
90 vector_Rect_to_Mat(std::vector<Rect>& v_rect, Mat& mat) argument
97 Mat_to_vector_Point(Mat& mat, std::vector<Point>& v_point) argument
105 Mat_to_vector_Point2f(Mat& mat, std::vector<Point2f>& v_point) argument
113 Mat_to_vector_Point2d(Mat& mat, std::vector<Point2d>& v_point) argument
122 Mat_to_vector_Point3i(Mat& mat, std::vector<Point3i>& v_point) argument
130 Mat_to_vector_Point3f(Mat& mat, std::vector<Point3f>& v_point) argument
138 Mat_to_vector_Point3d(Mat& mat, std::vector<Point3d>& v_point) argument
146 vector_Point_to_Mat(std::vector<Point>& v_point, Mat& mat) argument
151 vector_Point2f_to_Mat(std::vector<Point2f>& v_point, Mat& mat) argument
156 vector_Point2d_to_Mat(std::vector<Point2d>& v_point, Mat& mat) argument
161 vector_Point3i_to_Mat(std::vector<Point3i>& v_point, Mat& mat) argument
166 vector_Point3f_to_Mat(std::vector<Point3f>& v_point, Mat& mat) argument
171 vector_Point3d_to_Mat(std::vector<Point3d>& v_point, Mat& mat) argument
177 Mat_to_vector_Mat(cv::Mat& mat, std::vector<cv::Mat>& v_mat) argument
196 vector_Mat_to_Mat(std::vector<cv::Mat>& v_mat, cv::Mat& mat) argument
207 Mat_to_vector_vector_Point(Mat& mat, std::vector< std::vector< Point > >& vv_pt) argument
220 Mat_to_vector_vector_Point2f(Mat& mat, std::vector< std::vector< Point2f > >& vv_pt) argument
233 Mat_to_vector_vector_Point3f(Mat& mat, std::vector< std::vector< Point3f > >& vv_pt) argument
246 Mat_to_vector_vector_char(Mat& mat, std::vector< std::vector< char > >& vv_ch) argument
259 vector_vector_char_to_Mat(std::vector< std::vector< char > >& vv_ch, Mat& mat) argument
272 vector_vector_Point_to_Mat(std::vector< std::vector< Point > >& vv_pt, Mat& mat) argument
285 vector_vector_Point2f_to_Mat(std::vector< std::vector< Point2f > >& vv_pt, Mat& mat) argument
298 vector_vector_Point3f_to_Mat(std::vector< std::vector< Point3f > >& vv_pt, Mat& mat) argument
311 vector_Vec4i_to_Mat(std::vector<Vec4i>& v_vec, Mat& mat) argument
316 vector_Vec4f_to_Mat(std::vector<Vec4f>& v_vec, Mat& mat) argument
321 vector_Vec6f_to_Mat(std::vector<Vec6f>& v_vec, Mat& mat) argument
[all...]
H A Dconverters.h4 void Mat_to_vector_int(cv::Mat& mat, std::vector<int>& v_int);
5 void vector_int_to_Mat(std::vector<int>& v_int, cv::Mat& mat);
7 void Mat_to_vector_double(cv::Mat& mat, std::vector<double>& v_double);
8 void vector_double_to_Mat(std::vector<double>& v_double, cv::Mat& mat);
10 void Mat_to_vector_float(cv::Mat& mat, std::vector<float>& v_float);
11 void vector_float_to_Mat(std::vector<float>& v_float, cv::Mat& mat);
13 void Mat_to_vector_uchar(cv::Mat& mat, std::vector<uchar>& v_uchar);
14 void vector_uchar_to_Mat(std::vector<uchar>& v_uchar, cv::Mat& mat);
16 void Mat_to_vector_char(cv::Mat& mat, std::vector<char>& v_char);
17 void vector_char_to_Mat(std::vector<char>& v_char, cv::Mat& mat);
[all...]
/external/opencv3/modules/imgproc/src/
H A Dutils.cpp51 CvMat* mat = (CvMat*)arr; local
53 if( !CV_IS_MAT( mat ))
56 if( CV_MAT_CN(mat->type) == 1 && mat->width == 2 )
57 mat = cvReshape(mat, &hdr, 2);
59 eltype = CV_MAT_TYPE( mat->type );
65 if( (mat->width != 1 && mat->height != 1) || !CV_IS_MAT_CONT(mat
[all...]
/external/skia/tests/
H A DMatrixTest.cpp241 SkMatrix mat; local
242 mat.reset();
245 mat.postConcat(mats[x]);
248 SkScalar minScale = mat.getMinScale();
249 SkScalar maxScale = mat.getMaxScale();
251 REPORTER_ASSERT(reporter, (maxScale < 0) == mat.hasPerspective());
254 bool success = mat.getMinMaxScales(scales);
255 REPORTER_ASSERT(reporter, success == !mat.hasPerspective());
258 if (mat.hasPerspective()) {
277 mat
295 SkMatrix mat; local
470 check_matrix_recomposition(const SkMatrix& mat, const SkPoint& rotation1, const SkPoint& scale, const SkPoint& rotation2) argument
494 SkMatrix mat; local
668 SkMatrix mat; local
816 SkMatrix mat, inverse, iden1, iden2; local
[all...]
/external/opencv3/samples/wp8/OpenCVXaml/OpenCVComponent/
H A DOpenCVComponent.cpp17 void CopyIVectorToMatrix(IVector<int>^ input, cv::Mat& mat, int size);
18 void CopyMatrixToVector(const cv::Mat& mat, std::vector<int>& vector, int size);
27 cv::Mat mat(width, height, CV_8UC4);
28 CopyIVectorToMatrix(input, mat, size);
34 cv::cvtColor(mat, intermediateMat, CV_RGB2GRAY);
37 cv::cvtColor(intermediateMat, mat, CV_GRAY2BGRA);
40 CopyMatrixToVector(mat, output, size);
48 void CopyIVectorToMatrix(IVector<int>^ input, cv::Mat& mat, int size)
50 unsigned char* data = mat.data;
59 void CopyMatrixToVector(const cv::Mat& mat, st
[all...]
/external/autotest/client/site_tests/graphics_SanAngeles/src/
H A Dmatrixop.h21 extern void Matrix4x4_LoadIdentity(Matrix4x4 mat);
23 // mat = ScaleMatrix(sx, sy, sz) * mat
24 extern void Matrix4x4_Scale(Matrix4x4 mat,
27 // mat = TranslateMatrix(tx, ty, tz) * mat
28 extern void Matrix4x4_Translate(Matrix4x4 mat,
31 // mat = RotateMatrix(angle, ax, ay, az) * mat
32 extern void Matrix4x4_Rotate(Matrix4x4 mat, floa
[all...]
H A Dmatrixop.c36 void Matrix4x4_LoadIdentity(Matrix4x4 mat) argument
40 mat[i] = 0;
42 mat[i*4 + i] = 1.f;
46 void Matrix4x4_Scale(Matrix4x4 mat, float sx, float sy, float sz) argument
51 mat[0*4 + i] *= sx;
52 mat[1*4 + i] *= sy;
53 mat[2*4 + i] *= sz;
58 void Matrix4x4_Translate(Matrix4x4 mat, float tx, float ty, float tz) argument
62 mat[3*4 + i] += mat[
81 Matrix4x4_Rotate(Matrix4x4 mat, float angle, float ax, float ay, float az) argument
129 Matrix4x4_Frustum(Matrix4x4 mat, float left, float right, float bottom, float top, float near, float far) argument
166 Matrix4x4_Perspective(Matrix4x4 mat, float fovy, float aspect, float nearZ, float farZ) argument
179 Matrix4x4_Transform(Matrix4x4 mat, float *x, float *y, float *z) argument
[all...]
/external/mesa3d/src/gallium/state_trackers/vega/
H A Dmatrix.h83 static INLINE void matrix_init(struct matrix *mat, argument
86 memcpy(mat->m, val, sizeof(VGfloat) * 9);
89 static INLINE void matrix_inits(struct matrix *mat, argument
94 mat->m[0] = m11; mat->m[1] = m12; mat->m[2] = m13;
95 mat->m[3] = m21; mat->m[4] = m22; mat->m[5] = m23;
96 mat
152 matrix_map_point(struct matrix *mat, VGfloat x, VGfloat y, VGfloat *out_x, VGfloat *out_y) argument
212 struct matrix mat; local
246 matrix_determinant(struct matrix *mat) argument
254 matrix_adjoint(struct matrix *mat) argument
271 matrix_divs(struct matrix *mat, VGfloat s) argument
285 matrix_invert(struct matrix *mat) argument
297 matrix_is_invertible(struct matrix *mat) argument
303 matrix_square_to_quad(VGfloat dx0, VGfloat dy0, VGfloat dx1, VGfloat dy1, VGfloat dx3, VGfloat dy3, VGfloat dx2, VGfloat dy2, struct matrix *mat) argument
352 matrix_quad_to_square(VGfloat sx0, VGfloat sy0, VGfloat sx1, VGfloat sy1, VGfloat sx2, VGfloat sy2, VGfloat sx3, VGfloat sy3, struct matrix *mat) argument
367 matrix_quad_to_quad(VGfloat dx0, VGfloat dy0, VGfloat dx1, VGfloat dy1, VGfloat dx2, VGfloat dy2, VGfloat dx3, VGfloat dy3, VGfloat sx0, VGfloat sy0, VGfloat sx1, VGfloat sy1, VGfloat sx2, VGfloat sy2, VGfloat sx3, VGfloat sy3, struct matrix *mat) argument
[all...]
/external/opencv3/modules/features2d/misc/java/src/cpp/
H A Dfeatures2d_converters.cpp11 void Mat_to_vector_KeyPoint(Mat& mat, std::vector<KeyPoint>& v_kp) argument
14 CHECK_MAT(mat.type()==CV_32FC(7) && mat.cols==1);
15 for(int i=0; i<mat.rows; i++)
17 Vec<float, 7> v = mat.at< Vec<float, 7> >(i, 0);
25 void vector_KeyPoint_to_Mat(std::vector<KeyPoint>& v_kp, Mat& mat) argument
28 mat.create(count, 1, CV_32FC(7));
32 mat.at< Vec<float, 7> >(i, 0) = Vec<float, 7>(kp.pt.x, kp.pt.y, kp.size, kp.angle, kp.response, (float)kp.octave, (float)kp.class_id);
37 void Mat_to_vector_DMatch(Mat& mat, std::vector<DMatch>& v_dm) argument
40 CHECK_MAT(mat
51 vector_DMatch_to_Mat(std::vector<DMatch>& v_dm, Mat& mat) argument
62 Mat_to_vector_vector_KeyPoint(Mat& mat, std::vector< std::vector< KeyPoint > >& vv_kp) argument
75 vector_vector_KeyPoint_to_Mat(std::vector< std::vector< KeyPoint > >& vv_kp, Mat& mat) argument
88 Mat_to_vector_vector_DMatch(Mat& mat, std::vector< std::vector< DMatch > >& vv_dm) argument
101 vector_vector_DMatch_to_Mat(std::vector< std::vector< DMatch > >& vv_dm, Mat& mat) argument
[all...]
H A Dfeatures2d_converters.hpp9 void Mat_to_vector_KeyPoint(cv::Mat& mat, std::vector<cv::KeyPoint>& v_kp);
10 void vector_KeyPoint_to_Mat(std::vector<cv::KeyPoint>& v_kp, cv::Mat& mat);
12 void Mat_to_vector_DMatch(cv::Mat& mat, std::vector<cv::DMatch>& v_dm);
13 void vector_DMatch_to_Mat(std::vector<cv::DMatch>& v_dm, cv::Mat& mat);
15 void Mat_to_vector_vector_KeyPoint(cv::Mat& mat, std::vector< std::vector< cv::KeyPoint > >& vv_kp);
16 void vector_vector_KeyPoint_to_Mat(std::vector< std::vector< cv::KeyPoint > >& vv_kp, cv::Mat& mat);
18 void Mat_to_vector_vector_DMatch(cv::Mat& mat, std::vector< std::vector< cv::DMatch > >& vv_dm);
19 void vector_vector_DMatch_to_Mat(std::vector< std::vector< cv::DMatch > >& vv_dm, cv::Mat& mat);
/external/libgdx/extensions/gdx-bullet/jni/src/bullet/BulletCollision/CollisionShapes/
H A DbtTriangleIndexVertexMaterialArray.cpp26 btMaterialProperties mat; local
28 mat.m_numMaterials = numMaterials;
29 mat.m_materialBase = materialBase;
30 mat.m_materialStride = materialStride;
32 mat.m_materialType = PHY_DOUBLE;
34 mat.m_materialType = PHY_FLOAT;
37 mat.m_numTriangles = numTriangles;
38 mat.m_triangleMaterialsBase = (unsigned char *)triangleMaterialsBase;
39 mat.m_triangleMaterialStride = materialIndexStride;
40 mat
[all...]
/external/eigen/Eigen/src/OrderingMethods/
H A DOrdering.h26 void ordering_helper_at_plus_a(const MatrixType& mat, MatrixType& symmat) argument
29 C = mat.transpose(); // NOTE: Could be costly
35 symmat = C + mat;
60 void operator()(const MatrixType& mat, PermutationType& perm) argument
64 internal::ordering_helper_at_plus_a(mat,symm);
73 void operator()(const SparseSelfAdjointView<SrcType, SrcUpLo>& mat, PermutationType& perm) argument
75 SparseMatrix<typename SrcType::Scalar, ColMajor, Index> C; C = mat;
101 void operator()(const MatrixType& /*mat*/, PermutationType& perm)
121 /** Compute the permutation vector \a perm form the sparse matrix \a mat
122 * \warning The input sparse matrix \a mat mus
125 operator ()(const MatrixType& mat, PermutationType& perm) argument
[all...]
/external/eigen/Eigen/src/QR/
H A DHouseholderQR_MKL.h49 static void run(MatrixQR& mat, HCoeffs& hCoeffs, \
53 lapack_int m = (lapack_int) mat.rows(); \
54 lapack_int n = (lapack_int) mat.cols(); \
55 lapack_int lda = (lapack_int) mat.outerStride(); \
57 LAPACKE_##MKLPREFIX##geqrf( matrix_order, m, n, (MKLTYPE*)mat.data(), lda, (MKLTYPE*)hCoeffs.data()); \

Completed in 1134 milliseconds

1234567891011>>