/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/test/ |
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);
|
mapstride.cpp | 56 Index rows = _m.rows(), cols = _m.cols(); local 58 MatrixType m = MatrixType::Random(rows,cols); 61 Index arraysize = 2*(rows+4)*(cols+4); 83 Map<MatrixType, Alignment, OuterStride<Dynamic> > map(array, rows, cols, OuterStride<Dynamic>(m.innerSize()+1)); 110 map(array, rows, cols, OuterStride<OuterStrideAtCompileTime>(m.innerSize()+4)); 131 Map<MatrixType, Alignment, Stride<Dynamic,Dynamic> > map(array, rows, cols, Stride<Dynamic,Dynamic>(2*m.innerSize()+1, 2));
|
eigensolver_selfadjoint.cpp | 41 if(m.cols()<=4) 76 Index cols = m.cols(); local 83 MatrixType a = MatrixType::Random(rows,cols); 84 MatrixType a1 = MatrixType::Random(rows,cols); 93 MatrixType b = MatrixType::Random(rows,cols); 94 MatrixType b1 = MatrixType::Random(rows,cols); 132 MatrixType id = MatrixType::Identity(rows, cols); 152 if(rows>1 && cols>1) { 154 //VERIFY(T.topRightCorner(rows-2, cols-2).template triangularView<Upper>().isZero()) [all...] |
/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);
|
/external/libtextclassifier/common/ |
embedding-network-params-from-proto.h | 70 embedding->rows() * embedding->cols(), 122 return proto_->embeddings(i).cols(); 156 return proto_->hidden(i).cols(); 173 return proto_->hidden_bias(i).cols(); 190 return proto_->has_softmax() ? proto_->softmax().cols() : 0; 209 return proto_->has_softmax_bias() ? proto_->softmax_bias().cols() : 0;
|
/external/opencv/ml/src/ |
_ml.h | 76 if( MIN( (mat).rows, (mat).cols ) != 1 ) \ 82 (num) = (mat).cols; \ 98 (n) = (mat).cols; \ 105 (m) = (mat).cols; \ 110 (mat)->cols > 0 && (mat)->rows > 0) 229 int dims = (matrice)->cols; \
|
mlnbayes.cpp | 63 for( int cls = 0; cls < cls_labels->cols; cls++ ) 145 nclasses = cls_labels->cols; 183 if( cls_labels->cols != __cls_labels->cols || 189 nclasses = cls_labels->cols; 297 nclasses = cls_labels->cols; 298 _var_count = avg[0]->cols; 300 if( !CV_IS_MAT(samples) || CV_MAT_TYPE(samples->type) != CV_32FC1 || samples->cols != var_all ) 312 results->cols != 1 && results->rows != 1 || 313 results->cols + results->rows - 1 != samples->rows [all...] |
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
MatrixExponential.h | 71 const MatrixType tmp = b[3] * A2 + b[1] * MatrixType::Identity(A.rows(), A.cols()); 73 V = b[2] * A2 + b[0] * MatrixType::Identity(A.rows(), A.cols()); 89 const MatrixType tmp = b[5] * A4 + b[3] * A2 + b[1] * MatrixType::Identity(A.rows(), A.cols()); 91 V = b[4] * A4 + b[2] * A2 + b[0] * MatrixType::Identity(A.rows(), A.cols()); 109 + b[1] * MatrixType::Identity(A.rows(), A.cols()); 111 V = b[6] * A6 + b[4] * A4 + b[2] * A2 + b[0] * MatrixType::Identity(A.rows(), A.cols()); 132 + b[1] * MatrixType::Identity(A.rows(), A.cols()); 134 V = b[8] * A8 + b[6] * A6 + b[4] * A4 + b[2] * A2 + b[0] * MatrixType::Identity(A.rows(), A.cols()); 155 tmp += b[7] * A6 + b[5] * A4 + b[3] * A2 + b[1] * MatrixType::Identity(A.rows(), A.cols()); 159 V += b[6] * A6 + b[4] * A4 + b[2] * A2 + b[0] * MatrixType::Identity(A.rows(), A.cols()); 409 Index cols() const { return m_src.cols(); } function in struct:Eigen::MatrixExponentialReturnValue [all...] |
/external/opencv/cv/src/ |
cvcalibration.cpp | 295 CV_ASSERT( A->cols == B->rows ); 298 L = A->cols; 299 N = B->cols; 305 dABdA->rows == A->rows*B->cols && dABdA->cols == A->rows*A->cols ); 311 dABdB->rows == A->rows*B->cols && dABdB->cols == B->rows*B->cols ); 401 CV_ASSERT( _rvec1->rows == 3 && _rvec1->cols == 1 && CV_ARE_SIZES_EQ(_rvec1, _rvec2) ) [all...] |
/external/eigen/Eigen/src/SparseCore/ |
SparseMap.h | 80 /** \copydoc SparseMatrixBase::cols() */ 81 inline Index cols() const { return IsRowMajor ? m_innerSize : m_outerSize; } function in class:Eigen::SparseMapBase 124 inline SparseMapBase(Index rows, Index cols, Index nnz, IndexPointer outerIndexPtr, IndexPointer innerIndexPtr, 126 : m_outerSize(IsRowMajor?rows:cols), m_innerSize(IsRowMajor?cols:rows), m_zero_nnz(0,internal::convert_index<StorageIndex>(nnz)), m_outerIndex(outerIndexPtr), 195 inline SparseMapBase(Index rows, Index cols, Index nnz, StorageIndex* outerIndexPtr, StorageIndex* innerIndexPtr, 197 : Base(rows, cols, nnz, outerIndexPtr, innerIndexPtr, valuePtr, innerNonZerosPtr) 237 /** Constructs a read-write Map to a sparse matrix of size \a rows x \a cols, containing \a nnz non-zero coefficients, 245 inline Map(Index rows, Index cols, Index nnz, StorageIndex* outerIndexPtr, 247 : Base(rows, cols, nnz, outerIndexPtr, innerIndexPtr, valuePtr, innerNonZerosPtr [all...] |
ConservativeSparseSparseProduct.h | 24 Index cols = rhs.outerSize(); local 47 for (Index j=0; j<cols; ++j) 146 if(lhs.rows()>rhs.cols()) 148 ColMajorMatrix resCol(lhs.rows(),rhs.cols()); 155 ColMajorMatrixAux resCol(lhs.rows(),rhs.cols()); 171 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 184 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 196 RowMajorMatrix resRow(lhs.rows(), rhs.cols()); 211 ColMajorMatrix resCol(lhs.rows(), rhs.cols()); 224 ColMajorMatrix resCol(lhs.rows(), rhs.cols()); 267 Index cols = rhs.outerSize(); local [all...] |
/external/eigen/Eigen/src/UmfPackSupport/ |
UmfPackSupport.h | 200 inline Index cols() const { return mp_matrix.cols(); } function in class:Eigen::UmfPackLU 371 internal::convert_index<int>(mp_matrix.cols()), 441 int lnz, unz, rows, cols, nz_udiag; local 442 umfpack_get_lunz(&lnz, &unz, &rows, &cols, &nz_udiag, m_numeric, Scalar()); 445 m_l.resize(rows,(std::min)(rows,cols)); 448 m_u.resize((std::min)(rows,cols),cols); 452 m_q.resize(cols); 475 Index rhsCols = b.cols(); [all...] |
/external/libvpx/libvpx/vpx_dsp/arm/ |
deblock_neon.c | 88 int dst_stride, int cols, 95 // Y) or 8 (for U/V) wide (cols) and the height (size) will be 16 (for Y) or 8 97 assert((size == 8 || size == 16) && cols % 8 == 0); 100 for (col = 0; col < cols - 8; col += 16) { 153 if (col != cols) { 205 dst_ptr -= cols; 222 for (col = 0; col < cols; col += 8) { 233 if (col + 8 == cols) { 312 void vpx_mbpost_proc_across_ip_neon(uint8_t *src, int pitch, int rows, int cols, 317 assert(cols % 8 == 0) [all...] |
/external/eigen/Eigen/src/Eigenvalues/ |
ComplexSchur.h | 114 : m_matT(matrix.rows(),matrix.cols()), 115 m_matU(matrix.rows(),matrix.cols()), 322 eigen_assert(matrix.cols() == matrix.rows()); 324 if(matrix.cols() == 1) 397 Index iu = m_matT.cols() - 1; 434 m_matT.rightCols(m_matT.cols()-il).applyOnTheLeft(il, il+1, rot.adjoint()); 442 m_matT.rightCols(m_matT.cols()-i).applyOnTheLeft(i, i+1, rot.adjoint());
|
Tridiagonalization.h | 132 m_hCoeffs(matrix.cols() > 1 ? matrix.cols()-1 : 1), 353 eigen_assert(n==matA.cols()); 429 eigen_assert(mat.cols()==mat.rows() && diag.size()==mat.rows() && subdiag.size()==mat.rows()-1); 444 CoeffVectorType hCoeffs(mat.cols()-1); 546 Index cols() const { return m_matrix.cols(); } function in struct:Eigen::internal::TridiagonalizationMatrixTReturnType
|
/external/gemmlowp/internal/ |
dispatch_gemm_shape.h | 70 return DstType(src.data(), src.cols(), src.rows(), src.stride()); 161 assert(lhs.cols() == rhs.rows()); 164 int cols = result->cols(); local 165 int depth = lhs.cols(); 167 if (rows == 0 || cols == 0 || depth == 0) { 173 if (rows < cols) {
|
/external/opencv/cvaux/src/ |
cvlevmartrif.cpp | 90 if( Jacobian->rows == numPoints*6 || Jacobian->cols != 36+numPoints*4 ) 205 if( resFunc->rows == 2*numPoints*3 || resFunc->cols != 1 ) 294 numPoints = resultPoints4D->cols; 340 if( projMatrs[i]->rows != 3 || projMatrs[i]->cols != 4 ) 345 if( projPoints[i]->rows != 2 || projPoints[i]->cols != numPoints ) 350 if( resultProjMatrs[i]->rows != 3 || resultProjMatrs[i]->cols != 4 ) 454 numPoints = points->cols;
|
/external/eigen/Eigen/src/Core/ |
TriangularMatrix.h | 61 inline Index cols() const { return derived().cols(); } function in class:Eigen::TriangularBase 68 void resize(Index rows, Index cols) 71 EIGEN_UNUSED_VARIABLE(cols); 72 eigen_assert(rows==this->rows() && cols==this->cols()); 119 DenseMatrixType res(rows(), cols()); 130 eigen_assert(col>=0 && col<cols() && row>=0 && row<rows()); 227 /** \copydoc EigenBase::cols() */ 229 inline Index cols() const { return m_matrix.cols(); function in class:Eigen::TriangularView [all...] |
DenseCoeffsBase.h | 59 using Base::cols; 99 && col >= 0 && col < cols()); 118 && col >= 0 && col < cols()); 234 eigen_internal_assert(row >= 0 && row < rows() && col >= 0 && col < cols()); 313 using Base::cols; 343 && col >= 0 && col < cols()); 365 && col >= 0 && col < cols()); 487 using Base::cols; 561 using Base::cols;
|
/external/mesa3d/src/mapi/ |
mapi_abi.py | 49 def __init__(self, cols, attrs, xml_data = None): 50 self._parse(cols) 88 def _parse(self, cols): 89 ret = cols.pop(0) 93 name = cols.pop(0) 96 if not cols: 97 raise Exception(cols) 98 elif len(cols) == 1 and cols[0] == 'void': 101 for val in cols [all...] |
/external/apache-commons-math/src/main/java/org/apache/commons/math/estimation/ |
AbstractEstimator.java | 61 protected int cols; field in class:AbstractEstimator 133 for (int j = 0; j < cols; ++j) { 161 for (int i = 0; i < rows; i++, index += cols) { 293 cols = parameters.length; 294 jacobian = new double[rows * cols];
|