Home
last modified time | relevance | path

Searched refs:num_cols (Results 1 – 25 of 62) sorted by relevance

123

/external/tensorflow/tensorflow/python/kernel_tests/
Dcheckpoint_ops_test.py142 num_cols=self.old_num_cols)
157 num_cols=len(col_remapping))
172 num_cols=len(col_remapping))
187 num_cols=2)
206 num_cols=self.old_num_cols)
215 num_cols = 4
216 initializing_values = [42] * num_rows * num_cols
221 col_remapping=[-1] * num_cols,
224 num_cols=num_cols)
227 np.reshape(initializing_values, (num_rows, num_cols)),
[all …]
Dfractional_max_pool_op_test.py154 num_cols = 6
155 tensor_shape = (1, num_rows, num_cols, 1)
186 for j in range(num_cols):
207 num_cols = 30
210 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
223 num_cols = 30
226 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
242 for num_cols in [10, 20, 50]:
243 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
258 num_cols = 50
[all …]
Dfractional_avg_pool_op_test.py154 num_cols = 6
155 tensor_shape = (1, num_rows, num_cols, 1)
184 for j in range(num_cols):
205 num_cols = 30
208 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
271 for num_cols in [10, 20, 50]:
272 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
287 num_cols = 50
288 tensor_shape = (num_batches, num_rows, num_cols, num_channels)
308 num_cols = 50
[all …]
/external/libjpeg-turbo/simd/
Djcgryext-altivec.c33 int pitch = img_width * RGB_PIXELSIZE, num_cols; in jsimd_rgb_gray_convert_altivec() local
67 for (num_cols = pitch; num_cols > 0; in jsimd_rgb_gray_convert_altivec()
68 num_cols -= RGB_PIXELSIZE * 16, inptr += RGB_PIXELSIZE * 16, in jsimd_rgb_gray_convert_altivec()
76 int bytes = num_cols + offset; in jsimd_rgb_gray_convert_altivec()
86 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_rgb_gray_convert_altivec()
115 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) { in jsimd_rgb_gray_convert_altivec()
117 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_rgb_gray_convert_altivec()
127 if (num_cols > 16) in jsimd_rgb_gray_convert_altivec()
129 if (num_cols > 32) in jsimd_rgb_gray_convert_altivec()
132 if (num_cols > 48) in jsimd_rgb_gray_convert_altivec()
[all …]
Djdcolext-altivec.c31 int pitch = out_width * RGB_PIXELSIZE, num_cols; in jsimd_ycc_rgb_convert_altivec() local
76 for (num_cols = pitch; num_cols > 0; in jsimd_ycc_rgb_convert_altivec()
77 num_cols -= RGB_PIXELSIZE * 16, outptr += RGB_PIXELSIZE * 16, in jsimd_ycc_rgb_convert_altivec()
201 int bytes = num_cols + offset; in jsimd_ycc_rgb_convert_altivec()
217 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_ycc_rgb_convert_altivec()
222 edgeh = vec_ld(min(num_cols - 1, RGB_PIXELSIZE * 16), outptr); in jsimd_ycc_rgb_convert_altivec()
248 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) { in jsimd_ycc_rgb_convert_altivec()
256 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_ycc_rgb_convert_altivec()
260 if (num_cols > 16) in jsimd_ycc_rgb_convert_altivec()
262 if (num_cols > 32) in jsimd_ycc_rgb_convert_altivec()
[all …]
Djccolext-altivec.c32 int pitch = img_width * RGB_PIXELSIZE, num_cols; in jsimd_rgb_ycc_convert_altivec() local
72 for (num_cols = pitch; num_cols > 0; in jsimd_rgb_ycc_convert_altivec()
73 num_cols -= RGB_PIXELSIZE * 16, inptr += RGB_PIXELSIZE * 16, in jsimd_rgb_ycc_convert_altivec()
81 int bytes = num_cols + offset; in jsimd_rgb_ycc_convert_altivec()
91 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_rgb_ycc_convert_altivec()
121 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) { in jsimd_rgb_ycc_convert_altivec()
123 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_rgb_ycc_convert_altivec()
133 if (num_cols > 16) in jsimd_rgb_ycc_convert_altivec()
135 if (num_cols > 32) in jsimd_rgb_ycc_convert_altivec()
138 if (num_cols > 48) in jsimd_rgb_ycc_convert_altivec()
Djdmrgext-altivec.c32 int pitch = output_width * RGB_PIXELSIZE, num_cols, yloop; in jsimd_h2v1_merged_upsample_altivec() local
80 for (num_cols = pitch; num_cols > 0; inptr1 += 16, inptr2 += 16) { in jsimd_h2v1_merged_upsample_altivec()
147 for (yloop = 0; yloop < 2 && num_cols > 0; yloop++, in jsimd_h2v1_merged_upsample_altivec()
148 num_cols -= RGB_PIXELSIZE * 16, in jsimd_h2v1_merged_upsample_altivec()
226 int bytes = num_cols + offset; in jsimd_h2v1_merged_upsample_altivec()
242 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_h2v1_merged_upsample_altivec()
247 edgeh = vec_ld(min(num_cols - 1, RGB_PIXELSIZE * 16), outptr); in jsimd_h2v1_merged_upsample_altivec()
273 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) { in jsimd_h2v1_merged_upsample_altivec()
281 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16)); in jsimd_h2v1_merged_upsample_altivec()
285 if (num_cols > 16) in jsimd_h2v1_merged_upsample_altivec()
[all …]
/external/libjpeg-turbo/
Djdcol565.c29 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
58 num_cols--; in LOCAL()
60 for (col = 0; col < (num_cols >> 1); col++) { in LOCAL()
82 if (num_cols & 1) { in LOCAL()
108 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
139 num_cols--; in LOCAL()
141 for (col = 0; col < (num_cols >> 1); col++) { in LOCAL()
167 if (num_cols & 1) { in LOCAL()
192 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
211 num_cols--; in LOCAL()
[all …]
Djdcolext.c40 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
55 for (col = 0; col < num_cols; col++) { in LOCAL()
90 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
95 for (col = 0; col < num_cols; col++) { in LOCAL()
122 JDIMENSION num_cols = cinfo->output_width; in LOCAL() local
130 for (col = 0; col < num_cols; col++) { in LOCAL()
Djccolext.c42 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local
50 for (col = 0; col < num_cols; col++) { in LOCAL()
99 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local
105 for (col = 0; col < num_cols; col++) { in LOCAL()
133 JDIMENSION num_cols = cinfo->image_width; in LOCAL() local
141 for (col = 0; col < num_cols; col++) { in LOCAL()
Djccolor.c389 JDIMENSION num_cols = cinfo->image_width; in cmyk_ycck_convert() local
398 for (col = 0; col < num_cols; col++) { in cmyk_ycck_convert()
441 JDIMENSION num_cols = cinfo->image_width; in grayscale_convert() local
448 for (col = 0; col < num_cols; col++) { in grayscale_convert()
472 JDIMENSION num_cols = cinfo->image_width; in null_convert() local
481 for (col = 0; col < num_cols; col++) { in null_convert()
495 for (col = 0; col < num_cols; col++) { in null_convert()
508 for (col = 0; col < num_cols; col++) { in null_convert()
/external/tensorflow/tensorflow/core/kernels/
Dtopk_op_gpu.cu.cc409 SegmentOffsetCreator(int num_cols) : num_cols_(num_cols) {} in SegmentOffsetCreator()
419 ColumnIndexCreator(int num_cols) : num_cols_(num_cols) {} in ColumnIndexCreator()
431 int num_cols, int k, in LaunchSortKernel() argument
442 DT_INT32, TensorShape({num_rows, num_cols}), &input_indices)); in LaunchSortKernel()
445 input_indices_t.generate(ColumnIndexCreator(num_cols)); in LaunchSortKernel()
450 segment_offsets_t(counting_iter, SegmentOffsetCreator(num_cols)); in LaunchSortKernel()
456 if (k == num_cols) { in LaunchSortKernel()
463 DT_INT32, TensorShape({num_rows, num_cols}), &temp_indices)); in LaunchSortKernel()
465 TensorShape({num_rows, num_cols}), in LaunchSortKernel()
478 /* num_items */ num_cols * num_rows, in LaunchSortKernel()
[all …]
Dreduction_gpu_kernels.cu.h215 T in, outT out, int num_rows, int num_cols, Op op,
221 if (num_cols == 1) {
230 if (row < num_rows && col < num_cols) {
231 sum = in[row * num_cols + col];
233 for (; col < num_cols; col += 32) {
234 sum = op(sum, in[row * num_cols + col]);
242 sum = WarpReduce(temp_storage).Reduce(sum, op, min(num_cols, 32));
251 T in, outT out, int num_rows, int num_cols, Op op,
254 int rows_per_warp = 32 / num_cols;
257 const int lane_row = lane / num_cols;
[all …]
Dtopk_op.cc74 const int64 num_cols = input.dimension(1); in Compute() local
91 context, sorted_, k, input, num_rows, num_cols, values, indices); in Compute()
107 const int64 num_cols, typename TTypes<T, 2>::Tensor values, in Compute()
126 for (int c = 0; c < num_cols; ++c) { in Compute()
157 if (k == num_cols) { in Compute()
182 filter.reserve(num_cols); in Compute()
183 for (int32 c = 0; c < num_cols; ++c) { in Compute()
214 static_cast<double>(num_cols * in Compute()
216 const double sort_cost = (k == num_cols) ? base_cost : 4 * base_cost; in Compute()
253 const int64 num_cols, typename TTypes<T, 2>::Tensor values, \
Dsoftmax_op_gpu.cu.cc39 const int num_rows, const int num_cols, in GenerateNormalizedProb() argument
43 const int row = tid / num_cols; in GenerateNormalizedProb()
44 const int col = tid % num_cols; in GenerateNormalizedProb()
46 if (row < num_rows && col < num_cols) { in GenerateNormalizedProb()
60 const int num_cols) in SubtractAndExpFunctor()
61 : logits_(logits), max_logits_(max_logits), num_cols_(num_cols) {} in SubtractAndExpFunctor()
Dsparse_matmul_op.cc128 : num_rows(nrows), num_cols(ncols), block_size(bsize) { in SparseSlice()
154 const int num_cols; member
167 DCHECK_LE(num_cols + col_offset, mat_cols); in Initialize()
169 int num_blocks = (num_cols + block_size - 1) / block_size; in Initialize()
170 int mat_size = num_rows * num_cols; in Initialize()
185 int num_block_cols = std::min(block_size, num_cols - block_size * i); in Initialize()
612 const int num_cols, Matrix* output) { in GEPP() argument
613 const int cols = (Cols == -1) ? num_cols : Cols; in GEPP()
614 DCHECK_EQ(num_cols, cols); in GEPP()
799 int num_cols, int output_row_offset, int output_col_offset, bool assign,
[all …]
/external/libhevc/decoder/
Dihevcd_fmt_conv.c391 WORD32 num_rows, num_cols, src_strd, dst_strd; in ihevcd_fmt_conv_420sp_to_420sp() local
399 num_cols = wd; in ihevcd_fmt_conv_420sp_to_420sp()
406 memcpy(pu1_dst, pu1_src, num_cols); in ihevcd_fmt_conv_420sp_to_420sp()
416 num_cols = wd; in ihevcd_fmt_conv_420sp_to_420sp()
423 memcpy(pu1_dst, pu1_src, num_cols); in ihevcd_fmt_conv_420sp_to_420sp()
490 WORD32 num_rows, num_cols, src_strd, dst_strd; in ihevcd_fmt_conv_420sp_to_420sp_swap_uv() local
498 num_cols = wd; in ihevcd_fmt_conv_420sp_to_420sp_swap_uv()
505 memcpy(pu1_dst, pu1_src, num_cols); in ihevcd_fmt_conv_420sp_to_420sp_swap_uv()
515 num_cols = wd; in ihevcd_fmt_conv_420sp_to_420sp_swap_uv()
523 for(j = 0; j < num_cols; j += 2) in ihevcd_fmt_conv_420sp_to_420sp_swap_uv()
[all …]
/external/libavc/decoder/
Dih264d_format_conv.c385 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264d_fmt_conv_420sp_to_420sp() local
393 num_cols = wd; in ih264d_fmt_conv_420sp_to_420sp()
400 memcpy(pu1_dst, pu1_src, num_cols); in ih264d_fmt_conv_420sp_to_420sp()
410 num_cols = wd; in ih264d_fmt_conv_420sp_to_420sp()
417 memcpy(pu1_dst, pu1_src, num_cols); in ih264d_fmt_conv_420sp_to_420sp()
482 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264d_fmt_conv_420sp_to_420sp_swap_uv() local
490 num_cols = wd; in ih264d_fmt_conv_420sp_to_420sp_swap_uv()
497 memcpy(pu1_dst, pu1_src, num_cols); in ih264d_fmt_conv_420sp_to_420sp_swap_uv()
507 num_cols = wd; in ih264d_fmt_conv_420sp_to_420sp_swap_uv()
515 for(j = 0; j < num_cols; j += 2) in ih264d_fmt_conv_420sp_to_420sp_swap_uv()
[all …]
/external/libavc/encoder/
Dih264e_fmt_conv.c371 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264e_fmt_conv_420sp_to_420sp() local
379 num_cols = wd; in ih264e_fmt_conv_420sp_to_420sp()
386 memcpy(pu1_dst, pu1_src, num_cols); in ih264e_fmt_conv_420sp_to_420sp()
396 num_cols = wd; in ih264e_fmt_conv_420sp_to_420sp()
403 memcpy(pu1_dst, pu1_src, num_cols); in ih264e_fmt_conv_420sp_to_420sp()
423 WORD32 num_rows, num_cols, src_strd, dst_strd; in ih264e_fmt_conv_420sp_to_420sp_swap_uv() local
431 num_cols = wd; in ih264e_fmt_conv_420sp_to_420sp_swap_uv()
438 memcpy(pu1_dst, pu1_src, num_cols); in ih264e_fmt_conv_420sp_to_420sp_swap_uv()
448 num_cols = wd; in ih264e_fmt_conv_420sp_to_420sp_swap_uv()
456 for (j = 0; j < num_cols; j += 2) in ih264e_fmt_conv_420sp_to_420sp_swap_uv()
[all …]
/external/libhevc/decoder/x86/
Dihevcd_fmt_conv_ssse3_intr.c63 WORD32 num_rows, num_cols, src_strd, dst_strd, cols, rows; in ihevcd_fmt_conv_420sp_to_420p_ssse3() local
76 num_cols = wd; in ihevcd_fmt_conv_420sp_to_420p_ssse3()
82 memcpy(pu1_dst, pu1_src, num_cols); in ihevcd_fmt_conv_420sp_to_420p_ssse3()
119 num_cols = wd >> 1; in ihevcd_fmt_conv_420sp_to_420p_ssse3()
126 if(num_cols > 15) in ihevcd_fmt_conv_420sp_to_420p_ssse3()
128 cols = num_cols >> 4; in ihevcd_fmt_conv_420sp_to_420p_ssse3()
246 num_cols &= 0x0F; in ihevcd_fmt_conv_420sp_to_420p_ssse3()
248 if(num_cols) in ihevcd_fmt_conv_420sp_to_420p_ssse3()
256 for(j = 0; j < num_cols; j++) in ihevcd_fmt_conv_420sp_to_420p_ssse3()
/external/tensorflow/tensorflow/tools/graph_transforms/
Dfold_old_batch_norms.cc79 const int64 num_cols = mean.shape().dim_size(0); in GetScaleAndOffsetValues() local
80 TF_RETURN_IF_ERROR(ErrorIfNotVector(variance, "Variance", num_cols)); in GetScaleAndOffsetValues()
81 TF_RETURN_IF_ERROR(ErrorIfNotVector(beta, "Beta", num_cols)); in GetScaleAndOffsetValues()
82 TF_RETURN_IF_ERROR(ErrorIfNotVector(gamma, "gamma", num_cols)); in GetScaleAndOffsetValues()
84 scale_values->resize(num_cols); in GetScaleAndOffsetValues()
85 offset_values->resize(num_cols); in GetScaleAndOffsetValues()
89 for (int i = 0; i < num_cols; ++i) { in GetScaleAndOffsetValues()
95 for (int i = 0; i < num_cols; ++i) { in GetScaleAndOffsetValues()
100 for (int i = 0; i < num_cols; ++i) { in GetScaleAndOffsetValues()
/external/eigen/unsupported/test/
Dcxx11_tensor_complex_cuda.cu80 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_sum_reductions() local
82 Tensor<std::complex<float>, 2> in(num_rows, num_cols); in test_cuda_sum_reductions()
94 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_sum_reductions()
117 const int num_cols = internal::random<int>(1024, 5*1024); in test_cuda_product_reductions() local
119 Tensor<std::complex<float>, 2> in(num_rows, num_cols); in test_cuda_product_reductions()
131 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_product_reductions()
/external/libmpeg2/common/
Dideint_utils.c260 WORD32 num_cols, num_rows; in ideint_pad_blk() local
266 num_cols = blk_wd + 4; in ideint_pad_blk()
274 num_cols -= 2; in ideint_pad_blk()
289 num_cols -= 2; in ideint_pad_blk()
296 memcpy(pu1_dst, pu1_src_top, num_cols); in ideint_pad_blk()
299 memcpy(pu1_dst, pu1_src_bot, num_cols); in ideint_pad_blk()
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dgemm_thunk.cc40 num_cols(matrix_num_cols) {} in MatrixDescriptor()
45 int64 num_cols; member
63 auto k = lhs_matrix.transpose ? lhs_matrix.num_rows : lhs_matrix.num_cols; in DoGemm()
68 output_matrix.num_cols, /*size of reduce dim=*/k, /*alpha=*/1.0, in DoGemm()
106 auto k = lhs_matrix.transpose ? lhs_matrix.num_rows : lhs_matrix.num_cols; in DoGemmWithAlgorithm()
111 output_matrix.num_cols, /*size of reduce dim=*/k, /*alpha=*/1.0, in DoGemmWithAlgorithm()
/external/tensorflow/tensorflow/core/ops/
Dcheckpoint_ops.cc65 int64 num_cols; in __anon3aaf93fb0202() local
66 TF_RETURN_IF_ERROR(c->GetAttr("num_cols", &num_cols)); in __anon3aaf93fb0202()
68 c->set_output(0, c->Matrix(num_rows, num_cols)); in __anon3aaf93fb0202()

123