/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 | 385 JDIMENSION num_cols = cinfo->image_width; in cmyk_ycck_convert() local 433 JDIMENSION num_cols = cinfo->image_width; in grayscale_convert() local 463 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 | 102 const Eigen::Index num_cols = input_shape.dim_size(rank - 1); in Compute() local 170 int32 num_cols = -1; in Compute() local 319 int diag_index, int max_diag_len, int num_rows, int num_cols, in ComputeDiagLenAndContentOffset() 343 const Eigen::Index num_cols = output.dimension(2); in Compute() local 402 const Eigen::Index num_cols = input.dimension(2); in Compute() local
|
D | lu_op.cc | 85 const int64 num_cols = input.dim_size(input_rank - 1); in Compute() local 129 const Tensor& input, int64 num_rows, int64 num_cols, in ComputeTensorSlice()
|
D | matrix_set_diag_op.cc | 104 const Eigen::Index num_cols = input_shape.dim_size(input_rank - 1); in Compute() local 222 const Eigen::Index num_cols = output.dimension(2); in Compute() local
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | matrix_diag_ops.cc | 30 static inline int ComputeDiagLen(int diag_index, int num_rows, int num_cols) { in ComputeDiagLen() 96 const int64 num_cols) { in ValidateDiagIndexWithOutputMatrixSize() 121 const int64 num_rows, const int64 num_cols, in SetMatrixDiag() 259 int64 num_cols = -1; in Compile() local 383 const int64 num_cols = input_shape.dim_size(input_rank - 1); in Compile() local 492 const int64 num_cols = input_shape.dim_size(input_rank - 1); in Compile() local
|
/external/perfetto/src/trace_processor/sqlite/ |
D | sqlite_vtable_benchmark.cc | 51 explicit BenchmarkCursor(size_t num_cols, size_t batch_size) in BenchmarkCursor() 103 size_t num_cols; in BM_SqliteStepAndResult() member 121 size_t num_cols = static_cast<size_t>(_state.range(1)); in BM_SqliteStepAndResult() local 184 size_t num_cols = static_cast<size_t>(state.range(1)); in BM_SqliteStepAndResult() local
|
/external/tensorflow/tensorflow/core/kernels/ |
D | bincount_op_gpu.cu.cc | 135 const int num_rows, const int num_cols, in BincountColReduceKernel() 157 const int num_cols, in BincountColReduceSharedKernel() 203 const int num_cols = in.dimension(1); in Compute() local
|
D | softmax_op_gpu.cu.cc | 74 const int num_rows, const int num_cols, in GenerateNormalizedProb() 113 const int num_cols, const bool in_log_space) { in GenerateNormalizedProb()
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_complex_cuda.cu | 80 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_sum_reductions() local 117 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_product_reductions() local
|
/external/tensorflow/tensorflow/core/ops/ |
D | checkpoint_ops.cc | 65 int64 num_cols; in __anon62d746c20202() 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/python/kernel_tests/ |
D | bincount_op_test.py | 213 def _test_bincount_col_count(self, num_rows, num_cols, size, dtype): argument 226 def _test_bincount_col_binary(self, num_rows, num_cols, size, dtype): argument 242 def _test_bincount_col_count_with_weights(self, num_rows, num_cols, size, argument
|
/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/data/experimental/benchmarks/ |
D | csv_dataset_benchmark.py | 59 def _run_benchmark(self, dataset, num_cols, prefix): 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 225 const int num_cols = input.dense_shape_host(rank - 1); in operator ()() local
|
D | sparse_ordering_amd_op.cc | 79 const int64 num_cols = dense_shape_vec((rank == 2) ? 1 : 2); in Compute() local
|
/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/libaom/libaom/av1/encoder/ |
D | tune_vmaf.c | 86 const int num_cols = (source->y_width + block_w - 1) / block_w; in gaussian_blur() local 297 const int num_cols = (source->y_width + block_w - 1) / block_w; in av1_vmaf_blk_preprocessing() local 419 int block_w, block_h, num_rows, num_cols, row, col, bit_depth; member 433 const int num_cols = frames->num_cols; in update_frame() local 524 const int num_cols = in av1_set_mb_vmaf_rdmult_scaling() local 602 const int num_cols = (cm->mi_params.mi_cols + num_mi_w - 1) / num_mi_w; in av1_set_vmaf_rdmult() local
|
/external/libavc/encoder/ |
D | ih264e_fmt_conv.c | 371 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264e_fmt_conv_420sp_to_420sp() local 423 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264e_fmt_conv_420sp_to_420sp_swap_uv() local 483 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264e_fmt_conv_420sp_to_420p() local
|
/external/libhevc/decoder/x86/ |
D | ihevcd_fmt_conv_ssse3_intr.c | 63 WORD32 num_rows, num_cols, src_strd, dst_strd, cols, rows; in ihevcd_fmt_conv_420sp_to_420p_ssse3() local
|