/external/eigen/test/ |
jacobisvd.cpp | 22 Index cols = m.cols(); local 36 MatrixType sigma = MatrixType::Zero(rows,cols); 53 Index cols = m.cols(); local 54 Index diagSize = (std::min)(rows, cols); 75 Index cols = m.cols(); local 85 RhsType rhs = RhsType::Random(rows, internal::random<Index>(1, cols)); 95 if (QRPreconditioner == NoQRPreconditioner && m.rows() != m.cols()) 144 Index cols = m.cols(); local [all...] |
product_notemporary.cpp | 42 Index cols = m.cols(); local 44 ColMajorMatrixType m1 = MatrixType::Random(rows, cols), 45 m2 = MatrixType::Random(rows, cols), 46 m3(rows, cols); 48 ColVectorType cv1 = ColVectorType::Random(cols), cvres(cols); 49 RowMajorMatrixType rm3(rows, cols); 55 Index c0 = internal::random<Index>(4,cols-8), 56 c1 = internal::random<Index>(8,cols-c0) [all...] |
permutationmatrices.cpp | 18 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime, 23 typedef PermutationMatrix<Cols> RightPermutationType; 24 typedef Matrix<int, Cols, 1> RightPermutationVectorType; 28 Index cols = m.cols(); local 30 MatrixType m_original = MatrixType::Random(rows,cols); 35 randomPermutationVector(rv, cols); 40 for (int j=0; j<cols; j++) 44 Matrix<Scalar,Cols,Cols> rm(rp) [all...] |
sparse_product.cpp | 16 int c = internal::random(0,m2.cols()-1); 17 int c1 = internal::random(0,m2.cols()-1); 26 int c1 = internal::random(0,m2.cols()-1); 41 const Index cols = internal::random<int>(1,n); local 46 double density = (std::max)(8./(rows*cols), 0.01); 57 DenseMatrix refMat3 = DenseMatrix::Zero(depth, cols); 58 DenseMatrix refMat3t = DenseMatrix::Zero(cols, depth); 59 DenseMatrix refMat4 = DenseMatrix::Zero(rows, cols); 60 DenseMatrix refMat4t = DenseMatrix::Zero(cols, rows); 61 DenseMatrix refMat5 = DenseMatrix::Random(depth, cols); [all...] |
/external/opencv/cvaux/src/ |
cvbgfg_codebook.cpp | 105 roi.width = image->cols; 109 CV_ASSERT( (unsigned)roi.x < (unsigned)image->cols && 112 roi.x + roi.width <= image->cols && 115 if( image->cols != model->size.width || image->rows != model->size.height ) 120 int bufSz = image->cols*image->rows*sizeof(model->cbmap[0]); 123 model->size = cvSize(image->cols, image->rows); 142 CvBGCodeBookElem** cb = model->cbmap + image->cols*(y + roi.y) + roi.x; 241 image->cols == model->size.width && image->rows == model->size.height && 246 roi.width = image->cols; 250 CV_ASSERT( (unsigned)roi.x < (unsigned)image->cols & [all...] |
/external/eigen/unsupported/Eigen/src/Skyline/ |
SkylineProduct.h | 78 eigen_assert(lhs.cols() == rhs.rows()); 101 EIGEN_STRONG_INLINE Index cols() const { function in class:Eigen::internal::SkylineProduct 102 return m_rhs.cols(); 138 for (Index col = 0; col < rhs.cols(); col++) { 147 for (Index col = 0; col < rhs.cols(); col++) { 164 for (Index lhscol = 0; lhscol < lhs.cols(); lhscol++) { 167 for (Index rhscol = 0; rhscol < rhs.cols(); rhscol++) { 201 for (Index col = 0; col < rhs.cols(); col++) { 211 for (Index col = 0; col < rhs.cols(); col++) { 229 for (Index lhscol = 0; lhscol < lhs.cols(); lhscol++) [all...] |
SkylineMatrix.h | 78 inline Index cols() const { function in class:Eigen::SkylineMatrix 425 const Index stop = m_colStartIndex[cols()]; 433 for (Index innerIdx = cols(); innerIdx > inner; innerIdx--) { 513 const Index stop = m_colStartIndex[cols()]; 536 if (rows() > cols()) 537 m_data.resize(cols(), cols(), rows(), m_colStartIndex[cols()] + 1, m_rowStartIndex[rows()] + 1); 539 m_data.resize(rows(), cols(), rows(), m_colStartIndex[cols()] + 1, m_rowStartIndex[rows()] + 1) [all...] |
/external/opencv/ml/src/ |
ml_inner_functions.cpp | 160 int dim = sample->cols; 220 int dim = sample->cols; 277 int dim = data ? data->cols : 0; 345 CV_ASSERT (center->cols == desired_matrix->cols); 347 dim = desired_matrix->cols; 377 int rows, cols; local 385 cols = matrix->cols; 405 for( j = i+1; j < cols; j++, src += step [all...] |
/external/eigen/Eigen/src/Core/products/ |
GeneralMatrixMatrix.h | 28 Index rows, Index cols, Index depth, 41 ::run(cols,rows,depth,rhs,rhsStride,lhs,lhsStride,res,resStride,alpha,blocking,info); 54 static void run(Index rows, Index cols, Index depth, 93 const Index actual_kc = (std::min)(k+kc,depth)-k; // => rows of B', and cols of the A' 136 gebp(res+i, resStride, blockA, blockB, actual_mc, actual_kc, cols, alpha, -1,-1,0,0, w); 153 std::size_t sizeB = kc*cols; 170 pack_rhs(blockB, &rhs(k2,0), rhsStride, actual_kc, cols); 181 // micro vertical panel of the large rhs's panel (e.g., cols/4 times). 185 gebp(res+i2, resStride, blockA, blockB, actual_mc, actual_kc, cols, alpha, -1, -1, 0, 0, blockW); 217 void operator() (Index row, Index rows, Index col=0, Index cols=-1, GemmParallelInfo<Index>* info=0) cons [all...] |
/external/eigen/Eigen/src/Core/ |
ReturnByValue.h | 63 inline Index cols() const { return static_cast<const Derived*>(this)->cols(); } function in class:Eigen::ReturnByValue
|
SelfCwiseBinaryOp.h | 58 inline Index cols() const { return m_matrix.cols(); } function in class:Eigen::SelfCwiseBinaryOp 92 && col >= 0 && col < cols()); 111 && col >= 0 && col < cols()); 136 eigen_assert(rows() == rhs.rows() && cols() == rhs.cols()); 176 tmp = PlainObject::Constant(rows(),cols(),other); 188 tmp = PlainObject::Constant(rows(),cols(), NumTraits<Scalar>::IsInteger ? other : Scalar(1)/other);
|
Reverse.h | 103 inline Index cols() const { return m_matrix.cols(); } function in class:Eigen::Reverse 112 eigen_assert(row >= 0 && row < rows() && col >= 0 && col < cols()); 119 ReverseCol ? m_matrix.cols() - col - 1 : col); 125 ReverseCol ? m_matrix.cols() - col - 1 : col); 149 ReverseCol ? m_matrix.cols() - col - OffsetCol : col)); 157 ReverseCol ? m_matrix.cols() - col - OffsetCol : col,
|
/external/eigen/Eigen/src/LU/ |
PartialPivLU_MKL.h | 49 static lapack_int blocked_lu(lapack_int rows, lapack_int cols, EIGTYPE* lu_data, lapack_int luStride, lapack_int* row_transpositions, lapack_int& nb_transpositions, lapack_int maxBlockSize=256) \ 61 n = cols; \
|
PartialPivLU.h | 150 (*this, MatrixType::Identity(m_lu.rows(), m_lu.cols())); 171 inline Index cols() const { return m_lu.cols(); } function in class:Eigen::PartialPivLU 242 const Index cols = lu.cols(); local 243 const Index size = (std::min)(rows,cols); 249 Index rcols = cols-k-1; 284 * by the variables \a rows, \a cols, \a lu_data, and \a lu_stride using a 298 static Index blocked_lu(Index rows, Index cols, Scalar* lu_data, Index luStride, PivIndex* row_transpositions, PivIndex& nb_transpositions, Index maxBlockSize=256) 300 MapLU lu1(lu_data,StorageOrder==RowMajor?rows:luStride,StorageOrder==RowMajor?luStride:cols); [all...] |
/external/eigen/Eigen/src/SparseCore/ |
SparseSparseProductWithPruning.h | 29 Index cols = rhs.outerSize(); local 46 res.resize(cols, rows); 48 res.resize(rows, cols); 51 double ratioColRes = double(estimated_nnz_prod)/double(lhs.rows()*rhs.cols()); 52 for (Index j=0; j<cols; ++j) 55 //double ratioColRes = (double(rhs.innerVector(j).nonZeros()) + double(lhs.nonZeros())/double(lhs.cols()))/double(lhs.rows()); 90 typename remove_all<ResultType>::type _res(res.rows(), res.cols()); 104 SparseTemporaryType _res(res.rows(), res.cols()); 117 typename remove_all<ResultType>::type _res(res.rows(), res.cols()); 136 // SparseTemporaryType _res(res.cols(), res.rows()) [all...] |
TriangularSolver.h | 33 for(int col=0 ; col<other.cols() ; ++col) 67 for(int col=0 ; col<other.cols() ; ++col) 105 for(int col=0 ; col<other.cols() ; ++col) 107 for(int i=0; i<lhs.cols(); ++i) 137 for(int col=0 ; col<other.cols() ; ++col) 139 for(int i=lhs.cols()-1; i>=0; --i) 168 eigen_assert(m_matrix.cols() == m_matrix.rows() && m_matrix.cols() == other.rows()); 219 Rhs res(other.rows(), other.cols()); 222 for(int col=0 ; col<other.cols() ; ++col [all...] |
ConservativeSparseSparseProduct.h | 25 Index cols = rhs.outerSize(); local 43 for (Index j=0; j<cols; ++j) 139 ColMajorMatrix resCol(lhs.rows(),rhs.cols()); 154 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 167 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 179 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 194 ColMajorMatrix resCol(lhs.rows(), rhs.cols()); 207 ColMajorMatrix resCol(lhs.rows(), rhs.cols()); 220 ColMajorMatrix resCol(lhs.rows(), rhs.cols()); 233 RowMajorMatrix resRow(lhs.rows(),rhs.cols()); [all...] |
SparseMatrixBase.h | 54 * \sa MatrixBase::rows(), MatrixBase::cols(), ColsAtCompileTime, SizeAtCompileTime */ 60 * \sa MatrixBase::rows(), MatrixBase::cols(), RowsAtCompileTime, SizeAtCompileTime */ 146 /** \returns the number of rows. \sa cols() */ 149 inline Index cols() const { return derived().cols(); } function in class:Eigen::SparseMatrixBase 150 /** \returns the number of coefficients, which is \a rows()*cols(). 151 * \sa rows(), cols(). */ 152 inline Index size() const { return rows() * cols(); } 158 * \code rows()==1 || cols()==1 \endcode 159 * \sa rows(), cols(), IsVectorAtCompileTime. * [all...] |
/external/opencv/cxcore/include/ |
cxcore.hpp | 214 CvMatrix( int rows, int cols, int type ) 215 { matrix = cvCreateMat( rows, cols, type ); } 217 CvMatrix( int rows, int cols, int type, CvMat* hdr, 219 { matrix = cvInitMatHeader( hdr, rows, cols, type, data, step ); } 221 CvMatrix( int rows, int cols, int type, CvMemStorage* storage, bool alloc_data=true ); 223 CvMatrix( int rows, int cols, int type, void* data, int step=CV_AUTOSTEP ) 224 { matrix = cvCreateMatHeader( rows, cols, type ); 260 void create( int rows, int cols, int type ) 263 matrix->rows != rows || matrix->cols != cols || 313 int cols() const { return matrix ? matrix->cols : 0; } function in class:CvMatrix [all...] |
/external/eigen/unsupported/test/ |
sparse_extra.cpp | 55 const Index cols = ref.cols(); local 59 double density = (std::max)(8./(rows*cols), 0.01); 64 SparseMatrixType m(rows, cols); 65 DenseMatrix refMat = DenseMatrix::Zero(rows, cols); 119 SparseMatrixType m1(rows,cols), m2(rows,cols);
|
/external/eigen/test/eigen2/ |
gsl_helper.h | 28 static Matrix createMatrix(int rows, int cols) { return gsl_matrix_alloc(rows,cols); } 63 static Matrix createMatrix(int rows, int cols) { return gsl_matrix_complex_alloc(rows,cols); } 100 res = gsl_matrix_alloc(m.rows(), m.cols()); 102 for (int j=0 ; j<m.cols(); ++j) 111 for (int j=0 ; j<res.cols(); ++j) 135 res = gsl_matrix_complex_alloc(m.rows(), m.cols()); 137 for (int j=0 ; j<m.cols(); ++j) 149 for (int j=0 ; j<res.cols(); ++j [all...] |
/external/eigen/unsupported/Eigen/src/SparseExtra/ |
DynamicSparseMatrix.h | 81 inline Index cols() const { return IsRowMajor ? m_innerSize : outerSize(); } function in class:Eigen::DynamicSparseMatrix 197 void resize(Index rows, Index cols) 199 const Index outerSize = IsRowMajor ? rows : cols; 200 m_innerSize = IsRowMajor ? cols : rows; 208 void resizeAndKeepData(Index rows, Index cols) 210 const Index outerSize = IsRowMajor ? rows : cols; 211 const Index innerSize = IsRowMajor ? cols : rows; 233 EIGEN_DEPRECATED inline DynamicSparseMatrix(Index rows, Index cols) 236 resize(rows, cols); 269 resize(other.rows(), other.cols()); [all...] |
/external/ceres-solver/internal/ceres/ |
covariance_impl.cc | 154 const int* cols = covariance_matrix_->cols(); local 156 const int* cols_begin = cols + rows[row_begin]; 337 int* cols = covariance_matrix_->mutable_cols(); local 381 cols[cursor++] = col_begin++; 433 cholmod_jacobian_view.i = reinterpret_cast<void*>(&jacobian.cols[0]); 469 const int* cols = covariance_matrix_->cols(); local 500 const int c = cols[idx]; 567 const int c = cols[idx] 699 const int* cols = covariance_matrix_->cols(); local 831 const int* cols = covariance_matrix_->cols(); local [all...] |
incomplete_lq_factorization.cc | 70 const int* a_cols = a.cols(); 74 const int* b_cols = b.cols(); 120 int* cols = matrix->mutable_cols(); local 154 cols[num_nonzeros] = entry.first; 173 const int* cols = matrix.cols(); local 212 q_i(cols[idx]) = values[idx];
|
/external/opencv/cv/src/ |
cvundistort.cpp | 150 if( !CV_IS_MAT(A) || A->rows != 3 || A->cols != 3 || 154 if( !CV_IS_MAT(dist_coeffs) || (dist_coeffs->rows != 1 && dist_coeffs->cols != 1) || 155 (dist_coeffs->rows*dist_coeffs->cols*CV_MAT_CN(dist_coeffs->type) != 4 && 156 dist_coeffs->rows*dist_coeffs->cols*CV_MAT_CN(dist_coeffs->type) != 5) || 163 _k = cvMat( dist_coeffs->rows, dist_coeffs->cols, 213 if( !CV_IS_MAT(A) || A->rows != 3 || A->cols != 3 || 217 if( !CV_IS_MAT(dist_coeffs) || (dist_coeffs->rows != 1 && dist_coeffs->cols != 1) || 218 (dist_coeffs->rows*dist_coeffs->cols*CV_MAT_CN(dist_coeffs->type) != 4 && 219 dist_coeffs->rows*dist_coeffs->cols*CV_MAT_CN(dist_coeffs->type) != 5) || 226 _k = cvMat( dist_coeffs->rows, dist_coeffs->cols, [all...] |