Home
last modified time | relevance | path

Searched refs:rows (Results 1 – 25 of 1831) sorted by relevance

12345678910>>...74

/external/libaom/libaom/third_party/libyuv/source/
Dconvert_jpeg.cc37 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/swiftshader/third_party/LLVM/include/llvm/CodeGen/PBQP/
DMath.h116 Matrix(unsigned rows, unsigned cols) : in Matrix() argument
117 rows(rows), cols(cols), data(new PBQPNum[rows * cols]) { in Matrix()
122 Matrix(unsigned rows, unsigned cols, PBQPNum initVal) : in Matrix() argument
123 rows(rows), cols(cols), data(new PBQPNum[rows * cols]) { in Matrix()
124 std::fill(data, data + (rows * cols), initVal); in Matrix()
129 rows(m.rows), cols(m.cols), data(new PBQPNum[rows * cols]) { in Matrix()
130 std::copy(m.data, m.data + (rows * cols), data); in Matrix()
139 rows = m.rows; cols = m.cols;
140 data = new PBQPNum[rows * cols];
141 std::copy(m.data, m.data + (rows * cols), data);
[all …]
/external/libvpx/libvpx/third_party/libyuv/source/
Dconvert_jpeg.cc38 int rows) { in JpegCopyI420() argument
42 dest->v_stride, dest->w, rows); in JpegCopyI420()
43 dest->y += rows * dest->y_stride; in JpegCopyI420()
44 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegCopyI420()
45 dest->v += ((rows + 1) >> 1) * dest->v_stride; in JpegCopyI420()
46 dest->h -= rows; in JpegCopyI420()
52 int rows) { in JpegI422ToI420() argument
56 dest->v_stride, dest->w, rows); in JpegI422ToI420()
57 dest->y += rows * dest->y_stride; in JpegI422ToI420()
58 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegI422ToI420()
[all …]
/external/libyuv/files/source/
Dconvert_jpeg.cc38 int rows) { in JpegCopyI420() argument
42 dest->v_stride, dest->w, rows); in JpegCopyI420()
43 dest->y += rows * dest->y_stride; in JpegCopyI420()
44 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegCopyI420()
45 dest->v += ((rows + 1) >> 1) * dest->v_stride; in JpegCopyI420()
46 dest->h -= rows; in JpegCopyI420()
52 int rows) { in JpegI422ToI420() argument
56 dest->v_stride, dest->w, rows); in JpegI422ToI420()
57 dest->y += rows * dest->y_stride; in JpegI422ToI420()
58 dest->u += ((rows + 1) >> 1) * dest->u_stride; in JpegI422ToI420()
[all …]
/external/tensorflow/tensorflow/core/kernels/
Ddeep_conv2d_test.cc22 static void ComputeKroneckerProduct(const int rows, const int cols, in ComputeKroneckerProduct() argument
24 for (int i = 0; i < rows; ++i) { in ComputeKroneckerProduct()
27 const int output_index_base = cols * (i * rows * cols + j); in ComputeKroneckerProduct()
28 for (int k = 0; k < rows; ++k) { in ComputeKroneckerProduct()
46 const int rows = 2; in TEST() local
51 const int kron_rows = rows * rows; in TEST()
55 ComputeKroneckerProduct(rows, cols, &transform_matrix[0], in TEST()
75 const int rows = 4; in TEST() local
80 const int kron_rows = rows * rows; in TEST()
85 ComputeKroneckerProduct(rows, cols, &transform_matrix[0], in TEST()
[all …]
/external/skia/src/sksl/ir/
DSkSLType.cpp34 if (this->columns() == other.columns() && this->rows() == other.rows()) { in coercionCost()
50 const Type& Type::toCompound(const Context& context, int columns, int rows) const { in toCompound()
52 if (columns == 1 && rows == 1) { in toCompound()
56 switch (rows) { in toCompound()
85 default: ABORT("unsupported row count (%d)", rows); in toCompound()
88 switch (rows) { in toCompound()
117 default: ABORT("unsupported row count (%d)", rows); in toCompound()
120 switch (rows) { in toCompound()
149 default: ABORT("unsupported row count (%d)", rows); in toCompound()
152 switch (rows) { in toCompound()
[all …]
/external/skqp/src/sksl/ir/
DSkSLType.cpp24 if (this->columns() == other.columns() && this->rows() == other.rows()) { in coercionCost()
49 const Type& Type::toCompound(const Context& context, int columns, int rows) const { in toCompound()
51 if (columns == 1 && rows == 1) { in toCompound()
55 switch (rows) { in toCompound()
84 default: ABORT("unsupported row count (%d)", rows); in toCompound()
87 switch (rows) { in toCompound()
116 default: ABORT("unsupported row count (%d)", rows); in toCompound()
119 switch (rows) { in toCompound()
148 default: ABORT("unsupported row count (%d)", rows); in toCompound()
151 switch (rows) { in toCompound()
[all …]
/external/gemmlowp/meta/generators/
Dgemm_NxMxK_neon.py20 def GenerateCommonTempsCountersAndConsts(emitter, rows): argument
35 if rows is not 0:
37 'std::int32_t*', 'zipped_lhs_%d_offsets' % rows,
38 'reinterpret_cast<std::int32_t*>(zipped_lhs + padded_k * %d)' % rows)
47 def GenerateQuantized8BitTempsCountersAndConsts(emitter, rows): argument
49 GenerateCommonTempsCountersAndConsts(emitter, rows)
64 def GenerateFullTempsCountersAndConsts(emitter, result_type, rows): argument
66 GenerateCommonTempsCountersAndConsts(emitter, rows)
76 def ZipName(rows, leftovers, aligned): argument
77 return zip_Nx8_neon.BuildName(rows, leftovers, aligned)
[all …]
/external/eigen/test/
Dsparse_basic.cpp22 const Index rows = ref.rows(); in sparse_basic() local
31 double density = (std::max)(8./(rows*cols), 0.01); in sparse_basic()
38 SparseMatrixType m(rows, cols); in sparse_basic()
39 DenseMatrix refMat = DenseMatrix::Zero(rows, cols); in sparse_basic()
40 DenseVector vec1 = DenseVector::Random(rows); in sparse_basic()
69 DenseMatrix m1(rows,cols); in sparse_basic()
71 SparseMatrixType m2(rows,cols); in sparse_basic()
73 Index nnz = internal::random<int>(1,int(rows)/2); in sparse_basic()
86 Index i = internal::random<Index>(0,rows-1); in sparse_basic()
103 DenseMatrix m1(rows,cols); in sparse_basic()
[all …]
Darray_for_matrix.cpp19 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()
90 Index rows = m.rows(); in comparisons() local
93 Index r = internal::random<Index>(0, rows-1), in comparisons()
[all …]
Dmapstaticmethods.cpp73 Index rows = m.rows(), cols = m.cols(); in run() local
77 PlainObjectType::Map(ptr, rows, cols).setZero(); in run()
78 PlainObjectType::MapAligned(ptr, rows, cols).setZero(); in run()
79 PlainObjectType::Map(const_ptr, rows, cols).sum(); in run()
80 PlainObjectType::MapAligned(const_ptr, rows, cols).sum(); in run()
82 PlainObjectType::Map(ptr, rows, cols, InnerStride<>(i)).setZero(); in run()
83 PlainObjectType::MapAligned(ptr, rows, cols, InnerStride<>(i)).setZero(); in run()
84 PlainObjectType::Map(const_ptr, rows, cols, InnerStride<>(i)).sum(); in run()
85 PlainObjectType::MapAligned(const_ptr, rows, cols, InnerStride<>(i)).sum(); in run()
87 PlainObjectType::Map(ptr, rows, cols, InnerStride<2>()).setZero(); in run()
[all …]
Dsparse_vector.cpp12 template<typename Scalar,typename StorageIndex> void sparse_vector(int rows, int cols) in sparse_vector() argument
14 double densityMat = (std::max)(8./(rows*cols), 0.01); in sparse_vector()
15 double densityVec = (std::max)(8./(rows), 0.1); in sparse_vector()
22 SparseMatrixType m1(rows,rows); in sparse_vector()
23 SparseVectorType v1(rows), v2(rows), v3(rows); in sparse_vector()
24 DenseMatrix refM1 = DenseMatrix::Zero(rows, rows); in sparse_vector()
25 DenseVector refV1 = DenseVector::Random(rows), in sparse_vector()
26 refV2 = DenseVector::Random(rows), in sparse_vector()
27 refV3 = DenseVector::Random(rows); in sparse_vector()
58 SparseVectorType v4(rows); in sparse_vector()
[all …]
Dhouseholder.cpp21 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 …]
Darray_replicate.cpp23 Index rows = m.rows(); in replicate() local
26 MatrixType m1 = MatrixType::Random(rows, cols), in replicate()
27 m2 = MatrixType::Random(rows, cols); in replicate()
29 VectorType v1 = VectorType::Random(rows); in replicate()
37 x1.resize(rows*f1,cols*f2); in replicate()
40 x1.block(i*rows,j*cols,rows,cols) = m1; in replicate()
43 x2.resize(2*rows,3*cols); in replicate()
48 x2.resize(rows,3*cols); in replicate()
52 vx1.resize(3*rows,cols); in replicate()
59 VERIFY_IS_APPROX(m2.coeff(0), (m2.template replicate<3,1>().coeff(m2.rows()))); in replicate()
[all …]
Dproduct.h33 Index rows = m.rows(); in product() local
38 MatrixType m1 = MatrixType::Random(rows, cols), in product()
39 m2 = MatrixType::Random(rows, cols), in product()
40 m3(rows, cols); in product()
42 identity = RowSquareMatrixType::Identity(rows, rows), in product()
43 square = RowSquareMatrixType::Random(rows, rows), in product()
44 res = RowSquareMatrixType::Random(rows, rows); in product()
48 RowVectorType v1 = RowVectorType::Random(rows); in product()
54 Index r = internal::random<Index>(0, rows-1), in product()
78 VERIFY_IS_APPROX(MatrixType::Identity(rows, cols)(r,c), static_cast<Scalar>(r==c)); in product()
[all …]
Darray_reverse.cpp22 Index rows = m.rows(); in reverse() local
27 MatrixType m1 = MatrixType::Random(rows, cols), m2; 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 …]
Dcorners.cpp19 Index rows = m.rows(); in corners() local
22 Index r = internal::random<Index>(1,rows); in corners()
25 MatrixType matrix = MatrixType::Random(rows,cols); in corners()
26 const MatrixType const_matrix = MatrixType::Random(rows,cols); in corners()
30 COMPARE_CORNER(bottomLeftCorner(r,c), block(rows-r,0,r,c)); in corners()
31 COMPARE_CORNER(bottomRightCorner(r,c), block(rows-r,cols-c,r,c)); in corners()
33 Index sr = internal::random<Index>(1,rows) - 1; in corners()
34 Index nr = internal::random<Index>(1,rows-sr); in corners()
40 COMPARE_CORNER(bottomRows(r), block(rows-r,0,r,cols)); in corners()
41 COMPARE_CORNER(leftCols(c), block(0,0,rows,c)); in corners()
[all …]
Darray.cpp20 Index rows = m.rows(); in array() local
23 ArrayType m1 = ArrayType::Random(rows, cols), in array()
24 m2 = ArrayType::Random(rows, cols), in array()
25 m3(rows, cols); in array()
29 ColVectorType cv1 = ColVectorType::Random(rows); in array()
37 VERIFY_IS_APPROX(m1 + s1, ArrayType::Constant(rows,cols,s1) + m1); in array()
39 VERIFY_IS_APPROX(m1 - s1, m1 - ArrayType::Constant(rows,cols,s1)); in array()
40 VERIFY_IS_APPROX(s1 - m1, ArrayType::Constant(rows,cols,s1) - m1); in array()
41 VERIFY_IS_APPROX((m1*Scalar(2)) - s2, (m1+m1) - ArrayType::Constant(rows,cols,s2) ); in array()
51 …ArrayType::Map(m1.data(), m1.rows(), m1.cols()) -= ArrayType::Map(m2.data(), m2.rows(), m2.cols()); in array()
[all …]
/external/eigen/Eigen/src/Core/
DPlainObjectBase.h40 static EIGEN_ALWAYS_INLINE void run(Index rows, Index cols)
45 bool error = (rows == 0 || cols == 0) ? false
46 : (rows > max_index / cols);
151 EIGEN_STRONG_INLINE Index rows() const { return m_storage.rows(); }
165 return m_storage.data()[rowId + colId * m_storage.rows()];
188 return m_storage.data()[rowId + colId * m_storage.rows()];
209 return m_storage.data()[rowId + colId * m_storage.rows()];
227 : rowId + colId * m_storage.rows()));
244 : rowId + colId * m_storage.rows()), val);
279 EIGEN_STRONG_INLINE void resize(Index rows, Index cols)
[all …]
/external/eigen/bench/
Dsparse_product.cpp100 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/dng_sdk/source/
Ddng_bottlenecks.h55 uint32 rows,
65 uint32 rows,
75 uint32 rows,
87 uint32 rows,
100 uint32 rows,
113 uint32 rows,
126 uint32 rows,
139 uint32 rows,
152 uint32 rows,
165 uint32 rows,
[all …]
/external/eigen/Eigen/src/QR/
DFullPivHouseholderQR.h103 FullPivHouseholderQR(Index rows, Index cols)
104 : m_qr(rows, cols),
105 m_hCoeffs((std::min)(rows,cols)),
106 m_rows_transpositions((std::min)(rows,cols)),
107 m_cols_transpositions((std::min)(rows,cols)),
127 : m_qr(matrix.rows(), matrix.cols()),
128 m_hCoeffs((std::min)(matrix.rows(), matrix.cols())),
129 m_rows_transpositions((std::min)(matrix.rows(), matrix.cols())),
130 m_cols_transpositions((std::min)(matrix.rows(), matrix.cols())),
148 m_hCoeffs((std::min)(matrix.rows(), matrix.cols())),
[all …]
/external/skqp/src/compute/hs/gen/
Dtranspose.c23 uint32_t const rows, in hsg_transpose() argument
35 uint32_t * map_curr = ALLOCA_MACRO(rows * sizeof(*map_curr)); in hsg_transpose()
36 uint32_t * map_next = ALLOCA_MACRO(rows * sizeof(*map_next)); in hsg_transpose()
39 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
47 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
54 for (uint32_t jj=0; jj<rows; jj++) in hsg_transpose()
59 map_next[ii] = stay + (rows << (cc-1)); in hsg_transpose()
76 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
125 hsg_debug_print(uint32_t const rows, in hsg_debug_print() argument
129 for (uint32_t rr=0; rr<rows; rr++) { in hsg_debug_print()
[all …]
/external/skia/src/compute/hs/gen/
Dtranspose.c23 uint32_t const rows, in hsg_transpose() argument
35 uint32_t * map_curr = ALLOCA_MACRO(rows * sizeof(*map_curr)); in hsg_transpose()
36 uint32_t * map_next = ALLOCA_MACRO(rows * sizeof(*map_next)); in hsg_transpose()
39 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
47 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
54 for (uint32_t jj=0; jj<rows; jj++) in hsg_transpose()
59 map_next[ii] = stay + (rows << (cc-1)); in hsg_transpose()
76 for (uint32_t ii=0; ii<rows; ii++) in hsg_transpose()
125 hsg_debug_print(uint32_t const rows, in hsg_debug_print() argument
129 for (uint32_t rr=0; rr<rows; rr++) { in hsg_debug_print()
[all …]
/external/eigen/doc/
DAsciiQuickReference.txt6 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 = zeros(rows,cols)
40 MatrixXd::Ones(rows,cols) // ones(rows,cols)
41 C.setOnes(rows,cols) // C = ones(rows,cols)
[all …]

12345678910>>...74