/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 | 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 …]
|
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 …]
|
/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 | array_reverse.cpp | 23 Index cols = m.cols(); in reverse() local 27 MatrixType m1 = MatrixType::Random(rows, cols); in reverse() 33 for ( int j = 0; j < cols; j++ ) { in reverse() 34 VERIFY_IS_APPROX(m1_r(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 41 for ( int j = 0; j < cols; j++ ) { in reverse() 42 VERIFY_IS_APPROX(m1_rd(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 49 for ( int j = 0; j < cols; j++ ) { in reverse() 50 VERIFY_IS_APPROX(m1_rb(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 57 for ( int j = 0; j < cols; j++ ) { in reverse() 65 for ( int j = 0; j < cols; j++ ) { in reverse() [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 | 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 …]
|
/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/libavc/common/ |
D | ih264_chroma_intra_pred_filters.c | 314 WORD32 rows, cols; /* loop variables*/ in ih264_intra_pred_chroma_8x8_mode_horz() local 320 for(cols = 0; cols < 16; cols += 2) in ih264_intra_pred_chroma_8x8_mode_horz() 322 *(pu1_dst + rows * dst_strd + cols) = *pu1_left; in ih264_intra_pred_chroma_8x8_mode_horz() 324 *(pu1_dst + rows * dst_strd + cols + 1) = *(pu1_left + 1); in ih264_intra_pred_chroma_8x8_mode_horz() 438 WORD32 rows, cols; /* loop variables*/ in ih264_intra_pred_chroma_8x8_mode_plane() local 450 for(cols = 0; cols < 4; cols++) in ih264_intra_pred_chroma_8x8_mode_plane() 452 …h_u += (cols + 1) * (pu1_top[8 + 2 * cols] - pu1_top[4 - 2 * cols]);/*section 8.3.4.4 equation (… in ih264_intra_pred_chroma_8x8_mode_plane() 453 h_v += (cols + 1) * (pu1_top[8 + 2 * cols + 1] - pu1_top[4 - 2 * cols+ 1]); in ih264_intra_pred_chroma_8x8_mode_plane() 455 v_u += (cols + 1) * (pu1_left[(4 + cols) * (-2)] - pu1_left[(2 - cols) * (-2)]); in ih264_intra_pred_chroma_8x8_mode_plane() 456 …v_v += (cols + 1) * (pu1_left[(4 + cols) * (-2) + 1] - pu1_left[(2 - cols) * (-2) + 1]);/*sectio… in ih264_intra_pred_chroma_8x8_mode_plane() [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/ceres-solver/internal/ceres/ |
D | dense_sparse_matrix.cc | 69 const int *cols = m.cols(); in DenseSparseMatrix() local 73 m_(rows[i], cols[i]) += values[i]; in DenseSparseMatrix() 112 m_.resize(m_.rows() + m_.cols(), m_.cols()); in AppendDiagonal() 114 m_.block(0, 0, tmp.rows(), tmp.cols()) = tmp; in AppendDiagonal() 118 m_.bottomLeftCorner(m_.cols(), m_.cols()) = in AppendDiagonal() 119 ConstVectorRef(d, m_.cols()).asDiagonal(); in AppendDiagonal() 131 return m_.rows() - m_.cols(); in num_rows() 137 return m_.cols(); in num_cols() 142 return (m_.rows() - m_.cols()) * m_.cols(); in num_nonzeros() 144 return m_.rows() * m_.cols(); in num_nonzeros() [all …]
|
D | compressed_col_sparse_matrix_utils.h | 72 const IntegerType* cols, in SolveUpperTriangularInPlace() argument 76 rhs_and_solution[c] /= values[cols[c + 1] - 1]; in SolveUpperTriangularInPlace() 77 for (IntegerType idx = cols[c]; idx < cols[c + 1] - 1; ++idx) { in SolveUpperTriangularInPlace() 93 const IntegerType* cols, in SolveUpperTriangularTransposeInPlace() argument 97 for (IntegerType idx = cols[c]; idx < cols[c + 1] - 1; ++idx) { in SolveUpperTriangularTransposeInPlace() 102 rhs_and_solution[c] = rhs_and_solution[c] / values[cols[c + 1] - 1]; in SolveUpperTriangularTransposeInPlace() 119 const IntegerType* cols, in SolveRTRWithSparseRHS() argument 124 solution[rhs_nonzero_index] = 1.0 / values[cols[rhs_nonzero_index + 1] - 1]; in SolveRTRWithSparseRHS() 127 for (IntegerType idx = cols[c]; idx < cols[c + 1] - 1; ++idx) { in SolveRTRWithSparseRHS() 133 solution[c] = solution[c] / values[cols[c + 1] - 1]; in SolveRTRWithSparseRHS() [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 …]
|
/external/eigen/bench/ |
D | sparse_product.cpp | 101 int cols = SIZE; in main() local 104 EigenSparseMatrix sm1(rows,cols), sm2(rows,cols), sm3(rows,cols), sm4(rows,cols); in main() 111 fillMatrix2(nnzPerCol, rows, cols, sm1); in main() 112 fillMatrix2(nnzPerCol, rows, cols, sm2); in main() 119 DenseMatrix m1(rows,cols), m2(rows,cols), m3(rows,cols); in main() 155 …std::cout << "Eigen sparse\t" << sm1.nonZeros()/(float(sm1.rows())*float(sm1.cols()))*100 << "% * " in main() 156 << sm2.nonZeros()/(float(sm2.rows())*float(sm2.cols()))*100 << "%\n"; in main() 254 UBlasSparse m1(rows,cols), m2(rows,cols), m3(rows,cols); in main() 267 GmmDynSparse gmmT3(rows,cols); in main() 268 GmmSparse m1(rows,cols), m2(rows,cols), m3(rows,cols); in main() [all …]
|
/external/valgrind/drd/tests/ |
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 …]
|
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 …]
|
/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/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/Eigen/src/QR/ |
D | ColPivHouseholderQR.h | 88 ColPivHouseholderQR(Index rows, Index cols) in ColPivHouseholderQR() argument 89 : m_qr(rows, cols), in ColPivHouseholderQR() 90 m_hCoeffs((std::min)(rows,cols)), in ColPivHouseholderQR() 91 m_colsPermutation(PermIndexType(cols)), in ColPivHouseholderQR() 92 m_colsTranspositions(cols), in ColPivHouseholderQR() 93 m_temp(cols), in ColPivHouseholderQR() 94 m_colSqNorms(cols), in ColPivHouseholderQR() 111 : m_qr(matrix.rows(), matrix.cols()), in ColPivHouseholderQR() 112 m_hCoeffs((std::min)(matrix.rows(),matrix.cols())), in ColPivHouseholderQR() 113 m_colsPermutation(PermIndexType(matrix.cols())), in ColPivHouseholderQR() [all …]
|
D | HouseholderQR.h | 76 HouseholderQR(Index rows, Index cols) in HouseholderQR() argument 77 : m_qr(rows, cols), in HouseholderQR() 78 m_hCoeffs((std::min)(rows,cols)), in HouseholderQR() 79 m_temp(cols), in HouseholderQR() 95 : m_qr(matrix.rows(), matrix.cols()), in HouseholderQR() 96 m_hCoeffs((std::min)(matrix.rows(),matrix.cols())), in HouseholderQR() 97 m_temp(matrix.cols()), in HouseholderQR() 183 inline Index cols() const { return m_qr.cols(); } in cols() function 209 …eigen_assert(m_qr.rows() == m_qr.cols() && "You can't take the determinant of a non-square matrix!… in absDeterminant() 217 …eigen_assert(m_qr.rows() == m_qr.cols() && "You can't take the determinant of a non-square matrix!… in logAbsDeterminant() [all …]
|
D | FullPivHouseholderQR.h | 94 FullPivHouseholderQR(Index rows, Index cols) 95 : m_qr(rows, cols), 96 m_hCoeffs((std::min)(rows,cols)), 97 m_rows_transpositions((std::min)(rows,cols)), 98 m_cols_transpositions((std::min)(rows,cols)), 99 m_cols_permutation(cols), 100 m_temp(cols), 117 : m_qr(matrix.rows(), matrix.cols()), 118 m_hCoeffs((std::min)(matrix.rows(), matrix.cols())), 119 m_rows_transpositions((std::min)(matrix.rows(), matrix.cols())), [all …]
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/estimation/ |
D | LevenbergMarquardtEstimator.java | 254 solvedCols = FastMath.min(rows, cols); in estimate() 255 diagR = new double[cols]; in estimate() 256 jacNorm = new double[cols]; in estimate() 257 beta = new double[cols]; in estimate() 258 permutation = new int[cols]; in estimate() 259 lmDir = new double[cols]; in estimate() 264 double[] diag = new double[cols]; in estimate() 265 double[] oldX = new double[cols]; in estimate() 267 double[] work1 = new double[cols]; in estimate() 268 double[] work2 = new double[cols]; in estimate() [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 …]
|