/external/eigen/test/ |
basicstuff.cpp | 22 Index cols = m.cols(); local 26 MatrixType m1 = MatrixType::Random(rows, cols), 27 m2 = MatrixType::Random(rows, cols), 28 m3(rows, cols), 29 mzero = MatrixType::Zero(rows, cols), 39 c = internal::random<Index>(0, cols-1); 70 VERIFY_IS_MUCH_SMALLER_THAN(MatrixType::Zero(rows,cols)(r,c), static_cast<Scalar>(1)); 81 if(cols!=1 && rows!=1 && MatrixType::SizeAtCompileTime!=Dynamic) 83 VERIFY_RAISES_ASSERT(m1 = (m2.block(0,0, rows-1, cols-1))) 153 Index cols = m.cols(); local [all...] |
is_same_dense.cpp | 25 VERIFY(is_same_dense(m1.block(0,0,m1.rows(),m1.cols()),m1));
|
jacobisvd.cpp | 32 if(m.rows()==m.cols()) 41 Index cols = m.cols(); local 48 MatrixType a = MatrixType::Zero(rows, cols);
|
nesting_ops.cpp | 19 typename XprType::PlainObject res(mat.rows(), mat.cols()); 52 Index cols = _m.cols(); local 53 MatrixType m1 = MatrixType::Random(rows,cols);
|
product_notemporary.cpp | 27 Index cols = m.cols(); local 29 ColMajorMatrixType m1 = MatrixType::Random(rows, cols), 30 m2 = MatrixType::Random(rows, cols), 31 m3(rows, cols); 33 ColVectorType cv1 = ColVectorType::Random(cols), cvres(cols); 34 RowMajorMatrixType rm3(rows, cols); 40 Index c0 = internal::random<Index>(4,cols-8), 41 c1 = internal::random<Index>(8,cols-c0) [all...] |
stable_norm.cpp | 55 Index cols = m.cols(); local 68 MatrixType vzero = MatrixType::Zero(rows, cols), 69 vrand = MatrixType::Random(rows, cols), 70 vbig(rows, cols), 71 vsmall(rows,cols); 112 Index j = internal::random<Index>(0,cols-1); 156 Index j2 = internal::random<Index>(0,cols-1);
|
eigensolver_generic.cpp | 22 Index cols = m.cols(); local 29 MatrixType a = MatrixType::Random(rows,cols); 30 MatrixType a1 = MatrixType::Random(rows,cols); 63 MatrixType id = MatrixType::Identity(rows, cols); 98 MatrixType a = MatrixType::Random(m.rows(),m.cols());
|
svd_fill.h | 27 Index diagSize = (std::min)(m.rows(), m.cols()); 46 Matrix<Scalar,Dynamic,Dynamic> VT(diagSize,m.cols()); 57 createRandomPIMatrixOfRank(diagSize,U.rows(), U.cols(), U); 58 createRandomPIMatrixOfRank(diagSize,VT.rows(), VT.cols(), VT); 93 Index j = internal::random<Index>(0,m.cols()-1); 111 Index j = internal::random<Index>(0,m.cols()-1);
|
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
MatrixSquareRoot.h | 184 eigen_assert(arg.rows() == arg.cols()); 185 result.resize(arg.rows(), arg.cols()); 212 eigen_assert(arg.rows() == arg.cols()); 216 result.resize(arg.rows(), arg.cols()); 220 for (Index j = 1; j < arg.cols(); j++) { 262 eigen_assert(arg.rows() == arg.cols()); 270 MatrixType sqrtT = MatrixType::Zero(arg.rows(), arg.cols()); 287 eigen_assert(arg.rows() == arg.cols()); 347 Index cols() const { return m_src.cols(); } function in class:Eigen::MatrixSquareRootReturnValue [all...] |
/external/eigen/unsupported/Eigen/src/Splines/ |
SplineFitting.h | 193 const DenseIndex n = pts.cols(); 196 chord_lengths.resize(pts.cols()); 300 DenseIndex n = pts.cols(); 343 const DenseIndex n = points.cols() + derivatives.cols(); 374 if (derivativeIndices[derivatives.cols() - 1] == points.cols() - 1) 379 b.col(b.cols() - 2) = y*derivatives.col(derivatives.cols() - 1); 403 b.col(b.cols() - 1) = points.col(points.cols() - 1) [all...] |
/external/opencv/cv/src/ |
cvfundam.cpp | 113 int i, count = _err->rows*_err->cols, goodCount = 0; 176 int count = m1->rows*m1->cols, maxGoodCount = 0; 271 int count = m1->rows*m1->cols; 361 int count = m1->cols*m1->rows; 446 int i, count = m1->rows*m1->cols; 509 int i, count = m1->rows*m1->cols; 527 int i, j, k, count = m1->rows*m1->cols; 530 CvMat modelPart = cvMat( solver.param->rows, solver.param->cols, model->type, model->data.ptr ); 594 count = MAX(imagePoints->cols, imagePoints->rows); 606 (mask->rows == 1 || mask->cols == 1) & [all...] |
/external/eigen/Eigen/src/Core/ |
Assign.h | 30 eigen_assert(rows() == other.rows() && cols() == other.cols());
|
CwiseUnaryOp.h | 71 Index cols() const { return m_xpr.cols(); } function in class:Eigen::CwiseUnaryOp
|
NestByValue.h | 45 EIGEN_DEVICE_FUNC inline Index cols() const { return m_expression.cols(); } function in class:Eigen::NestByValue
|
/external/eigen/Eigen/src/Core/products/ |
TriangularMatrixVector_BLAS.h | 94 Index cols = IsLower ? size : _cols; \ 100 Map<const VectorRhs, 0, InnerStride<> > rhs(_rhs,cols,InnerStride<>(rhsIncr)); \ 129 if (size<(std::max)(rows,cols)) { \ 143 n = convert_index<BlasIndex>(cols-size); \ 176 Index cols = IsLower ? size : _cols; \ 182 Map<const VectorRhs, 0, InnerStride<> > rhs(_rhs,cols,InnerStride<>(rhsIncr)); \ 211 if (size<(std::max)(rows,cols)) { \ 225 n = convert_index<BlasIndex>(cols-size); \
|
/external/eigen/Eigen/src/Eigenvalues/ |
RealSchur_LAPACKE.h | 45 eigen_assert(matrix.cols() == matrix.rows()); \ 47 lapack_int n = internal::convert_index<lapack_int>(matrix.cols()), sdim, info; \
|
SelfAdjointEigenSolver_LAPACKE.h | 45 eigen_assert(matrix.cols() == matrix.rows()); \ 50 lapack_int n = internal::convert_index<lapack_int>(matrix.cols()), lda, matrix_order, info; \
|
/external/eigen/Eigen/src/SparseCore/ |
SparseSparseProductWithPruning.h | 29 Index cols = rhs.outerSize(); local 38 res.resize(cols, rows); 40 res.resize(rows, cols); 54 double ratioColRes = double(estimated_nnz_prod)/(double(lhs.rows())*double(rhs.cols())); 55 for (Index j=0; j<cols; ++j) 58 //double ratioColRes = (double(rhs.innerVector(j).nonZeros()) + double(lhs.nonZeros())/double(lhs.cols()))/double(lhs.rows()); 93 typename remove_all<ResultType>::type _res(res.rows(), res.cols()); 107 SparseTemporaryType _res(res.rows(), res.cols()); 120 typename remove_all<ResultType>::type _res(res.rows(), res.cols()); 140 // SparseTemporaryType _res(res.cols(), res.rows()) [all...] |
/external/eigen/unsupported/Eigen/src/Skyline/ |
SkylineInplaceLU.h | 37 : /*m_matrix(matrix.rows(), matrix.cols()),*/ m_flags(flags), m_status(0), m_lu(matrix) { 122 const size_t cols = m_lu.cols(); local 124 eigen_assert(rows == cols && "We do not (yet) support rectangular LU."); 186 const size_t cols = m_lu.cols(); local 188 eigen_assert(rows == cols && "We do not (yet) support rectangular LU."); 309 const size_t cols = m_lu.cols(); local
|
/external/libvpx/libvpx/vp9/common/ |
vp9_idct.h | 30 transform_1d cols, rows; // vertical and horizontal member in struct:__anon24520 37 highbd_transform_1d cols, rows; // vertical and horizontal member in struct:__anon24521
|
/external/libvterm/include/ |
vterm.h | 122 VTerm *vterm_new(int rows, int cols); 123 VTerm *vterm_new_with_allocator(int rows, int cols, VTermAllocatorFunctions *funcs, void *allocdata); 127 void vterm_set_size(VTerm *vt, int rows, int cols); 174 int (*resize)(int rows, int cols, void *user); 196 int (*resize)(int rows, int cols, VTermPos *delta, void *user); 243 int (*resize)(int rows, int cols, void *user); 244 int (*sb_pushline)(int cols, const VTermScreenCell *cells, void *user); 245 int (*sb_popline)(int cols, VTermScreenCell *cells, void *user);
|
/external/eigen/Eigen/src/IterativeLinearSolvers/ |
IterativeSolverBase.h | 253 Index cols() const { return matrix().cols(); } function in class:Eigen::IterativeSolverBase 283 return (m_maxIterations<0) ? 2*matrix().cols() : m_maxIterations; 338 Index rhsCols = b.cols(); 343 Eigen::Matrix<DestScalar,Dynamic,1> tx(cols()); 346 typename DestDerived::PlainObject tmp(cols(),rhsCols);
|
/external/eigen/Eigen/src/SVD/ |
SVDBase.h | 193 inline Index cols() const { return m_cols; } function in class:Eigen::SVDBase 227 bool allocate(Index rows, Index cols, unsigned int computationOptions) ; 275 bool SVDBase<MatrixType>::allocate(Index rows, Index cols, unsigned int computationOptions) 277 eigen_assert(rows >= 0 && cols >= 0); 281 cols == m_cols && 288 m_cols = cols;
|
/external/eigen/Eigen/src/plugins/ |
ArrayCwiseBinaryOps.h | 49 return (min)(Derived::PlainObject::Constant(rows(), cols(), other)); 75 return (max)(Derived::PlainObject::Constant(rows(), cols(), other)); 119 return this->OP(Derived::PlainObject::Constant(rows(), cols(), s)); \ 123 return Derived::PlainObject::Constant(d.rows(), d.cols(), s).OP(d); \ 136 return Derived::PlainObject::Constant(rows(), cols(), s).R_OP(*this); \ 140 return d.R_OP(Derived::PlainObject::Constant(d.rows(), d.cols(), s)); \
|
/external/eigen/unsupported/test/ |
matrix_exponential.cpp | 104 typename MatrixType::Index cols = m.cols(); local 105 MatrixType m1(rows, cols), m2(rows, cols), identity = MatrixType::Identity(rows, cols); 110 m1 = MatrixType::Random(rows, cols);
|