/external/libjpeg-turbo/ |
D | jdcol565.c | 29 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 108 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 192 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 248 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 305 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 346 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
|
D | jdcolext.c | 40 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 90 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local 121 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
|
D | jccolext.c | 42 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local 96 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local 129 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local
|
D | jccolor.c | 396 JDIMENSION num_cols = cinfo->image_width; in cmyk_ycck_convert() local 444 JDIMENSION num_cols = cinfo->image_width; in grayscale_convert() local 474 JDIMENSION num_cols = cinfo->image_width; in null_convert() local
|
D | jutils.c | 96 JDIMENSION num_cols) in jcopy_sample_rows()
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | matrix_diag_op_gpu.cu.cc | 32 const int num_cols, in ComputeContentOffset() 46 const int num_threads, const int num_rows, const int num_cols, in MatrixDiagKernel() 84 const int num_cols = output.dimension(2); in Compute() local 103 const int num_threads, const int num_rows, const int num_cols, in MatrixDiagPartKernel() 145 const int num_cols = input.dimension(2); in Compute() local
|
D | matrix_diag_op.cc | 108 const Eigen::Index num_cols = input_shape.dim_size(rank - 1); in Compute() local 176 int32_t num_cols = -1; in Compute() local 341 int diag_index, int max_diag_len, int num_rows, int num_cols, in ComputeDiagLenAndContentOffset() 365 const Eigen::Index num_cols = output.dimension(2); in Compute() local 424 const Eigen::Index num_cols = input.dimension(2); in Compute() local
|
D | lu_op.cc | 85 const int64_t num_cols = input.dim_size(input_rank - 1); in Compute() local 130 int64_t num_cols, const TensorOutputs& outputs, in ComputeTensorSlice()
|
D | matrix_set_diag_op.cc | 107 const Eigen::Index num_cols = input_shape.dim_size(input_rank - 1); in Compute() local 225 const Eigen::Index num_cols = output.dimension(2); 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() 97 const int64_t num_cols) { in ValidateDiagIndexWithOutputMatrixSize() 124 const int64_t num_cols, in SetMatrixDiag() 262 int64_t num_cols = -1; in Compile() local 386 const int64_t num_cols = input_shape.dim_size(input_rank - 1); in Compile() local 495 const int64_t num_cols = input_shape.dim_size(input_rank - 1); in Compile() local
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_complex_gpu.cu | 77 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_sum_reductions() local 113 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_mean_reductions() local 149 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_product_reductions() local
|
D | cxx11_tensor_reduction_sycl.cpp | 29 const IndexType num_cols = 537; in test_full_reductions_sum_sycl() local 71 const IndexType num_cols = 64; in test_full_reductions_sum_with_offset_sycl() local 111 const IndexType num_cols = 4096; in test_full_reductions_max_sycl() local 145 const IndexType num_cols = 64; in test_full_reductions_max_with_offset_sycl() local 189 const IndexType num_cols = 4096; in test_full_reductions_mean_sycl() local 278 const IndexType num_cols = 64; in test_full_reductions_mean_with_offset_sycl() local 365 const IndexType num_cols = 953; in test_full_reductions_min_sycl() local 401 const IndexType num_cols = 64; in test_full_reductions_min_with_offset_sycl() local 493 const IndexType num_cols = 64; in test_first_dim_reductions_max_with_offset_sycl() local 550 const IndexType num_cols = 64; in test_last_dim_reductions_max_with_offset_sycl() local
|
/external/tensorflow/tensorflow/core/kernels/ |
D | bincount_op_gpu.cu.cc | 146 const int num_rows, const int num_cols, in BincountColReduceKernel() 168 const int num_cols, in BincountColReduceSharedKernel() 214 const int num_cols = in.dimension(1); in Compute() local
|
/external/libxaac/encoder/ |
D | ixheaace_sbr_tran_det_hp.c | 40 static VOID ixheaace_calc_thresholds(FLOAT32 **ptr_energies, WORD32 num_cols, WORD32 num_rows, in ixheaace_calc_thresholds() 84 FLOAT32 *ptr_transients, WORD32 num_cols, in ixheaace_extract_transient_candidates() 164 static VOID ixheaace_calc_thresholds_4_1(FLOAT32 **ptr_energies, WORD32 num_cols, WORD32 num_rows, in ixheaace_calc_thresholds_4_1() 208 FLOAT32 *ptr_transients, WORD32 num_cols, in ixheaace_extract_transient_candidates_4_1()
|
/external/perfetto/src/trace_processor/sqlite/ |
D | sqlite_vtable_benchmark.cc | 64 size_t num_cols; member 70 explicit BenchmarkCursor(size_t num_cols, in BenchmarkCursor() 135 size_t num_cols; in CreateDbAndRegisterVtable() member 212 auto num_cols = static_cast<size_t>(state.range(1)); in BM_SqliteStepAndResult() local
|
/external/executorch/kernels/portable/cpu/ |
D | op_tril.cpp | 44 int64_t num_cols, in apply_tril() 89 int64_t num_cols = sizes_ref[ndim - 1]; in tril_kernel() local
|
/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 869 WORD32 num_cols = ps_codec->i4_disp_wd; in ihevcd_fmt_conv() local
|
/external/tensorflow/tensorflow/core/ops/ |
D | checkpoint_ops.cc | 65 int64_t num_cols; in __anonaf34da710202() local
|
/external/tensorflow/tensorflow/lite/toco/graph_transformations/ |
D | convert_matrix_diag_v2_or_v3_to_v1.cc | 61 int num_cols = input_num_cols.GetBuffer<ArrayDataType::kInt32>().data[0]; in Run() local
|
/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
D | bincount_op_test.py | 253 def _test_bincount_col_count(self, num_rows, num_cols, size, dtype): argument 266 def _test_bincount_col_binary(self, num_rows, num_cols, size, dtype): argument 282 def _test_bincount_col_count_with_weights(self, num_rows, num_cols, size, argument
|
/external/tensorflow/tensorflow/core/kernels/sparse/ |
D | transpose_op.cc | 58 const int num_cols = input.dense_shape_host(rank - 1); in ValidateTransposeInputs() local 222 const int num_cols = input.dense_shape_host(rank - 1); in operator ()() local
|
/external/tensorflow/tensorflow/python/data/experimental/benchmarks/ |
D | csv_dataset_benchmark.py | 55 def _run_benchmark(self, dataset, num_cols, prefix, benchmark_id): argument
|
/external/libavc/decoder/ |
D | ih264d_format_conv.c | 385 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264d_fmt_conv_420sp_to_420sp() local 482 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264d_fmt_conv_420sp_to_420sp_swap_uv() local 594 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264d_fmt_conv_420sp_to_420p() local
|
/external/pytorch/aten/src/ATen/native/ |
D | RowwisePrune.cpp | 30 int num_cols = weights.size(1); in _rowwise_prune_helper() local
|
/external/sdv/vsomeip/third_party/boost/numeric/ublas/test/ |
D | test_matrix_vector.cpp | 42 typename Matrix::size_type num_cols = 5; in test_matrix_row_facade() local 197 typename Matrix::size_type num_cols = 3; in test_matrix_column_facade() local
|