HomeSort by relevance Sort by last modified time
    Searched refs:mat (Results 76 - 100 of 377) sorted by null

1 2 34 5 6 7 8 91011>>

  /external/eigen/Eigen/src/Core/
BooleanRedux.h 26 static inline bool run(const Derived &mat)
28 return all_unroller<Derived, UnrollCount-1>::run(mat) && mat.coeff(row, col);
35 static inline bool run(const Derived &/*mat*/) { return true; }
53 static inline bool run(const Derived &mat)
55 return any_unroller<Derived, UnrollCount-1>::run(mat) || mat.coeff(row, col);
62 static inline bool run(const Derived & /*mat*/) { return false; }
Visitor.h 26 static inline void run(const Derived &mat, Visitor& visitor)
28 visitor_impl<Visitor, Derived, UnrollCount-1>::run(mat, visitor);
29 visitor(mat.coeff(row, col), row, col);
37 static inline void run(const Derived &mat, Visitor& visitor)
39 return visitor.init(mat.coeff(0, 0), 0, 0);
47 static inline void run(const Derived& mat, Visitor& visitor)
49 visitor.init(mat.coeff(0,0), 0, 0);
50 for(Index i = 1; i < mat.rows(); ++i)
51 visitor(mat.coeff(i, 0), i, 0);
52 for(Index j = 1; j < mat.cols(); ++j
    [all...]
  /external/eigen/bench/
BenchUtil.h 21 template<typename MatrixType> void initMatrix_random(MatrixType& mat) __attribute__((noinline));
22 template<typename MatrixType> void initMatrix_random(MatrixType& mat)
24 mat.setRandom();// = MatrixType::random(mat.rows(), mat.cols());
27 template<typename MatrixType> void initMatrix_identity(MatrixType& mat) __attribute__((noinline));
28 template<typename MatrixType> void initMatrix_identity(MatrixType& mat)
30 mat.setIdentity();
  /external/eigen/blas/
Rank2Update.h 21 static void run(Index size, Scalar* mat, Index stride, const Scalar* u, const Scalar* v, Scalar alpha)
26 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i+(UpLo==Lower ? i : 0), UpLo==Lower ? size-i : (i+1)) +=
39 static void run(Index size, Scalar* mat, const Scalar* u, const Scalar* v, Scalar alpha)
45 Map<Matrix<Scalar,Dynamic,1> >(mat+offset, UpLo==Lower ? size-i : (i+1)) +=
49 mat[offset+(UpLo==Lower ? 0 : i)] = numext::real(mat[offset+(UpLo==Lower ? 0 : i)]);
  /external/eigen/test/
prec_inverse_4x4.cpp 61 Matrix<Scalar,5,5> mat(s,s);
62 mat.setRandom();
63 MatrixType submat = mat.template block<4,4>(i,j);
64 MatrixType mat_inv = mat.template block<4,4>(i,j).inverse();
66 mat.template block<4,4>(i,j) = submat.inverse();
67 VERIFY_IS_APPROX(mat_inv, (mat.template block<4,4>(i,j)));
  /external/opencv/cxcore/src/
cxminmaxloc.cpp 301 CvMat stub, maskstub, *mat = (CvMat*)img, *matmask = (CvMat*)mask; local
316 if( !CV_IS_MAT(mat) )
317 CV_CALL( mat = cvGetMat( mat, &stub, &coi ));
319 type = CV_MAT_TYPE( mat->type );
322 size = cvGetMatSize( mat );
330 mat_step = mat->step;
331 cont_flag = mat->type;
340 if( !CV_ARE_SIZES_EQ( mat, matmask ))
365 IPPI_CALL( func( mat->data.ptr, mat_step, size
    [all...]
  /external/eigen/Eigen/src/IterativeLinearSolvers/
LeastSquareConjugateGradient.h 18 * \param mat The matrix A
28 void least_square_conjugate_gradient(const MatrixType& mat, const Rhs& rhs, Dest& x,
41 Index m = mat.rows(), n = mat.cols();
43 VectorType residual = rhs - mat * x;
44 VectorType normal_residual = mat.adjoint() * residual;
46 RealScalar rhsNorm2 = (mat.adjoint()*rhs).squaredNorm();
71 tmp.noalias() = mat * p;
76 normal_residual = mat.adjoint() * residual; // update residual of the normal equation
IterativeSolverBase.h 68 generic_matrix_wrapper(const InputType &mat)
69 : m_matrix(mat)
78 void grab(const EigenBase<MatrixDerived> &mat)
81 ::new (&m_matrix) Ref<const MatrixType>(mat.derived());
84 void grab(const Ref<const MatrixType> &mat)
86 if(&(mat.derived()) != &m_matrix)
89 ::new (&m_matrix) Ref<const MatrixType>(mat);
117 generic_matrix_wrapper(const MatrixType &mat)
118 : mp_matrix(&mat)
126 void grab(const MatrixType &mat)
    [all...]
  /external/libxcam/modules/ocl/
cv_base_class.cpp 44 CVBaseClass::convert_to_mat (SmartPtr<VideoBuffer> buffer, cv::Mat &image)
53 cv::Mat mat = cv::Mat (info.aligned_height * 3 / 2, info.width, CV_8UC1, ptr, info.strides[0]); local
54 cv::cvtColor (mat, image, cv::COLOR_YUV2BGR_NV12);
61 convert_to_mat (SmartPtr<VideoBuffer> buffer, cv::Mat &image)
  /external/skia/src/pdf/
SkPDFFormXObject.cpp 21 sk_sp<SkPDFObject> mat(SkPDFUtils::MatrixToArray(inverseTransform));
22 form->dict()->insertObject("Matrix", std::move(mat));
  /external/skqp/src/pdf/
SkPDFFormXObject.cpp 21 sk_sp<SkPDFObject> mat(SkPDFUtils::MatrixToArray(inverseTransform));
22 form->dict()->insertObject("Matrix", std::move(mat));
  /external/vulkan-validation-layers/libs/glm/gtx/
matrix_interpolation.hpp 57 detail::tmat4x4<T, P> const & mat,
72 detail::tmat4x4<T, P> const & mat);
  /prebuilts/ndk/r16/sources/third_party/vulkan/src/libs/glm/gtx/
matrix_interpolation.hpp 57 detail::tmat4x4<T, P> const & mat,
72 detail::tmat4x4<T, P> const & mat);
  /system/libvintf/
RuntimeInfo.cpp 104 bool RuntimeInfo::checkCompatibility(const CompatibilityMatrix& mat, std::string* error,
106 if (mat.mType != SchemaType::FRAMEWORK) {
108 *error = "Should not check runtime info against " + to_string(mat.mType)
113 if (kernelSepolicyVersion() < mat.framework.mSepolicy.kernelSepolicyVersion()) {
117 " but required >= " + to_string(mat.framework.mSepolicy.kernelSepolicyVersion());
122 // mat.mSepolicy.sepolicyVersion() is checked against static
127 for (const MatrixKernel& matrixKernel : mat.framework.mKernels) {
146 for (const MatrixKernel& matrixKernel : mat.framework.mKernels)
165 const Version& matAvb = mat.framework.mAvbMetaVersion;
  /external/eigen/Eigen/src/Cholesky/
LLT_LAPACKE.h 72 static Index rankUpdate(MatrixType& mat, const VectorType& vec, const typename MatrixType::RealScalar& sigma) \
73 { return Eigen::internal::llt_rank_update_lower(mat, vec, sigma); } \
83 static Index rankUpdate(MatrixType& mat, const VectorType& vec, const typename MatrixType::RealScalar& sigma) \
85 Transpose<MatrixType> matt(mat); \
LLT.h 229 static Index llt_rank_update_lower(MatrixType& mat, const VectorType& vec, const typename MatrixType::RealScalar& sigma)
240 Index n = mat.cols();
241 eigen_assert(mat.rows()==n && vec.size()==n);
255 g.makeGivens(mat(i,i), -temp(i), &mat(i,i));
260 ColXprSegment x(mat.col(i).tail(rs));
272 RealScalar Ljj = numext::real(mat.coeff(j,j));
282 mat.coeffRef(j,j) = nLjj;
289 temp.tail(rs) -= (wj/Ljj) * mat.col(j).tail(rs);
291 mat.col(j).tail(rs) = (nLjj/Ljj) * mat.col(j).tail(rs) + (nLjj * sigma*numext::conj(wj)/gamma)*temp.ta (…)
    [all...]
  /external/mesa3d/src/mesa/math/
m_debug_norm.c 124 static void ref_norm_transform_rescale( const GLmatrix *mat,
132 const GLfloat *m = mat->inv;
147 static void ref_norm_transform_normalize( const GLmatrix *mat,
155 const GLfloat *m = mat->inv;
200 GLmatrix mat[1]; local
212 mat->m = _mesa_align_malloc( 16 * sizeof(GLfloat), 16 );
213 mat->inv = m = mat->m;
279 ref_norm_transform_rescale( mat, scale, source, NULL, ref );
281 ref_norm_transform_normalize( mat, scale, source, NULL, ref )
    [all...]
  /cts/tests/tests/renderscript/src/android/renderscript/cts/
IntrinsicColorMatrix.java 35 private void subtest(int w, int h, Matrix4f mat, Float4 add,
41 if (mat == null) {
42 mat = new Matrix4f();
66 mSi.setColorMatrix(mat);
73 mSr.invoke_reference(mat, add, mAllocSrc, mAllocRef, x1, y1, x2, y2);
84 Matrix4f mat = new Matrix4f(); local
87 float f[] = mat.getArray();
96 mat.loadIdentity();
100 mat.set(0, 0, 1.f);
101 mat.set(0, 1, 1.f)
    [all...]
  /external/eigen/doc/examples/
make_circulant2.cpp 48 Eigen::MatrixXd mat; local
49 mat = makeCirculant(vec);
50 std::cout << mat << std::endl;
  /packages/apps/DevCamera/src/com/android/devcamera/
BitmapUtility.java 63 Matrix mat = new Matrix(); local
64 mat.postRotate(90);
65 Bitmap b2 = Bitmap.createBitmap(b, 0, 0,b.getWidth(),b.getHeight(), mat, true);
  /prebuilts/gcc/linux-x86/host/x86_64-w64-mingw32-4.8/x86_64-w64-mingw32/include/
d3dx9math.inl 361 inline D3DXMATRIX::D3DXMATRIX(const D3DMATRIX& mat)
363 memcpy(&_11, &mat, sizeof(D3DXMATRIX));
397 inline D3DXMATRIX& D3DXMATRIX::operator *= (const D3DXMATRIX& mat)
399 D3DXMatrixMultiply(this, this, &mat);
403 inline D3DXMATRIX& D3DXMATRIX::operator += (const D3DXMATRIX& mat)
405 _11 += mat._11; _12 += mat._12; _13 += mat._13; _14 += mat._14;
406 _21 += mat._21; _22 += mat._22; _23 += mat._23; _24 += mat._24
    [all...]
  /external/eigen/Eigen/src/PaStiXSupport/
PaStiXSupport.h 97 void c_to_fortran_numbering (MatrixType& mat)
99 if ( !(mat.outerIndexPtr()[0]) )
102 for(i = 0; i <= mat.rows(); ++i)
103 ++mat.outerIndexPtr()[i];
104 for(i = 0; i < mat.nonZeros(); ++i)
105 ++mat.innerIndexPtr()[i];
111 void fortran_to_c_numbering (MatrixType& mat)
114 if ( mat.outerIndexPtr()[0] == 1 )
117 for(i = 0; i <= mat.rows(); ++i)
118 --mat.outerIndexPtr()[i]
    [all...]
  /external/eigen/Eigen/src/Core/products/
SelfadjointProduct.h 25 static void run(Index size, Scalar* mat, Index stride, const Scalar* vecX, const Scalar* vecY, const Scalar& alpha)
32 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i+(UpLo==Lower ? i : 0), (UpLo==Lower ? size-i : (i+1)))
41 static void run(Index size, Scalar* mat, Index stride, const Scalar* vecX, const Scalar* vecY, const Scalar& alpha)
43 selfadjoint_rank1_update<Scalar,Index,ColMajor,UpLo==Lower?Upper:Lower,ConjRhs,ConjLhs>::run(size,mat,stride,vecY,vecX,alpha);
53 static void run(MatrixType& mat, const OtherType& other, const typename MatrixType::Scalar& alpha)
78 ::run(other.size(), mat.data(), mat.outerStride(), actualOtherPtr, actualOtherPtr, actualAlpha);
85 static void run(MatrixType& mat, const OtherType& other, const typename MatrixType::Scalar& alpha)
100 Index size = mat.cols();
115 mat.data(), mat.outerStride(), actualAlpha, blocking)
    [all...]
  /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/tensorflow/tensorflow/python/ops/linalg/
linear_operator_util.py 157 for i, mat in enumerate(batch_matrices):
158 batch_matrices[i] = ops.convert_to_tensor(mat)
171 for mat in batch_matrices[1:]:
173 bcast_batch_shape, mat.get_shape()[:-2])
177 for i, mat in enumerate(batch_matrices):
178 if mat.get_shape()[:-2] != bcast_batch_shape:
179 batch_matrices[i] = _broadcast_to_shape(mat, bcast_shape)
184 for mat in batch_matrices[1:]:
186 bcast_batch_shape, array_ops.shape(mat)[:-2])
188 for i, mat in enumerate(batch_matrices)
    [all...]

Completed in 8046 milliseconds

1 2 34 5 6 7 8 91011>>