/external/eigen/Eigen/src/SparseCore/ |
TriangularSolver.h | 36 for(Index col=0 ; col<other.cols() ; ++col) 73 for(Index col=0 ; col<other.cols() ; ++col) 112 for(Index col=0 ; col<other.cols() ; ++col) 114 for(Index i=0; i<lhs.cols(); ++i) 147 for(Index col=0 ; col<other.cols() ; ++col) 149 for(Index i=lhs.cols()-1; i>=0; --i) 180 eigen_assert(derived().cols() == derived().rows() && derived().cols() == other.rows()); 222 Rhs res(other.rows(), other.cols()); 225 for(Index col=0 ; col<other.cols() ; ++col [all...] |
SparseAssign.h | 80 const Index outerEvaluationSize = (SrcEvaluatorType::Flags&RowMajorBit) ? src.rows() : src.cols(); 84 dst.resize(src.rows(), src.cols()); 86 dst.reserve((std::max)(src.rows(),src.cols())*2); 108 DstXprType temp(src.rows(), src.cols()); 110 temp.reserve((std::max)(src.rows(),src.cols())*2); 149 const Index outerEvaluationSize = (internal::evaluator<SrcXprType>::Flags&RowMajorBit) ? src.rows() : src.cols(); 165 Index dstCols = src.cols(); 166 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols)) 188 Index dstCols = src.cols(); 189 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols) [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/Eigen/src/IterativeLinearSolvers/ |
BasicPreconditioners.h | 50 explicit DiagonalPreconditioner(const MatType& mat) : m_invdiag(mat.cols()) 56 Index cols() const { return m_invdiag.size(); } function in class:Eigen::DiagonalPreconditioner 67 m_invdiag.resize(mat.cols()); 154 m_invdiag.resize(mat.cols()); 163 for(Index j=0; j<mat.cols(); ++j)
|
/external/eigen/test/ |
cholesky.cpp | 65 Index cols = m.cols(); local 72 MatrixType a0 = MatrixType::Random(rows,cols); 74 MatrixType matB = MatrixType::Random(rows,cols), matX(rows,cols); 79 MatrixType a1 = MatrixType::Random(rows,cols); 94 const MatrixType symmLo_inverse = chollo.solve(MatrixType::Identity(rows,cols)); 112 const MatrixType symmUp_inverse = cholup.solve(MatrixType::Identity(rows,cols)); 129 MatrixType m1 = MatrixType::Random(rows,cols), m2(rows,cols); 295 Index cols = m.cols(); local [all...] |
inverse.cpp | 22 Index cols = m.cols(); local 26 MatrixType m1(rows, cols), 27 m2(rows, cols), 65 MatrixType m3 = v3*v3.transpose(), m4(rows,cols);
|
svd_common.h | 28 Index cols = m.cols(); local 40 MatrixType sigma = MatrixType::Zero(rows,cols); 65 Index cols = m.cols(); local 66 Index diagSize = (std::min)(rows, cols); 106 Index cols = m.cols(); local 116 RhsType rhs = RhsType::Random(rows, internal::random<Index>(1, cols)); 172 Index cols = m.cols() [all...] |
product_syrk.cpp | 22 Index cols = m.cols(); local 24 MatrixType m1 = MatrixType::Random(rows, cols), 25 m2 = MatrixType::Random(rows, cols), 26 m3 = MatrixType::Random(rows, cols); 27 RMatrixType rm2 = MatrixType::Random(rows, cols); 29 Rhs1 rhs1 = Rhs1::Random(internal::random<int>(1,320), cols); Rhs1 rhs11 = Rhs1::Random(rhs1.rows(), cols); 30 Rhs2 rhs2 = Rhs2::Random(rows, internal::random<int>(1,320)); Rhs2 rhs22 = Rhs2::Random(rows, rhs2.cols()); 35 Index c = internal::random<Index>(0,cols-1) [all...] |
product_extra.cpp | 22 Index cols = m.cols(); local 24 MatrixType m1 = MatrixType::Random(rows, cols), 25 m2 = MatrixType::Random(rows, cols), 26 m3(rows, cols), 27 mzero = MatrixType::Zero(rows, cols), 31 square2 = MatrixType::Random(cols, cols), 32 res2 = MatrixType::Random(cols, cols); 130 Index cols = m.cols(); local [all...] |
qr_colpivoting.cpp | 20 Index cols = internal::random<Index>(2, EIGEN_TEST_MAX_SIZE); local 22 Index rank = internal::random<Index>(1, (std::min)(rows, cols) - 1); 29 createRandomPIMatrixOfRank(rank, rows, cols, matrix); 32 VERIFY(cols - cod.rank() == cod.dimensionOfKernel()); 44 t.setZero(rows, cols); 51 MatrixType exact_solution = MatrixType::Random(cols, cols2); 69 Cols = MatrixType::ColsAtCompileTime 72 int rank = internal::random<int>(1, (std::min)(int(Rows), int(Cols)) - 1); 73 Matrix<Scalar, Rows, Cols> matrix; 74 createRandomPIMatrixOfRank(rank, Rows, Cols, matrix) 99 Index rows = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE), cols = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE), cols2 = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE); local 218 Index rows = 300, cols = rows; local [all...] |
/external/eigen/unsupported/test/ |
sparse_extra.cpp | 53 const Index cols = ref.cols(); local 57 double density = (std::max)(8./(rows*cols), 0.01); 62 SparseMatrixType m(rows, cols); 63 DenseMatrix refMat = DenseMatrix::Zero(rows, cols); 117 SparseMatrixType m1(rows,cols), m2(rows,cols);
|
/external/gemmlowp/test/ |
correctness_meta_gemm.cc | 51 void prepare_test_data(std::uint8_t* data, std::int32_t rows, std::int32_t cols, 55 for (int j = 0; j < cols; ++j) { 56 data[i * cols + j] = static_cast<std::uint8_t>(value); 63 std::int32_t rows, std::int32_t cols, std::int32_t depth, 70 for (int j = 0; j < cols; ++j) { 87 std::int32_t actual = static_cast<std::int32_t>(result[i * cols + j]); 96 std::cout << "Wrong: " << rows << "x" << cols << "x" << depth << " : " 97 << wrong << "/" << (rows * cols) << std::endl 106 std::int32_t rows, std::int32_t cols, std::int32_t depth, 111 for (int j = 0; j < cols; ++j) [all...] |
/external/libtextclassifier/common/memory_image/ |
embedding-network-params-from-image.h | 79 return trimmed_proto_.embeddings(i).cols(); 123 return trimmed_proto_.hidden(i).cols(); 144 return trimmed_proto_.hidden_bias(i).cols(); 165 return trimmed_proto_.softmax().cols(); 186 return trimmed_proto_.softmax_bias().cols();
|
/external/libvterm/src/ |
vterm_internal.h | 49 int cols; member in struct:VTermState 62 #define SCROLLREGION_RIGHT(state) ((state)->mode.leftrightmargin && (state)->scrollregion_right > -1 ? (state)->scrollregion_right : (state)->cols) 68 #define ROWWIDTH(state,row) ((state)->lineinfo[(row)].doublewidth ? ((state)->cols / 2) : (state)->cols) 132 int cols; member in struct:VTerm
|
vterm.c | 30 VTerm *vterm_new(int rows, int cols) 32 return vterm_new_with_allocator(rows, cols, &default_allocator, NULL); 35 VTerm *vterm_new_with_allocator(int rows, int cols, VTermAllocatorFunctions *funcs, void *allocdata) 44 vt->cols = cols; 88 *colsp = vt->cols; 91 void vterm_set_size(VTerm *vt, int rows, int cols) 94 vt->cols = cols; 97 (*vt->parser_callbacks->resize)(rows, cols, vt->cbdata) [all...] |
/external/python/cpython2/Tools/scripts/ |
byext.py | 86 cols = sorted(columns.keys()) 91 for col in cols: 108 cols.insert(0, "ext") 110 for col in cols: 115 for col in cols:
|
/external/syslinux/com32/lib/sys/ |
ansi.c | 75 const int cols = ti->cols; local 152 op->erase(st, 0, 0, cols - 1, rows - 1); 193 xy.x = (x >= cols) ? cols - 1 : x; 220 xy.x = (x >= cols) ? cols - 1 : (x < 0) ? 0 : x; 229 xy.x = (x >= cols) ? cols - 1 : (x < 0) ? 0 : x; 237 op->erase(st, xy.x, xy.y, cols - 1, xy.y) [all...] |
/external/syslinux/com32/modules/ |
dir.c | 14 static int rows, cols; /* Screen parameters */ variable 115 ncols = (cols + 2)/(maxlen + 8); 118 colwidth = (cols + 2)/ncols; 158 if (getscreensize(1, &rows, &cols)) { 161 cols = 80;
|
ls.c | 14 static int rows, cols; /* Screen parameters */ variable 115 ncols = (cols + 2)/(maxlen + 8); 118 colwidth = (cols + 2)/ncols; 158 if (getscreensize(1, &rows, &cols)) { 161 cols = 80;
|
/external/eigen/Eigen/src/Core/products/ |
SelfadjointMatrixMatrix.h | 22 void pack(Scalar* blockA, const const_blas_data_mapper<Scalar,Index,StorageOrder>& lhs, Index cols, Index i, Index& count) 42 for(Index k=i+BlockRows; k<cols; k++) 46 void operator()(Scalar* blockA, const Scalar* _lhs, Index lhsStride, Index cols, Index rows) 59 pack<3*PacketSize>(blockA, lhs, cols, i, count); 63 pack<2*PacketSize>(blockA, lhs, cols, i, count); 67 pack<1*PacketSize>(blockA, lhs, cols, i, count); 77 for(Index k=i+1; k<cols; k++) 87 void operator()(Scalar* blockB, const Scalar* _rhs, Index rhsStride, Index rows, Index cols, Index k2) 92 Index packet_cols8 = nr>=8 ? (cols/8) * 8 : 0; 93 Index packet_cols4 = nr>=4 ? (cols/4) * 4 : 0 [all...] |
/external/eigen/unsupported/Eigen/src/Skyline/ |
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/eigen/unsupported/Eigen/src/SparseExtra/ |
DynamicSparseMatrix.h | 83 inline Index cols() const { return IsRowMajor ? m_innerSize : outerSize(); } function in class:Eigen::DynamicSparseMatrix 199 void resize(Index rows, Index cols) 201 const Index outerSize = IsRowMajor ? rows : cols; 202 m_innerSize = convert_index(IsRowMajor ? cols : rows); 210 void resizeAndKeepData(Index rows, Index cols) 212 const Index outerSize = IsRowMajor ? rows : cols; 213 const Index innerSize = IsRowMajor ? cols : rows; 235 EIGEN_DEPRECATED inline DynamicSparseMatrix(Index rows, Index cols) 238 resize(rows, cols); 271 resize(other.rows(), other.cols()); [all...] |
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
MatrixPower.h | 64 Index cols() const { return m_pow.cols(); } function in class:Eigen::MatrixPowerParenthesesReturnValue 139 eigen_assert(T.rows() == T.cols()); 168 res = (MatrixType::Identity(IminusT.rows(), IminusT.cols()) + res).template triangularView<Upper>() 171 res += MatrixType::Identity(IminusT.rows(), IminusT.cols()); 182 for (Index i=1; i < m_A.cols(); ++i) { 209 for (Index i=0; i < m_A.cols(); ++i) 213 IminusT = MatrixType::Identity(m_A.rows(), m_A.cols()) - T; 357 m_rank(A.cols()), 359 { eigen_assert(A.rows() == A.cols()); } 382 Index cols() const { return m_A.cols(); } function in class:Eigen::MatrixPower 625 Index cols() const { return m_A.cols(); } function in class:Eigen::MatrixPowerReturnValue 676 Index cols() const { return m_A.cols(); } function in class:Eigen::MatrixComplexPowerReturnValue [all...] |
/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...] |
/external/gemmlowp/internal/ |
multi_thread_gemm.h | 451 const int cols = result_block.cols; variable 452 const int depth = lhs.cols(); 455 block_params.Init<KernelFormat>(rows, cols, depth, 1, 466 for (int c = 0; c < cols; c += block_params.l2_cols) { 467 int cs = std::min(block_params.l2_cols, cols - c); 548 inline int HowManyThreads(int max_num_threads, int rows, int cols, int depth) { 585 // that the cubic size (rows*cols*depth) is big enough to keep 593 std::uint64_t(rows) * std::uint64_t(cols) * std::uint64_t(depth); 624 assert(lhs.cols() == rhs.rows()) 627 int cols = result->cols(); local [all...] |