/external/eigen/test/ |
D | sparse_basic.cpp | 19 const Index rows = ref.rows(); in sparse_basic() local 24 double density = (std::max)(8./(rows*cols), 0.01); in sparse_basic() 31 SparseMatrixType m(rows, cols); in sparse_basic() 32 DenseMatrix refMat = DenseMatrix::Zero(rows, cols); in sparse_basic() 33 DenseVector vec1 = DenseVector::Random(rows); in sparse_basic() 103 DenseMatrix m1(rows,cols); in sparse_basic() 105 SparseMatrixType m2(rows,cols); in sparse_basic() 110 for (Index k=0; k<rows/2; ++k) in sparse_basic() 112 Index i = internal::random<Index>(0,rows-1); in sparse_basic() 123 DenseMatrix m1(rows,cols); in sparse_basic() [all …]
|
D | array.cpp | 19 Index rows = m.rows(); 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() 26 ColVectorType cv1 = ColVectorType::Random(rows); 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 | 19 Index rows = m.rows(); 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() 26 ColVectorType cv1 = ColVectorType::Random(rows); 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() 62 VERIFY_IS_APPROX(m1.block(0,0,rows,0).rowwise().prod(), ColVectorType::Ones(rows)); in array_for_matrix() 80 Index rows = m.rows(); in comparisons() local 83 Index r = internal::random<Index>(0, rows-1), in comparisons() [all …]
|
D | array_reverse.cpp | 22 Index rows = m.rows(); in reverse() local 27 MatrixType m1 = MatrixType::Random(rows, cols); in reverse() 28 VectorType v1 = VectorType::Random(rows); in reverse() 32 for ( int i = 0; i < rows; i++ ) { in reverse() 34 VERIFY_IS_APPROX(m1_r(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 40 for ( int i = 0; i < rows; i++ ) { in reverse() 42 VERIFY_IS_APPROX(m1_rd(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 48 for ( int i = 0; i < rows; i++ ) { in reverse() 50 VERIFY_IS_APPROX(m1_rb(i, j), m1(rows - 1 - i, cols - 1 - j)); in reverse() 56 for ( int i = 0; i < rows; i++ ) { in reverse() [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 | householder.cpp | 21 Index rows = m.rows(); in householder() local 34 …E_MAX(MatrixType::RowsAtCompileTime,MatrixType::ColsAtCompileTime), 1> _tmp((std::max)(rows,cols)); in householder() 41 VectorType v1 = VectorType::Random(rows), v2; in householder() 46 if(rows>=2) VERIFY_IS_MUCH_SMALLER_THAN(v1.tail(rows-1).norm(), v1.norm()); in householder() 47 v1 = VectorType::Random(rows); in householder() 52 MatrixType m1(rows, cols), in householder() 53 m2(rows, cols); in householder() 55 v1 = VectorType::Random(rows); in householder() 56 if(even) v1.tail(rows-1).setZero(); in householder() 62 if(rows>=2) VERIFY_IS_MUCH_SMALLER_THAN(m1.block(1,0,rows-1,cols).norm(), m1.norm()); in householder() [all …]
|
D | product.h | 34 Index rows = m.rows(); 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() 43 identity = RowSquareMatrixType::Identity(rows, rows), in product() 44 square = RowSquareMatrixType::Random(rows, rows), in product() 45 res = RowSquareMatrixType::Random(rows, rows); in product() 49 RowVectorType v1 = RowVectorType::Random(rows); in product() 55 Index r = internal::random<Index>(0, rows-1), in product() 79 VERIFY_IS_APPROX(MatrixType::Identity(rows, cols)(r,c), static_cast<Scalar>(r==c)); in product() [all …]
|
D | sparse_product.cpp | 27 Index r = internal::random<Index>(0,m2.rows()-1); in run() 42 const Index rows = internal::random<Index>(1,n); in sparse_product() local 48 double density = (std::max)(8./(rows*cols), 0.1); in sparse_product() 60 DenseMatrix refMat2 = DenseMatrix::Zero(rows, depth); in sparse_product() 61 DenseMatrix refMat2t = DenseMatrix::Zero(depth, rows); in sparse_product() 64 DenseMatrix refMat4 = DenseMatrix::Zero(rows, cols); in sparse_product() 65 DenseMatrix refMat4t = DenseMatrix::Zero(cols, rows); in sparse_product() 67 DenseMatrix refMat6 = DenseMatrix::Random(rows, rows); in sparse_product() 68 DenseMatrix dm4 = DenseMatrix::Zero(rows, rows); in sparse_product() 70 SparseMatrixType m2 (rows, depth); in sparse_product() [all …]
|
D | basicstuff.cpp | 21 Index rows = m.rows(); in basicStuff() local 26 MatrixType m1 = MatrixType::Random(rows, cols), in basicStuff() 27 m2 = MatrixType::Random(rows, cols), in basicStuff() 28 m3(rows, cols), in basicStuff() 29 mzero = MatrixType::Zero(rows, cols), in basicStuff() 30 …= Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>::Random(rows, rows); in basicStuff() 31 VectorType v1 = VectorType::Random(rows), in basicStuff() 32 vzero = VectorType::Zero(rows); in basicStuff() 33 SquareMatrixType sm1 = SquareMatrixType::Random(rows,rows), sm2(rows,rows); in basicStuff() 38 Index r = internal::random<Index>(0, rows-1), in basicStuff() [all …]
|
D | integer_types.cpp | 27 Index rows = m.rows(); in signed_integer_type_tests() local 30 MatrixType m1(rows, cols), in signed_integer_type_tests() 31 m2 = MatrixType::Random(rows, cols), in signed_integer_type_tests() 32 mzero = MatrixType::Zero(rows, cols); in signed_integer_type_tests() 35 m1 = MatrixType::Random(rows, cols); in signed_integer_type_tests() 61 Index rows = m.rows(); in integer_type_tests() local 66 MatrixType m1(rows, cols), in integer_type_tests() 67 m2 = MatrixType::Random(rows, cols), in integer_type_tests() 68 m3(rows, cols), in integer_type_tests() 69 mzero = MatrixType::Zero(rows, cols); in integer_type_tests() [all …]
|
/external/eigen/test/eigen2/ |
D | eigen2_sparse_product.cpp | 14 const int rows = ref.rows(); in sparse_product() local 19 double density = std::max(8./(rows*cols), 0.01); in sparse_product() 25 DenseMatrix refMat2 = DenseMatrix::Zero(rows, rows); in sparse_product() 26 DenseMatrix refMat3 = DenseMatrix::Zero(rows, rows); in sparse_product() 27 DenseMatrix refMat4 = DenseMatrix::Zero(rows, rows); in sparse_product() 28 DenseMatrix dm4 = DenseMatrix::Zero(rows, rows); in sparse_product() 29 SparseMatrixType m2(rows, rows); in sparse_product() 30 SparseMatrixType m3(rows, rows); in sparse_product() 31 SparseMatrixType m4(rows, rows); in sparse_product() 58 DenseMatrix refM2 = DenseMatrix::Zero(rows, rows); in sparse_product() [all …]
|
D | eigen2_sparse_basic.cpp | 48 const int rows = ref.rows(); in sparse_basic() local 53 double density = std::max(8./(rows*cols), 0.01); in sparse_basic() 58 SparseMatrixType m(rows, cols); in sparse_basic() 59 DenseMatrix refMat = DenseMatrix::Zero(rows, cols); in sparse_basic() 60 DenseVector vec1 = DenseVector::Random(rows); in sparse_basic() 167 DenseMatrix m1(rows,cols); in sparse_basic() 169 SparseMatrixType m2(rows,cols); in sparse_basic() 173 for (int k=0; k<rows/2; ++k) in sparse_basic() 175 int i = ei_random<int>(0,rows-1); in sparse_basic() 202 DenseMatrix refM1 = DenseMatrix::Zero(rows, rows); in sparse_basic() [all …]
|
D | eigen2_svd.cpp | 18 int rows = m.rows(); in svd() local 23 MatrixType a = MatrixType::Random(rows,cols); in svd() 25 Matrix<Scalar, MatrixType::RowsAtCompileTime, 1>::Random(rows,1); in svd() 34 MatrixType sigma = MatrixType::Zero(rows,cols); in svd() 35 MatrixType matU = MatrixType::Zero(rows,rows); in svd() 37 matU.block(0,0,rows,cols) = svd.matrixU(); in svd() 42 if (rows==cols) in svd() 46 MatrixType a1 = MatrixType::Random(rows,cols); in svd() 55 if(rows==cols) in svd() 60 …VERIFY_IS_APPROX(unitary * unitary.adjoint(), MatrixType::Identity(unitary.rows(),unitary.rows())); in svd() [all …]
|
D | eigen2_basicstuff.cpp | 17 int rows = m.rows(); in basicStuff() local 22 MatrixType m1 = MatrixType::Random(rows, cols), in basicStuff() 23 m2 = MatrixType::Random(rows, cols), in basicStuff() 24 m3(rows, cols), in basicStuff() 25 mzero = MatrixType::Zero(rows, cols), in basicStuff() 26 …= Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime>::Random(rows, rows); in basicStuff() 27 VectorType v1 = VectorType::Random(rows), in basicStuff() 28 vzero = VectorType::Zero(rows); in basicStuff() 32 int r = ei_random<int>(0, rows-1), in basicStuff() 65 VERIFY_IS_MUCH_SMALLER_THAN(MatrixType::Zero(rows,cols)(r,c), static_cast<Scalar>(1)); in basicStuff() [all …]
|
D | eigen2_miscmatrices.cpp | 21 int rows = m.rows(); in miscMatrices() local 24 int r = ei_random<int>(0, rows-1), r2 = ei_random<int>(0, rows-1), c = ei_random<int>(0, cols-1); in miscMatrices() 25 VERIFY_IS_APPROX(MatrixType::Ones(rows,cols)(r,c), static_cast<Scalar>(1)); in miscMatrices() 26 MatrixType m1 = MatrixType::Ones(rows,cols); in miscMatrices() 28 VectorType v1 = VectorType::Random(rows); in miscMatrices() 34 square = MatrixType::Zero(rows, rows); in miscMatrices() 35 square.diagonal() = VectorType::Ones(rows); in miscMatrices() 36 VERIFY_IS_APPROX(square, MatrixType::Identity(rows, rows)); in miscMatrices()
|
/external/libvpx/libvpx/third_party/libyuv/source/ |
D | convert_jpeg.cc | 37 int rows) { in JpegCopyI420() argument 45 dest->w, rows); in JpegCopyI420() 46 dest->y += rows * dest->y_stride; in JpegCopyI420() 47 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegCopyI420() 48 dest->v += ((rows + 1) >> 1) * dest->v_stride; in JpegCopyI420() 49 dest->h -= rows; in JpegCopyI420() 55 int rows) { in JpegI422ToI420() argument 63 dest->w, rows); in JpegI422ToI420() 64 dest->y += rows * dest->y_stride; in JpegI422ToI420() 65 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegI422ToI420() [all …]
|
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
D | MatrixLogarithm.h | 85 MatrixType result(A.rows(), A.rows()); in compute() 86 if (A.rows() == 1) in compute() 88 else if (A.rows() == 2) in compute() 140 …RealScalar normTminusI = (T - MatrixType::Identity(T.rows(), T.rows())).cwiseAbs().colwise().sum()… in computeBig() 241 MatrixType TminusI = T - MatrixType::Identity(T.rows(), T.rows()); in computePade3() 242 result.setZero(T.rows(), T.rows()); in computePade3() 244 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade3() 257 MatrixType TminusI = T - MatrixType::Identity(T.rows(), T.rows()); in computePade4() 258 result.setZero(T.rows(), T.rows()); in computePade4() 260 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade4() [all …]
|
/external/ceres-solver/internal/ceres/ |
D | incomplete_lq_factorization_test.cc | 48 EXPECT_EQ(expected.rows()[i], actual.rows()[i]); in ExpectMatricesAreEqual() 84 int* rows = matrix.mutable_rows(); in TEST() local 90 rows[i] = idx; in TEST() 100 rows[10] = idx; in TEST() 148 for (int idx = matrix.rows()[1]; idx < matrix.rows()[2]; ++idx) { in TEST() 149 EXPECT_EQ(matrix.cols()[idx], idx - matrix.rows()[1]); in TEST() 150 EXPECT_EQ(matrix.values()[idx], dense_vector(idx - matrix.rows()[1])); in TEST() 159 EXPECT_EQ(matrix.cols()[matrix.rows()[2]], 0); in TEST() 160 EXPECT_EQ(matrix.cols()[matrix.rows()[2] + 1], 3); in TEST() 161 EXPECT_EQ(matrix.cols()[matrix.rows()[2] + 2], 5); in TEST() [all …]
|
D | block_sparse_matrix.cc | 63 for (int i = 0; i < block_structure_->rows.size(); ++i) { in BlockSparseMatrix() 64 int row_block_size = block_structure_->rows[i].block.size; in BlockSparseMatrix() 67 const vector<Cell>& cells = block_structure_->rows[i].cells; in BlockSparseMatrix() 92 for (int i = 0; i < block_structure_->rows.size(); ++i) { in RightMultiply() 93 int row_block_pos = block_structure_->rows[i].block.position; in RightMultiply() 94 int row_block_size = block_structure_->rows[i].block.size; in RightMultiply() 95 const vector<Cell>& cells = block_structure_->rows[i].cells; in RightMultiply() 112 for (int i = 0; i < block_structure_->rows.size(); ++i) { in LeftMultiply() 113 int row_block_pos = block_structure_->rows[i].block.position; in LeftMultiply() 114 int row_block_size = block_structure_->rows[i].block.size; in LeftMultiply() [all …]
|
D | linear_least_squares_problems.cc | 192 int* rows = A->mutable_rows(); in LinearLeastSquaresProblem1() local 200 rows[nnz] = 0; in LinearLeastSquaresProblem1() 204 rows[nnz] = 0; in LinearLeastSquaresProblem1() 211 rows[nnz] = 1; in LinearLeastSquaresProblem1() 215 rows[nnz] = 1; in LinearLeastSquaresProblem1() 222 rows[nnz] = 2; in LinearLeastSquaresProblem1() 226 rows[nnz] = 2; in LinearLeastSquaresProblem1() 233 rows[nnz] = 3; in LinearLeastSquaresProblem1() 237 rows[nnz] = 3; in LinearLeastSquaresProblem1() 244 rows[nnz] = 4; in LinearLeastSquaresProblem1() [all …]
|
D | dense_sparse_matrix.cc | 68 const int *rows = m.rows(); 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() 131 return m_.rows() - m_.cols(); in num_rows() 133 return m_.rows(); in num_rows() 142 return (m_.rows() - m_.cols()) * m_.cols(); in num_nonzeros() 144 return m_.rows() * m_.cols(); in num_nonzeros() 151 ? m_.rows() - m_.cols() in matrix() 152 : m_.rows()), in matrix() [all …]
|
/external/eigen/bench/ |
D | sparse_product.cpp | 100 int rows = 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/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. 19 C.rows() // size(C,1) // number of rows 31 7, 8, 9; // and then the rows are stacked. 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) 41 C.setOnes(rows,cols) // C = ones(rows,cols) [all …]
|
/external/eigen/Eigen/src/QR/ |
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)), 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())), 120 m_cols_transpositions((std::min)(matrix.rows(), matrix.cols())), 264 return rank() == rows(); [all …]
|
/external/skia/src/utils/ |
D | SkMeshUtils.cpp | 21 int texW, int texH, int rows, int cols) { in init() argument 22 if (rows < 2 || cols < 2) { in init() 34 fTexCount = rows * cols; in init() 35 rows -= 1; in init() 37 fIndexCount = rows * cols * 6; in init() 54 for (int x = 0; x < rows; x++) { in init() 56 *idx++ = index + rows + 1; in init() 60 *idx++ = index + rows + 1; in init() 61 *idx++ = index + rows + 2; in init() 72 const SkScalar dx = SkIntToScalar(texW) / rows; in init() [all …]
|