/external/libjpeg-turbo/ |
D | jdcolor.c | 254 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in ycc_rgb_convert() 326 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in rgb_gray_convert() 361 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in null_convert() 422 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in grayscale_convert() 435 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in gray_rgb_convert() 480 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in rgb_rgb_convert() 528 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in ycck_cmyk_convert() 656 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in ycc_rgb565_convert() 667 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in ycc_rgb565D_convert() 678 JDIMENSION input_row, JSAMPARRAY output_buf, int num_rows) in rgb_rgb565_convert() [all …]
|
D | jccolor.c | 246 JSAMPIMAGE output_buf, JDIMENSION output_row, int num_rows) in rgb_ycc_convert() 294 JSAMPIMAGE output_buf, JDIMENSION output_row, int num_rows) in rgb_gray_convert() 339 JSAMPIMAGE output_buf, JDIMENSION output_row, int num_rows) in rgb_rgb_convert() 388 JSAMPIMAGE output_buf, JDIMENSION output_row, int num_rows) in cmyk_ycck_convert() 439 JSAMPIMAGE output_buf, JDIMENSION output_row, int num_rows) in grayscale_convert() 467 JDIMENSION output_row, int num_rows) in null_convert()
|
D | jdpostct.c | 138 JDIMENSION num_rows, max_rows; in post_process_1pass() local 170 JDIMENSION old_next_row, num_rows; in post_process_prepass() local 213 JDIMENSION num_rows, max_rows; in post_process_2pass() local
|
D | jquant1.c | 464 JSAMPARRAY output_buf, int num_rows) in color_quantize() 492 JSAMPARRAY output_buf, int num_rows) in color_quantize3() 520 JSAMPARRAY output_buf, int num_rows) in quantize_ord_dither() 570 JSAMPARRAY output_buf, int num_rows) in quantize3_ord_dither() 612 JSAMPARRAY output_buf, int num_rows) in quantize_fs_dither()
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | matrix_diag_op_gpu.cu.cc | 31 const int num_rows, in ComputeContentOffset() 46 const int num_threads, const int num_rows, const int num_cols, in MatrixDiagKernel() 83 const int num_rows = output.dimension(1); in Compute() local 103 const int num_threads, const int num_rows, const int num_cols, in MatrixDiagPartKernel() 144 const int num_rows = input.dimension(1); in Compute() local
|
D | lu_op.cc | 59 double num_rows = static_cast<double>(input_matrix_shape.dim_size(0)); in GetCostPerUnit() local 84 const int64_t num_rows = input.dim_size(input_rank - 2); in Compute() local 129 const Tensor& input, int64_t num_rows, in ComputeTensorSlice()
|
D | lu_op_gpu.cu.cc | 40 int64 num_rows, const int* __restrict__ pivots, in ComputePermutationFromTranspositions() 65 GpuLaunchConfig config, const int64 num_rows, in ComputePermutationFromTranspositionsKernel() 94 const int64 num_rows = input.dim_size(input_rank - 2); in ComputeAsync() local
|
D | matrix_diag_op.cc | 107 const Eigen::Index num_rows = input_shape.dim_size(rank - 2); in Compute() local 175 int32_t num_rows = -1; in Compute() local 341 int diag_index, int max_diag_len, int num_rows, int num_cols, in ComputeDiagLenAndContentOffset() 364 const Eigen::Index num_rows = output.dimension(1); in Compute() local 423 const Eigen::Index num_rows = input.dimension(1); in Compute() local
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | matrix_diag_ops.cc | 31 static inline int ComputeDiagLen(int diag_index, int num_rows, int num_cols) { in ComputeDiagLen() 96 const int64_t num_rows, in ValidateDiagIndexWithOutputMatrixSize() 123 const int64_t max_diag_len, const int64_t num_rows, in SetMatrixDiag() 261 int64_t num_rows = -1; in Compile() local 385 const int64_t num_rows = input_shape.dim_size(input_rank - 2); in Compile() local 494 const int64_t num_rows = input_shape.dim_size(input_rank - 2); in Compile() local
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_complex_gpu.cu | 76 const int num_rows = internal::random<int>(1024, 5*1024); in test_cuda_sum_reductions() local 112 const int num_rows = internal::random<int>(1024, 5*1024); in test_cuda_mean_reductions() local 148 const int num_rows = internal::random<int>(1024, 5*1024); in test_cuda_product_reductions() local
|
D | cxx11_tensor_reduction_sycl.cpp | 28 const IndexType num_rows = 753; in test_full_reductions_sum_sycl() local 70 const IndexType num_rows = 64; in test_full_reductions_sum_with_offset_sycl() local 110 const IndexType num_rows = 4096; in test_full_reductions_max_sycl() local 144 const IndexType num_rows = 64; in test_full_reductions_max_with_offset_sycl() local 188 const IndexType num_rows = 4096; in test_full_reductions_mean_sycl() local 277 const IndexType num_rows = 64; in test_full_reductions_mean_with_offset_sycl() local 364 const IndexType num_rows = 876; in test_full_reductions_min_sycl() local 400 const IndexType num_rows = 64; in test_full_reductions_min_with_offset_sycl() local 492 const IndexType num_rows = 64; in test_first_dim_reductions_max_with_offset_sycl() local 549 const IndexType num_rows = 64; in test_last_dim_reductions_max_with_offset_sycl() local
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | approx_topk_test.py | 71 def test_non_fused_max_k(self, k, row_size, num_rows, aggregate_to_topk): argument 94 def test_non_fused_min_k(self, k, row_size, num_rows, aggregate_to_topk): argument 193 def test_gradients(self, dtype, k, row_size, num_rows): argument
|
/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
D | approx_topk_test.py | 73 def test_non_fused_max_k(self, dtype, k, row_size, num_rows, argument 96 def test_non_fused_min_k(self, dtype, k, row_size, num_rows, argument 189 def test_gradients(self, dtype, k, row_size, num_rows): argument
|
/external/tensorflow/tensorflow/core/kernels/ |
D | bincount_op_gpu.cu.cc | 146 const int num_rows, const int num_cols, in BincountColReduceKernel() 167 const int num_rows, in BincountColReduceSharedKernel() 213 const int num_rows = in.dimension(0); in Compute() local
|
D | bincount_op.cc | 175 const int num_rows = out.dimension(0); in Compute() local 312 const int64_t num_rows = data.dim_size(0); in Compute() local 418 const int64_t num_rows = shape(0); in Compute() local 492 int num_rows = splits.size() - 1; in Compute() local
|
/external/pytorch/aten/src/ATen/native/cuda/ |
D | ScanUtils.cuh | 20 constexpr inline integer get_log_num_threads_x_inner_scan(integer num_rows, integer row_size) { in get_log_num_threads_x_inner_scan() 62 int num_rows, int row_size, in tensor_kernel_scan_innermost_dim_with_indices() 223 int num_rows = self.numel() / row_size; in scan_innermost_dim_with_indices() local 305 const uint32_t num_rows, const uint32_t row_size, in tensor_kernel_scan_innermost_dim_impl() 375 const uint32_t num_rows, in tensor_kernel_scan_innermost_dim() 422 int64_t num_rows = self.numel() / row_size; in scan_innermost_dim() local
|
/external/tensorflow/tensorflow/examples/custom_ops_doc/multiplex_3/ |
D | multiplex_3_op.cc | 50 const auto num_rows = c->UnknownDim(); in __anon08746a160102() local
|
/external/webp/src/dec/ |
D | alpha_dec.c | 115 int num_rows) { in ALPHDecode() 177 int row, int num_rows) { in VP8DecompressAlphaRows()
|
/external/sdv/vsomeip/third_party/boost/numeric/ublas/include/boost/numeric/ublas/operation/ |
D | num_rows.hpp | 36 … typename matrix_traits<MatrixExprT>::size_type num_rows(matrix_expression<MatrixExprT> const& me) in num_rows() function
|
/external/executorch/kernels/portable/cpu/ |
D | op_tril.cpp | 43 int64_t num_rows, in apply_tril() 88 int64_t num_rows = sizes_ref[ndim - 2]; in tril_kernel() local
|
/external/tensorflow/tensorflow/python/ops/ |
D | linalg_ops_impl.py | 29 def eye(num_rows, argument
|
/external/openscreen/cast/standalone_sender/ |
D | streaming_encoder_util.cc | 15 int num_rows, in CopyPlane()
|
/external/libhevc/decoder/ |
D | ihevcd_fmt_conv.c | 393 WORD32 num_rows, num_cols, src_strd, dst_strd; in ihevcd_fmt_conv_420sp_to_420sp() local 492 WORD32 num_rows, num_cols, src_strd, dst_strd; in ihevcd_fmt_conv_420sp_to_420sp_swap_uv() local 605 WORD32 num_rows, num_cols, src_strd, dst_strd; in ihevcd_fmt_conv_420sp_to_420p() local 698 WORD32 num_rows) in ihevcd_fmt_conv()
|
/external/tensorflow/tensorflow/core/ops/ |
D | checkpoint_ops.cc | 63 int64_t num_rows; in __anonaf34da710202() local
|
/external/tensorflow/tensorflow/core/kernels/sparse/ |
D | sparse_cholesky_op.cc | 85 int64_t num_rows; in Compute() local 233 int64_t* num_rows) { in ValidateInputs()
|