/external/deqp/framework/common/ |
D | tcuMatrix.hpp | 34 template <typename T, int Rows, int Cols> 43 SIZE = Cols, 45 COLS = Cols, enumerator 50 explicit Matrix (const T src[Rows*Cols]); 52 Matrix (const Matrix<T, Rows, Cols>& src); 55 Matrix<T, Rows, Cols>& operator= (const Matrix<T, Rows, Cols>& src); 56 Matrix<T, Rows, Cols>& operator*= (const Matrix<T, Rows, Cols>& src); 58 void setRow (int rowNdx, const Vector<T, Cols>& vec); 61 Vector<T, Cols> getRow (int ndx) const; 71 Array<T, Rows*Cols> getRowMajorData (void) const; [all …]
|
/external/opencv3/modules/cudev/include/opencv2/cudev/grid/ |
D | split_merge.hpp | 69 const int cols = getCols(src); in gridMerge_() local 71 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridMerge_() 73 dst.create(rows, cols); in gridMerge_() 78 rows, cols, in gridMerge_() 88 const int cols = getCols(src); in gridMerge_() local 90 CV_Assert( getRows(dst) == rows && getCols(dst) == cols ); in gridMerge_() 91 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridMerge_() 96 rows, cols, in gridMerge_() 106 const int cols = getCols(src); in gridMerge_() local 108 dst.create(rows, cols); in gridMerge_() [all …]
|
D | transform.hpp | 67 const int cols = getCols(src); in gridTransformUnary_() local 69 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridTransformUnary_() 71 dst.create(rows, cols); in gridTransformUnary_() 73 …_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::ge… in gridTransformUnary_() 80 const int cols = getCols(src); in gridTransformUnary_() local 82 CV_Assert( getRows(dst) == rows && getCols(dst) == cols ); in gridTransformUnary_() 83 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridTransformUnary_() 85 …_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::ge… in gridTransformUnary_() 92 const int cols = getCols(src); in gridTransformUnary_() local 94 dst.create(rows, cols); in gridTransformUnary_() [all …]
|
D | copy.hpp | 67 const int cols = getCols(src); in gridCopy_() local 69 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridCopy_() 71 dst.create(rows, cols); in gridCopy_() 73 …grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), shrinkPtr(mask), rows, cols, Stream… in gridCopy_() 80 const int cols = getCols(src); in gridCopy_() local 82 CV_Assert( getRows(dst) == rows && getCols(dst) == cols ); in gridCopy_() 83 CV_Assert( getRows(mask) == rows && getCols(mask) == cols ); in gridCopy_() 85 …grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), shrinkPtr(mask), rows, cols, Stream… in gridCopy_() 92 const int cols = getCols(src); in gridCopy_() local 94 dst.create(rows, cols); in gridCopy_() [all …]
|
/external/llvm/include/llvm/CodeGen/PBQP/ |
D | Math.h | 169 Matrix(unsigned Rows, unsigned Cols) : in Matrix() argument 170 Rows(Rows), Cols(Cols), Data(new PBQPNum[Rows * Cols]) { in Matrix() 175 Matrix(unsigned Rows, unsigned Cols, PBQPNum InitVal) in Matrix() argument 176 : Rows(Rows), Cols(Cols), Data(new PBQPNum[Rows * Cols]) { in Matrix() 177 std::fill(Data, Data + (Rows * Cols), InitVal); in Matrix() 182 : Rows(M.Rows), Cols(M.Cols), Data(new PBQPNum[Rows * Cols]) { in Matrix() 183 std::copy(M.Data, M.Data + (Rows * Cols), Data); in Matrix() 188 : Rows(M.Rows), Cols(M.Cols), Data(M.Data) { in Matrix() 189 M.Rows = M.Cols = 0; in Matrix() 199 Rows = M.Rows; Cols = M.Cols; [all …]
|
/external/eigen/doc/ |
D | AsciiQuickReference.txt | 6 Matrix<double, 3, 3> A; // Fixed rows and cols. Same as Matrix3d. 7 Matrix<double, 3, Dynamic> B; // Fixed rows, dynamic cols. 20 C.cols() // size(C,2) // number of columns 27 B.resize(3, 9); // Ok; only dynamic cols changed. 30 4, 5, 6, // matrices, which are stacked along cols 36 MatrixXd::Identity(rows,cols) // eye(rows,cols) 37 C.setIdentity(rows,cols) // C = eye(rows,cols) 38 MatrixXd::Zero(rows,cols) // zeros(rows,cols) 39 C.setZero(rows,cols) // C = ones(rows,cols) 40 MatrixXd::Ones(rows,cols) // ones(rows,cols) [all …]
|
/external/eigen/test/ |
D | array.cpp | 20 Index cols = m.cols(); in array() local 22 ArrayType m1 = ArrayType::Random(rows, cols), in array() 23 m2 = ArrayType::Random(rows, cols), in array() 24 m3(rows, cols); in array() 27 RowVectorType rv1 = RowVectorType::Random(cols); in array() 34 VERIFY_IS_APPROX(m1 + s1, ArrayType::Constant(rows,cols,s1) + m1); in array() 36 VERIFY_IS_APPROX(m1 - s1, m1 - ArrayType::Constant(rows,cols,s1)); in array() 37 VERIFY_IS_APPROX(s1 - m1, ArrayType::Constant(rows,cols,s1) - m1); in array() 38 VERIFY_IS_APPROX((m1*Scalar(2)) - s2, (m1+m1) - ArrayType::Constant(rows,cols,s2) ); in array() 48 …ArrayType::Map(m1.data(), m1.rows(), m1.cols()) -= ArrayType::Map(m2.data(), m2.rows(), m2.cols()); in array() [all …]
|
D | array_for_matrix.cpp | 20 Index cols = m.cols(); in array_for_matrix() local 22 MatrixType m1 = MatrixType::Random(rows, cols), in array_for_matrix() 23 m2 = MatrixType::Random(rows, cols), in array_for_matrix() 24 m3(rows, cols); in array_for_matrix() 27 RowVectorType rv1 = RowVectorType::Random(cols); in array_for_matrix() 34 VERIFY_IS_APPROX((m1.array() + s1).matrix(), MatrixType::Constant(rows,cols,s1) + m1); in array_for_matrix() 35 …VERIFY_IS_APPROX(((m1*Scalar(2)).array() - s2).matrix(), (m1+m1) - MatrixType::Constant(rows,cols,… in array_for_matrix() 61 VERIFY_IS_APPROX(m1.block(0,0,0,cols).colwise().sum(), RowVectorType::Zero(cols)); in array_for_matrix() 81 Index cols = m.cols(); in comparisons() local 84 c = internal::random<Index>(0, cols-1); in comparisons() [all …]
|
D | mapstaticmethods.cpp | 72 int rows = m.rows(), cols = m.cols(); in run() local 76 PlainObjectType::Map(ptr, rows, cols).setZero(); in run() 77 PlainObjectType::MapAligned(ptr, rows, cols).setZero(); in run() 78 PlainObjectType::Map(const_ptr, rows, cols).sum(); in run() 79 PlainObjectType::MapAligned(const_ptr, rows, cols).sum(); in run() 81 PlainObjectType::Map(ptr, rows, cols, InnerStride<>(i)).setZero(); in run() 82 PlainObjectType::MapAligned(ptr, rows, cols, InnerStride<>(i)).setZero(); in run() 83 PlainObjectType::Map(const_ptr, rows, cols, InnerStride<>(i)).sum(); in run() 84 PlainObjectType::MapAligned(const_ptr, rows, cols, InnerStride<>(i)).sum(); in run() 86 PlainObjectType::Map(ptr, rows, cols, InnerStride<2>()).setZero(); in run() [all …]
|
D | product.h | 35 Index cols = m.cols(); in product() local 39 MatrixType m1 = MatrixType::Random(rows, cols), in product() 40 m2 = MatrixType::Random(rows, cols), in product() 41 m3(rows, cols); in product() 47 square2 = ColSquareMatrixType::Random(cols, cols), in product() 48 res2 = ColSquareMatrixType::Random(cols, cols); in product() 50 ColVectorType vc2 = ColVectorType::Random(cols), vcres(cols); in product() 56 c = internal::random<Index>(0, cols-1), in product() 57 c2 = internal::random<Index>(0, cols-1); in product() 79 VERIFY_IS_APPROX(MatrixType::Identity(rows, cols)(r,c), static_cast<Scalar>(r==c)); in product() [all …]
|
D | corners.cpp | 20 Index cols = m.cols(); in corners() local 23 Index c = internal::random<Index>(1,cols); in corners() 25 MatrixType matrix = MatrixType::Random(rows,cols); in corners() 26 const MatrixType const_matrix = MatrixType::Random(rows,cols); in corners() 29 COMPARE_CORNER(topRightCorner(r,c), block(0,cols-c,r,c)); in corners() 31 COMPARE_CORNER(bottomRightCorner(r,c), block(rows-r,cols-c,r,c)); in corners() 35 Index sc = internal::random<Index>(1,cols) - 1; in corners() 36 Index nc = internal::random<Index>(1,cols-sc); in corners() 38 COMPARE_CORNER(topRows(r), block(0,0,r,cols)); in corners() 39 COMPARE_CORNER(middleRows(sr,nr), block(sr,0,nr,cols)); in corners() [all …]
|
D | diagonalmatrices.cpp | 16 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime }; in diagonalmatrices() enumerator 18 typedef Matrix<Scalar, 1, Cols> RowVectorType; in diagonalmatrices() 21 typedef DiagonalMatrix<Scalar, Cols> RightDiagonalMatrix; in diagonalmatrices() 22 typedef Matrix<Scalar, Rows==Dynamic?Dynamic:2*Rows, Cols==Dynamic?Dynamic:2*Cols> BigMatrix; in diagonalmatrices() 24 Index cols = m.cols(); in diagonalmatrices() local 26 MatrixType m1 = MatrixType::Random(rows, cols), in diagonalmatrices() 27 m2 = MatrixType::Random(rows, cols); in diagonalmatrices() 30 RowVectorType rv1 = RowVectorType::Random(cols), in diagonalmatrices() 31 rv2 = RowVectorType::Random(cols); in diagonalmatrices() 56 Index j = internal::random<Index>(0, cols-1); in diagonalmatrices() [all …]
|
/external/opencv3/modules/calib3d/ |
D | opencl_kernels_calib3d.cpp | 23 "__local int * bestDisp, __local int * bestCost, int d, int x, int y, int cols, int rows)\n" 33 "if( *bestCost != FILTERED && x < cols - WSZ2 - MIN_DISP && y < rows - WSZ2 && d == best_disp)\n" 47 "short * costbuf, int *h, int cols, int d, short cost)\n" 51 "int idx = mad24(y + WSZ2 * (2 * nthread - 1), cols, x + WSZ2 * (1 - 2 * nthread));\n" 61 "left += cols;\n" 62 "right += cols;\n" 79 "int cols, int d, short cost_up_left, short cost_up, short cost_left)\n" 82 "int idx = mad24(y - WSZ2 - 1, cols, x - WSZ2 - 1);\n" 85 "int idx2 = WSZ*cols;\n" 96 "int rows, int cols,\n" [all …]
|
/external/opencv3/modules/imgproc/src/ |
D | phasecorr.cpp | 45 int rows = src.rows, cols = src.cols; in magSpectrums() local 51 _dst.create( src.rows, src.cols, CV_32FC1 ); in magSpectrums() 53 _dst.create( src.rows, src.cols, CV_64FC1 ); in magSpectrums() 58 bool is_1d = (rows == 1 || (cols == 1 && src.isContinuous() && dst.isContinuous())); in magSpectrums() 61 cols = cols + rows - 1, rows = 1; in magSpectrums() 63 int ncols = cols*cn; in magSpectrums() 65 int j1 = ncols - (cols % 2 == 0 && cn == 1); in magSpectrums() 77 for( k = 0; k < (cols % 2 ? 1 : 2); k++ ) in magSpectrums() 80 dataSrc += cols - 1, dataDst += cols - 1; in magSpectrums() 92 dataSrc -= cols - 1, dataDst -= cols - 1; in magSpectrums() [all …]
|
D | templmatch.cpp | 75 size_t globalsize[2] = {result.cols, (result.rows+pxPerWIy-1)/pxPerWIy}; in extractFirstChannel_32F() 105 k.args(srcarg, src.cols, (int)src.total(), resarg); in sumTemplate() 196 templ_block.cols - templ_roi.cols, BORDER_ISOLATED); in convolve_dft() 203 for (int x = 0; x < result.cols; x += block_size.width) in convolve_dft() 205 Size image_roi_size(std::min(x + dft_size.width, image.cols) - x, in convolve_dft() 212 0, image_block.cols - image_roi.cols, BORDER_ISOLATED); in convolve_dft() 220 Size result_roi_size(std::min(x + block_size.width, result.cols) - x, in convolve_dft() 237 _result.create(_image.rows() - _templ.rows() + 1, _image.cols() - _templ.cols() + 1, CV_32F); in convolve_32F() 245 UMat result_(image.rows-templ.rows+1,(image.cols-templ.cols+1)*image.channels(), CV_32F); in convolve_32F() 283 _result.create(image.rows - templ.rows + 1, image.cols - templ.cols + 1, CV_32FC1); in matchTemplateNaive_CCORR() [all …]
|
/external/opencv3/modules/core/src/ |
D | cuda_gpu_mat.cpp | 50 flags(Mat::MAGIC_VAL + (type_ & Mat::TYPE_MASK)), rows(rows_), cols(cols_), in GpuMat() 55 size_t minstep = cols * elemSize(); in GpuMat() 76 flags(Mat::MAGIC_VAL + (type_ & Mat::TYPE_MASK)), rows(size_.height), cols(size_.width), in GpuMat() 81 size_t minstep = cols * elemSize(); in GpuMat() 122 cols = m.cols; in GpuMat() 126 … CV_Assert( 0 <= colRange_.start && colRange_.start <= colRange_.end && colRange_.end <= m.cols ); in GpuMat() 128 cols = colRange_.size(); in GpuMat() 130 flags &= cols < m.cols ? ~Mat::CONTINUOUS_FLAG : -1; in GpuMat() 139 if (rows <= 0 || cols <= 0) in GpuMat() 140 rows = cols = 0; in GpuMat() [all …]
|
/external/opencv3/modules/cudaarithm/test/ |
D | test_arithm.cpp | 201 void testC2C(const std::string& hint, int cols, int rows, int flags, bool inplace) in testC2C() argument 205 cv::Mat a = randomMat(cv::Size(cols, rows), CV_32FC2, 0.0, 10.0); in testC2C() 215 … d_b = cv::cuda::GpuMat(a.rows, a.cols, CV_32FC2, d_b_data.ptr(), a.cols * d_b_data.elemSize()); in testC2C() 217 cv::cuda::dft(loadMat(a), d_b, cv::Size(cols, rows), flags); in testC2C() 222 EXPECT_MAT_NEAR(b_gold, cv::Mat(d_b), rows * cols * 1e-4); in testC2C() 228 int cols = randomInt(2, 100); in CUDA_TEST_P() local 235 testC2C("no flags", cols, rows, 0, inplace); in CUDA_TEST_P() 236 testC2C("no flags 0 1", cols, rows + 1, 0, inplace); in CUDA_TEST_P() 237 testC2C("no flags 1 0", cols, rows + 1, 0, inplace); in CUDA_TEST_P() 238 testC2C("no flags 1 1", cols + 1, rows, 0, inplace); in CUDA_TEST_P() [all …]
|
/external/dng_sdk/source/ |
D | dng_bottlenecks.h | 56 uint32 cols, 66 uint32 cols, 76 uint32 cols, 88 uint32 cols, 101 uint32 cols, 114 uint32 cols, 127 uint32 cols, 140 uint32 cols, 153 uint32 cols, 166 uint32 cols, [all …]
|
/external/opencv3/modules/calib3d/src/opencl/ |
D | stereobm.cl | 61 … __local int * bestDisp, __local int * bestCost, int d, int x, int y, int cols, int rows) 74 if( *bestCost != FILTERED && x < cols - WSZ2 - MIN_DISP && y < rows - WSZ2 && d == best_disp) 89 short * costbuf, int *h, int cols, int d, short cost) 93 int idx = mad24(y + WSZ2 * (2 * nthread - 1), cols, x + WSZ2 * (1 - 2 * nthread)); 104 left += cols; 105 right += cols; 123 int cols, int d, short cost_up_left, short cost_up, short cost_left) 126 int idx = mad24(y - WSZ2 - 1, cols, x - WSZ2 - 1); 129 int idx2 = WSZ*cols; 143 …int rows, int cols, // rows, cols of left and right i… [all …]
|
/external/eigen/Eigen/src/Core/ |
D | PlainObjectBase.h | 38 static EIGEN_ALWAYS_INLINE void run(Index rows, Index cols) 43 bool error = (rows == 0 || cols == 0) ? false 44 : (rows > max_index / cols); 136 EIGEN_STRONG_INLINE Index cols() const { return m_storage.cols(); } 141 return m_storage.data()[colId + rowId * m_storage.cols()]; 154 return m_storage.data()[colId + rowId * m_storage.cols()]; 167 return m_storage.data()[colId + rowId * m_storage.cols()]; 183 ? colId + rowId * m_storage.cols() 200 ? colId + rowId * m_storage.cols() 219 /** Resizes \c *this to a \a rows x \a cols matrix. [all …]
|
/external/opencv3/modules/cudev/include/opencv2/cudev/grid/detail/ |
D | split_merge.hpp | 63 …src1, const Src2Ptr src2, GlobPtr<DstType> dst, const MaskPtr mask, const int rows, const int cols) in mergeC2() argument 70 if (x >= cols || y >= rows || !mask(y, x)) in mergeC2() 80 …tr& src2, const GlobPtr<DstType>& dst, const MaskPtr& mask, int rows, int cols, cudaStream_t strea… in mergeC2() argument 83 const dim3 grid(divUp(cols, block.x), divUp(rows, block.y)); in mergeC2() 85 mergeC2<<<grid, block, 0, stream>>>(src1, src2, dst, mask, rows, cols); in mergeC2() 93 …src2, const Src3Ptr src3, GlobPtr<DstType> dst, const MaskPtr mask, const int rows, const int cols) in mergeC3() argument 100 if (x >= cols || y >= rows || !mask(y, x)) in mergeC3() 111 …tr& src3, const GlobPtr<DstType>& dst, const MaskPtr& mask, int rows, int cols, cudaStream_t strea… in mergeC3() argument 114 const dim3 grid(divUp(cols, block.x), divUp(rows, block.y)); in mergeC3() 116 mergeC3<<<grid, block, 0, stream>>>(src1, src2, src3, dst, mask, rows, cols); in mergeC3() [all …]
|
/external/gemmlowp/meta/generators/ |
D | mul_Nx8_Mx8_neon.py | 65 """Emit inner loop for N rows x M cols multiplication.""" 84 cols = len(right_lanes.lanes) 87 for i in range(0, rows * cols): 91 for col in range(0, cols): 92 index = row * cols + col 96 for i in range(0, rows * cols): 111 """Emit inner loop for 3 rows x 3 cols multiplication (register trick).""" 178 def Duplicate(emitter, registers, rows, cols, min_register, values): argument 181 if cols == 1 or cols == 2: 184 elif cols == 3: [all …]
|
/external/valgrind/drd/tests/ |
D | matinv.c | 36 int cols; member 56 static elem_t* new_matrix(const int rows, const int cols) in new_matrix() argument 59 assert(cols > 0); in new_matrix() 60 return malloc(rows * cols * sizeof(elem_t)); in new_matrix() 70 static void init_matrix(elem_t* const a, const int rows, const int cols) in init_matrix() argument 77 a[i * cols + j] = 1.0 / (1 + abs(i-j)); in init_matrix() 84 const elem_t* const a, const int rows, const int cols) in print_matrix() argument 90 for (j = 0; j < cols; j++) in print_matrix() 92 printf("%g ", a[i * cols + j]); in print_matrix() 175 const int cols = p->cols; in gj_threadfunc() local [all …]
|
D | omp_matinv.c | 44 static elem_t* new_matrix(const int rows, const int cols) in new_matrix() argument 47 assert(cols > 0); in new_matrix() 48 return malloc(rows * cols * sizeof(elem_t)); in new_matrix() 58 static void init_matrix(elem_t* const a, const int rows, const int cols) in init_matrix() argument 65 a[i * cols + j] = 1.0 / (1 + abs(i-j)); in init_matrix() 72 const elem_t* const a, const int rows, const int cols) in print_matrix() argument 78 for (j = 0; j < cols; j++) in print_matrix() 80 printf("%g ", a[i * cols + j]); in print_matrix() 158 static void gj(elem_t* const a, const int rows, const int cols) in gj() argument 169 if (a[k * cols + i] > a[j * cols + i]) in gj() [all …]
|
/external/eigen/bench/ |
D | sparse_dense_product.cpp | 55 int cols = SIZE; in main() local 58 EigenSparseMatrix sm1(rows,cols); in main() 59 DenseVector v1(cols), v2(cols); in main() 65 //fillMatrix(density, rows, cols, sm1); in main() 66 fillMatrix2(7, rows, cols, sm1); in main() 72 DenseMatrix m1(rows,cols); in main() 93 std::cout << "Eigen sparse\t" << sm1.nonZeros()/float(sm1.rows()*sm1.cols())*100 << "%\n"; in main() 106 // std::cout << "Eigen dyn-sparse\t" << m1.nonZeros()/float(m1.rows()*m1.cols())*100 << "%\n"; in main() 119 //GmmDynSparse gmmT3(rows,cols); in main() 120 GmmSparse m1(rows,cols); in main() [all …]
|