Home
last modified time | relevance | path

Searched defs:num_cols (Results 1 – 25 of 102) sorted by relevance

12345

/external/libjpeg-turbo/
Djdcol565.c29 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
Djdcolext.c40 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
Djccolext.c42 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
Djccolor.c385 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
Djutils.c96 JDIMENSION num_cols) in jcopy_sample_rows()
/external/tensorflow/tensorflow/core/kernels/linalg/
Dmatrix_diag_op_gpu.cu.cc32 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
Dmatrix_diag_op.cc108 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
Dlu_op.cc85 const int64_t num_cols = input.dim_size(input_rank - 1); in Compute() local
130 int64_t num_cols, const TensorOutputs& outputs, in ComputeTensorSlice()
Dmatrix_set_diag_op.cc107 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/
Dmatrix_diag_ops.cc31 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/
Dcxx11_tensor_complex_gpu.cu77 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
Dcxx11_tensor_reduction_sycl.cpp29 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/
Dbincount_op_gpu.cu.cc146 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
Dsegment_reduction_ops_test.cc43 int num_cols, int segment_size) { in BM_UnsortedSegmentReduction()
112 Index num_cols, Index segment_size) { in BM_SegmentReduction()
Dsoftmax_op_gpu.cu.cc74 const int num_rows, const int num_cols, in GenerateNormalizedProb()
113 const int num_cols, const bool in_log_space) { in GenerateNormalizedProb()
/external/perfetto/src/trace_processor/sqlite/
Dsqlite_vtable_benchmark.cc59 size_t num_cols; member
65 explicit BenchmarkCursor(size_t num_cols, in BenchmarkCursor()
130 size_t num_cols; in CreateDbAndRegisterVtable() member
207 size_t num_cols = static_cast<size_t>(state.range(1)); in BM_SqliteStepAndResult() local
/external/libhevc/decoder/
Dihevcd_fmt_conv.c393 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/
Dcheckpoint_ops.cc65 int64_t num_cols; in __anonf3278a200202() local
/external/tensorflow/tensorflow/python/kernel_tests/math_ops/
Dbincount_op_test.py253 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/lite/toco/graph_transformations/
Dconvert_matrix_diag_v2_or_v3_to_v1.cc61 int num_cols = input_num_cols.GetBuffer<ArrayDataType::kInt32>().data[0]; in Run() local
/external/tensorflow/tensorflow/core/kernels/sparse/
Dtranspose_op.cc58 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
Dsparse_ordering_amd_op.cc79 const int64_t num_cols = dense_shape_vec((rank == 2) ? 1 : 2); in Compute() local
/external/libavc/decoder/
Dih264d_format_conv.c385 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/tensorflow/tensorflow/python/data/experimental/benchmarks/
Dcsv_dataset_benchmark.py55 def _run_benchmark(self, dataset, num_cols, prefix, benchmark_id): argument
/external/libxaac/decoder/
Dixheaacd_mps_pre_mix.c547 WORD32 num_cols = (self->dir_sig_count + self->decor_sig_count) > 1 in ixheaacd_mps_apply_mix_matrix() local
777 WORD32 num_cols = (self->dir_sig_count + self->decor_sig_count) > 1 in ixheaacd_mps_apply_mix_matrix_type2() local
1132 WORD32 num_cols = (self->dir_sig_count + self->decor_sig_count) > 1 in ixheaacd_mps_apply_mix_matrix_type3() local
1176 WORD32 num_cols, ia_mps_dec_state_struct *self, WORD32 bs_high_rate_mode) { in ixheaacd_mps_upmix_interp()
1222 WORD32 num_cols, ia_mps_dec_state_struct *self, WORD32 bs_high_rate_mode) { in ixheaacd_mps_upmix_interp_type1()

12345