HomeSort by relevance Sort by last modified time
    Searched refs:cols (Results 151 - 175 of 866) sorted by null

1 2 3 4 5 67 8 91011>>

  /external/opencv/cv/src/
cvtemplmatch.cpp 103 if( img->cols < templ->cols || img->rows < templ->rows )
108 corr->cols > img->cols + templ->cols - 1 )
112 blocksize.width = cvRound(templ->cols*block_scale);
113 blocksize.width = MAX( blocksize.width, min_block_size - templ->cols + 1 );
114 blocksize.width = MIN( blocksize.width, corr->cols );
119 dftsize.width = cvGetOptimalDFTSize(blocksize.width + templ->cols - 1);
127 blocksize.width = dftsize.width - templ->cols + 1
    [all...]
  /external/eigen/test/
lu.cpp 26 Index rows, cols, cols2; local
37 cols = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE);
42 cols2 = cols = MatrixType::ColsAtCompileTime;
56 Index rank = internal::random<Index>(1, (std::min)(rows, cols)-1);
59 VERIFY((MatrixType::Zero(rows,cols).fullPivLu().image(MatrixType::Zero(rows,cols)).cols() == 1));
61 MatrixType m1(rows, cols), m3(rows, cols2);
62 CMatrixType m2(cols, cols2);
63 createRandomPIMatrixOfRank(rank, rows, cols, m1)
    [all...]
eigensolver_complex.cpp 19 if(match || col==diffs.cols())
25 Index n = diffs.cols();
60 VERIFY(vec1.cols() == 1);
61 VERIFY(vec2.cols() == 1);
79 Index cols = m.cols(); local
84 MatrixType a = MatrixType::Random(rows,cols);
114 MatrixType z = MatrixType::Zero(rows,cols);
118 MatrixType id = MatrixType::Identity(rows, cols);
151 MatrixType a = MatrixType::Random(m.rows(),m.cols());
    [all...]
householder.cpp 22 Index cols = m.cols(); local
34 Matrix<Scalar, EIGEN_SIZE_MAX(MatrixType::RowsAtCompileTime,MatrixType::ColsAtCompileTime), 1> _tmp((std::max)(rows,cols));
52 MatrixType m1(rows, cols),
53 m2(rows, cols);
62 if(rows>=2) VERIFY_IS_MUCH_SMALLER_THAN(m1.block(1,0,rows-1,cols).norm(), m1.norm());
82 m1.setRandom(rows, cols);
83 HBlockMatrixType hbm = m1.block(shift,0,brows,cols);
86 m2.block(shift,0,brows,cols) = qr.matrixQR();
94 m5.block(shift,0,brows,cols).template triangularView<StrictlyLower>().setZero()
    [all...]
vectorwiseop.cpp 24 Index cols = m.cols(); local
26 c = internal::random<Index>(0, cols-1);
28 ArrayType m1 = ArrayType::Random(rows, cols),
29 m2(rows, cols),
30 m3(rows, cols);
33 RowVectorType rowvec = RowVectorType::Random(cols);
118 Array<bool,Dynamic,Dynamic> mb(rows,cols);
141 Index cols = m.cols(); local
    [all...]
product_small.cpp 37 for(Index j=0;j<C.cols();++j)
38 for(Index k=0;k<A.cols();++k)
43 template<typename T, int Rows, int Cols, int Depth, int OC, int OA, int OB>
46 || (Cols ==1&&Depth!=1&&OB==RowMajor)
47 || (Depth==1&&Cols !=1&&OB==ColMajor)
48 || (Rows ==1&&Cols !=1&&OC==ColMajor)
49 || (Cols ==1&&Rows !=1&&OC==RowMajor)),void>::type
50 test_lazy_single(int rows, int cols, int depth)
53 Matrix<T,Depth,Cols,OB> B(depth,cols); B.setRandom()
87 int cols = internal::random<int>(1,12); local
116 int cols = internal::random<int>(1,12); local
152 int cols = internal::random<int>(1,12); local
    [all...]
dontalign.cpp 28 Index cols = m.cols(); local
30 MatrixType a = MatrixType::Random(rows,cols);
mapped_matrix.cpp 57 Index rows = m.rows(), cols = m.cols(), size = rows*cols; local
73 Map<MatrixType> map1(array1, rows, cols);
74 Map<MatrixType, AlignedMax> map2(array2, rows, cols);
75 Map<MatrixType> map3(array3unaligned, rows, cols);
76 Map<MatrixType> map4(array4, rows, cols);
78 VERIFY_IS_EQUAL(map1, MatrixType::Ones(rows,cols));
79 VERIFY_IS_EQUAL(map2, MatrixType::Ones(rows,cols));
80 VERIFY_IS_EQUAL(map3, MatrixType::Ones(rows,cols));
    [all...]
  /external/eigen/Eigen/src/Core/
MapBase.h 71 using Base::cols;
90 /** \copydoc DenseBase::cols() */
91 EIGEN_DEVICE_FUNC inline Index cols() const { return m_cols.value(); } function in class:Eigen::MapBase
170 inline MapBase(PointerType dataPtr, Index rows, Index cols)
171 : m_data(dataPtr), m_rows(rows), m_cols(cols)
175 && cols >= 0 && (ColsAtCompileTime == Dynamic || ColsAtCompileTime == cols)));
191 || (cols() * rows() * innerStride() * sizeof(Scalar)) < internal::traits<Derived>::Alignment ) && "data is not aligned");
230 using Base::cols;
281 EIGEN_DEVICE_FUNC inline MapBase(PointerType dataPtr, Index rows, Index cols) : Base(dataPtr, rows, cols) {
    [all...]
Solve.h 72 EIGEN_DEVICE_FUNC Index rows() const { return m_dec.cols(); }
73 EIGEN_DEVICE_FUNC Index cols() const { return m_rhs.cols(); } function in class:Eigen::Solve
124 : m_result(solve.rows(), solve.cols())
143 Index dstCols = src.cols();
144 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols))
159 Index dstCols = src.cols();
160 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols))
176 Index dstCols = src.cols();
177 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols)
    [all...]
Map.h 112 : int(Flags)&RowMajorBit ? this->cols()
145 * \param cols the number of columns of the matrix expression
149 inline Map(PointerArgType dataPtr, Index rows, Index cols, const StrideType& stride = StrideType())
150 : Base(cast_to_pointer_type(dataPtr), rows, cols), m_stride(stride)
  /external/eigen/bench/
benchEigenSolver.cpp 37 int cols = m.cols(); local
45 MatrixType a = MatrixType::Random(rows,cols);
52 int c = internal::random<int>(0,covMat.cols()-1);
95 gmm::dense_matrix<Scalar> gmmCovMat(covMat.rows(),covMat.cols());
96 gmm::dense_matrix<Scalar> eigvect(covMat.rows(),covMat.cols());
133 gsl_matrix* gslCovMat = gsl_matrix_alloc(covMat.rows(),covMat.cols());
134 gsl_matrix* gslCopy = gsl_matrix_alloc(covMat.rows(),covMat.cols());
135 gsl_matrix* eigvect = gsl_matrix_alloc(covMat.rows(),covMat.cols());
139 gsl_matrix_complex* eigvectz = gsl_matrix_complex_alloc(covMat.rows(),covMat.cols());
    [all...]
benchCholesky.cpp 32 int cols = m.cols(); local
46 MatrixType a = MatrixType::Random(rows,cols);
53 int c = internal::random<int>(0,covMat.cols()-1);
92 gsl_matrix* gslCovMat = gsl_matrix_alloc(covMat.rows(),covMat.cols());
93 gsl_matrix* gslCopy = gsl_matrix_alloc(covMat.rows(),covMat.cols());
  /external/eigen/debug/gdb/
printers.py 60 self.cols = val['m_storage']['m_cols']
62 self.cols = int(template_params[2])
81 def __init__ (self, rows, cols, dataPtr, rowMajor):
83 self.cols = cols
100 if self.currentCol >= self.cols:
112 if self.currentCol >= self.cols:
119 if (self.cols == 1): #if it's a column vector
127 return self._iterator(self.rows, self.cols, self.data, self.rowMajor)
130 return "Eigen::%s<%s,%d,%d,%s> (data ptr: %s)" % (self.variety, self.innerType, self.rows, self.cols, "RowMajor" if self.rowMajor else "ColMajor", self.data
    [all...]
  /external/opencv/ml/src/
mlann_mlp.cpp 180 for( i = 1; i < layer_sizes->cols; i++ )
198 if( i < layer_sizes->cols - 1 )
223 _layer_sizes->cols != 1 && _layer_sizes->rows != 1 ||
230 l_count = _layer_sizes->rows + _layer_sizes->cols - 1;
286 if( _inputs->cols != layer_sizes->data.i[0] )
290 if( _outputs->cols != layer_sizes->data.i[layer_sizes->cols - 1] )
305 l_count = layer_sizes->cols;
313 cvInitMatHeader( layer_out, dn, layer_in->cols, CV_64F, buf );
321 int cols = layer_sizes->data.i[j] local
343 int i, j, cols = _src->cols; local
371 int i, j, cols = _src->cols; local
399 int i, j, n = sums->rows, cols = sums->cols; local
479 int i, j, n = _xf->rows, cols = _xf->cols; local
    [all...]
  /device/linaro/bootloader/edk2/AppPkg/Applications/Python/Python-2.7.2/Tools/scripts/
byext.py 86 cols = columns.keys()
87 cols.sort()
92 for col in cols:
109 cols.insert(0, "ext")
111 for col in cols:
116 for col in cols:
  /external/eigen/Eigen/src/Geometry/
Homogeneous.h 76 EIGEN_DEVICE_FUNC inline Index cols() const { return m_matrix.cols() + (int(Direction)==Horizontal ? 1 : 0); } function in class:Eigen::Homogeneous
200 Direction==Horizontal ? _expression().cols()-1 : _expression().cols()).cwiseQuotient(
206 Direction==Horizontal ? _expression().cols()-1:0,
208 Direction==Horizontal ? 1 : _expression().cols()),
210 Direction==Horizontal ? _expression().cols()-1 : 1));
266 EIGEN_DEVICE_FUNC inline Index cols() const { return m_rhs.cols(); } function in struct:Eigen::internal::homogeneous_left_product_impl
274 (m_lhs,0,0,m_lhs.rows(),m_lhs.cols()-1) * m_rhs
304 EIGEN_DEVICE_FUNC inline Index cols() const { return m_rhs.cols(); } function in struct:Eigen::internal::homogeneous_right_product_impl
    [all...]
  /external/eigen/Eigen/src/IterativeLinearSolvers/
SolveWithGuess.h 53 EIGEN_DEVICE_FUNC Index rows() const { return m_dec.cols(); }
54 EIGEN_DEVICE_FUNC Index cols() const { return m_rhs.cols(); } function in class:Eigen::SolveWithGuess
82 : m_result(solve.rows(), solve.cols())
102 Index dstCols = src.cols();
103 if((dst.rows()!=dstRows) || (dst.cols()!=dstCols))
  /external/eigen/demos/mix_eigen_and_c/
binary_library.cpp 72 C_MatrixXd* MatrixXd_new(int rows, int cols)
74 return eigen_to_c(*new MatrixXd(rows,cols));
92 void MatrixXd_resize(C_MatrixXd *m, int rows, int cols)
94 c_to_eigen(m).resize(rows,cols);
137 C_Map_MatrixXd* Map_MatrixXd_new(double *array, int rows, int cols)
139 return eigen_to_c(*new Map<MatrixXd>(array,rows,cols));
  /external/gemmlowp/public/
map.h 43 MatrixMap(Scalar* data, int rows, int cols)
46 cols_(cols),
47 stride_(kOrder == MapOrder::ColMajor ? rows : cols) {}
48 MatrixMap(Scalar* data, int rows, int cols, int stride)
49 : data_(data), rows_(rows), cols_(cols), stride_(stride) {}
57 int cols() const { return cols_; } function in class:gemmlowp::MatrixMap
  /external/libvpx/libvpx/vpx_dsp/mips/
subtract_mmi.c 16 void vpx_subtract_block_mmi(int rows, int cols, int16_t *diff,
23 if (rows == cols) {
290 vpx_subtract_block_c(rows, cols, diff, diff_stride, src, src_stride,
294 vpx_subtract_block_c(rows, cols, diff, diff_stride, src, src_stride,
298 vpx_subtract_block_c(rows, cols, diff, diff_stride, src, src_stride,
303 vpx_subtract_block_c(rows, cols, diff, diff_stride, src, src_stride, pred,
  /packages/apps/Terminal/jni/
com_android_terminal_Terminal.cpp 76 inline ScrollbackLine(dimen_t _cols) : cols(_cols) {
77 mCells = new VTermScreenCell[cols];
83 inline dimen_t copyFrom(dimen_t cols, const VTermScreenCell* cells) {
84 dimen_t n = this->cols > cols ? cols : this->cols;
89 inline dimen_t copyTo(dimen_t cols, VTermScreenCell* cells) {
90 dimen_t n = cols > this->cols ? this->cols : cols
99 const dimen_t cols; member in class:android::ScrollbackLine
    [all...]
  /external/eigen/unsupported/Eigen/src/IterativeSolvers/
IncompleteLU.h 39 Index cols() const { return m_lu.cols(); } function in class:Eigen::IncompleteLU
45 int size = mat.cols();
  /external/tensorflow/tensorflow/core/kernels/
inplace_ops_functor_gpu.cu.cc 31 const int64 cols, int32 loc,
34 int64 c = idx % cols;
36 T* p = dst + r * cols + c;
  /external/tensorflow/tensorflow/python/kernel_tests/
compare_and_bitpack_op_test.py 45 cols = 294
46 x = np.random.randn(rows, cols * 8)
54 truth = np.packbits(x > threshold).reshape(rows, cols)

Completed in 421 milliseconds

1 2 3 4 5 67 8 91011>>