Searched refs:num_cols (Results 1 - 25 of 51) sorted by relevance

123

/external/tensorflow/tensorflow/python/kernel_tests/
H A 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)
[all...]
H A Dfractional_max_pool_op_test.py53 * num_cols = input_matrix.num_cols.
77 * num_cols = len(col_seq)-1.
154 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_channel
[all...]
H A Dfractional_avg_pool_op_test.py53 * num_cols = input_matrix.num_cols.
77 * num_cols = len(col_seq)-1.
154 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)
264 Mainly test different combinations of num_rows and num_cols.
271 for num_cols i
[all...]
/external/libjpeg-turbo/simd/
H A Djcgryext-altivec.c33 int pitch = img_width * RGB_PIXELSIZE, num_cols; local
67 for (num_cols = pitch; num_cols > 0;
68 num_cols -= RGB_PIXELSIZE * 16, inptr += RGB_PIXELSIZE * 16,
76 int bytes = num_cols + offset;
86 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16));
115 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) {
117 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16));
127 if (num_cols > 1
[all...]
H A Djdcolext-altivec.c31 int pitch = out_width * RGB_PIXELSIZE, num_cols; local
76 for (num_cols = pitch; num_cols > 0;
77 num_cols -= RGB_PIXELSIZE * 16, outptr += RGB_PIXELSIZE * 16,
201 int bytes = num_cols + offset;
217 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16));
222 edgeh = vec_ld(min(num_cols - 1, RGB_PIXELSIZE * 16), outptr);
248 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) {
256 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZ
[all...]
H A Djccolext-altivec.c32 int pitch = img_width * RGB_PIXELSIZE, num_cols; local
72 for (num_cols = pitch; num_cols > 0;
73 num_cols -= RGB_PIXELSIZE * 16, inptr += RGB_PIXELSIZE * 16,
81 int bytes = num_cols + offset;
91 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16));
121 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols & 15)) {
123 memcpy(tmpbuf, inptr, min(num_cols, RGB_PIXELSIZE * 16));
133 if (num_cols > 1
[all...]
H A Djdmrgext-altivec.c32 int pitch = output_width * RGB_PIXELSIZE, num_cols, yloop; local
80 for (num_cols = pitch; num_cols > 0; inptr1 += 16, inptr2 += 16) {
147 for (yloop = 0; yloop < 2 && num_cols > 0; yloop++,
148 num_cols -= RGB_PIXELSIZE * 16,
226 int bytes = num_cols + offset;
242 memcpy(outptr, tmpbuf, min(num_cols, RGB_PIXELSIZE * 16));
247 edgeh = vec_ld(min(num_cols - 1, RGB_PIXELSIZE * 16), outptr);
273 if (num_cols < RGB_PIXELSIZE * 16 && (num_cols
[all...]
/external/libjpeg-turbo/
H A Djdcolext.c40 JDIMENSION num_cols = cinfo->output_width; local
55 for (col = 0; col < num_cols; col++) {
90 JDIMENSION num_cols = cinfo->output_width; local
95 for (col = 0; col < num_cols; col++) {
122 JDIMENSION num_cols = cinfo->output_width; local
130 for (col = 0; col < num_cols; col++) {
H A Djutils.c96 int num_rows, JDIMENSION num_cols)
100 * The source and destination arrays must be at least as wide as num_cols.
104 register size_t count = (size_t) (num_cols * sizeof(JSAMPLE));
94 jcopy_sample_rows(JSAMPARRAY input_array, int source_row, JSAMPARRAY output_array, int dest_row, int num_rows, JDIMENSION num_cols) argument
H A Djccolext.c42 JDIMENSION num_cols = cinfo->image_width; local
50 for (col = 0; col < num_cols; col++) {
99 JDIMENSION num_cols = cinfo->image_width; local
105 for (col = 0; col < num_cols; col++) {
133 JDIMENSION num_cols = cinfo->image_width; local
141 for (col = 0; col < num_cols; col++) {
H A Djdcol565.c29 JDIMENSION num_cols = cinfo->output_width; local
58 num_cols--;
60 for (col = 0; col < (num_cols >> 1); col++) {
82 if (num_cols & 1) {
108 JDIMENSION num_cols = cinfo->output_width; local
139 num_cols--;
141 for (col = 0; col < (num_cols >> 1); col++) {
167 if (num_cols & 1) {
192 JDIMENSION num_cols = cinfo->output_width; local
211 num_cols
248 JDIMENSION num_cols = cinfo->output_width; local
305 JDIMENSION num_cols = cinfo->output_width; local
346 JDIMENSION num_cols = cinfo->output_width; local
[all...]
/external/tensorflow/tensorflow/contrib/gan/python/eval/python/
H A Deval_utils_test.py37 num_cols=2)
43 num_cols=2)
H A Deval_utils_impl.py92 def image_reshaper(images, num_cols=None):
104 num_cols: (Optional) If provided, this is the number of columns in the final
117 num_columns = (num_cols if num_cols else
/external/tensorflow/tensorflow/core/kernels/
H A Dtopk_op.h33 const int64 num_rows, const int64 num_cols,
H A Dtopk_op.cc74 const int64 num_cols = input.dimension(1); variable
91 context, sorted_, k, input, num_rows, num_cols, values, indices);
107 const int64 num_cols, typename TTypes<T, 2>::Tensor values,
126 for (int c = 0; c < num_cols; ++c) {
152 // TODO(ebrevdo): For large k < num_cols, instead of using
154 // values 0..num_cols - 1 and then use std::partial_sort_copy
156 // ratio of k/num_cols will require some experimentation.
157 if (k == num_cols) {
182 filter.reserve(num_cols);
183 for (int32 c = 0; c < num_cols;
105 Compute(OpKernelContext* context, bool sorted, int k, const typename TTypes<T, 2>::ConstTensor& input, const int64 num_rows, const int64 num_cols, typename TTypes<T, 2>::Tensor values, typename TTypes<int, 2>::Tensor indices) argument
[all...]
H A Dtopk_op_gpu.cu.cc409 SegmentOffsetCreator(int num_cols) : num_cols_(num_cols) {}
419 ColumnIndexCreator(int num_cols) : num_cols_(num_cols) {}
431 int num_cols, int k,
442 DT_INT32, TensorShape({num_rows, num_cols}), &input_indices));
445 input_indices_t.generate(ColumnIndexCreator(num_cols));
450 segment_offsets_t(counting_iter, SegmentOffsetCreator(num_cols));
456 if (k == num_cols) {
463 DT_INT32, TensorShape({num_rows, num_cols}),
[all...]
H A Dsoftmax_op_gpu.cu.cc39 const int num_rows, const int num_cols,
43 const int row = tid / num_cols;
44 const int col = tid % num_cols;
46 if (row < num_rows && col < num_cols) {
60 const int num_cols)
61 : logits_(logits), max_logits_(max_logits), num_cols_(num_cols) {}
37 GenerateNormalizedProb(const T* logits, const T* sum_probs, const T* max_logits, T* output, const int num_rows, const int num_cols, const bool in_log_space) argument
58 SubtractAndExpFunctor(const T* logits, const T* max_logits, const int num_cols) argument
H A 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;
214 RowReduceKernel( T in, outT out, int num_rows, int num_cols, Op op, typename std::iterator_traits<T>::value_type initVal) argument
250 ColumnReduceMax16ColumnsKernel( T in, outT out, int num_rows, int num_cols, Op op, typename std::iterator_traits<T>::value_type initVal) argument
307 ColumnReduceKernel( T in, outT out, int num_rows, int num_cols, Op op, typename std::iterator_traits<T>::value_type initVal) argument
361 CleanupSegments( T partial_sums, outT out, int num_rows, int num_cols, int segment_size, Op op, typename std::iterator_traits<T>::value_type initVal) argument
385 ColumnReduceSimpleKernel(T in, outT out, int num_planes, int num_rows, int num_cols, Op op) argument
513 LaunchRowReduction(OpKernelContext* ctx, OUT_T out, IN_T in, int num_rows, int num_cols, Op op, T init, const cudaStream_t& cu_stream) argument
[all...]
/external/tensorflow/tensorflow/core/ops/
H A Dcheckpoint_ops.cc50 .Attr("num_cols: int >= 1")
65 int64 num_cols;
66 TF_RETURN_IF_ERROR(c->GetAttr("num_cols", &num_cols));
68 c->set_output(0, c->Matrix(num_rows, num_cols));
/external/libhevc/decoder/x86/
H A Dihevcd_fmt_conv_ssse3_intr.c63 WORD32 num_rows, num_cols, src_strd, dst_strd, cols, rows; local
76 num_cols = wd;
82 memcpy(pu1_dst, pu1_src, num_cols);
119 num_cols = wd >> 1;
126 if(num_cols > 15)
128 cols = num_cols >> 4;
246 num_cols &= 0x0F;
248 if(num_cols)
256 for(j = 0; j < num_cols; j++)
/external/libavc/decoder/
H A Dih264d_format_conv.c385 WORD32 num_rows, num_cols, src_strd, dst_strd; local
393 num_cols = wd;
400 memcpy(pu1_dst, pu1_src, num_cols);
410 num_cols = wd;
417 memcpy(pu1_dst, pu1_src, num_cols);
482 WORD32 num_rows, num_cols, src_strd, dst_strd; local
490 num_cols = wd;
497 memcpy(pu1_dst, pu1_src, num_cols);
507 num_cols = wd;
515 for(j = 0; j < num_cols;
594 WORD32 num_rows, num_cols, src_strd, dst_strd; local
[all...]
/external/tensorflow/tensorflow/tools/graph_transforms/
H A Dfold_old_batch_norms.cc79 const int64 num_cols = mean.shape().dim_size(0); local
80 TF_RETURN_IF_ERROR(ErrorIfNotVector(variance, "Variance", num_cols));
81 TF_RETURN_IF_ERROR(ErrorIfNotVector(beta, "Beta", num_cols));
82 TF_RETURN_IF_ERROR(ErrorIfNotVector(gamma, "gamma", num_cols));
84 scale_values->resize(num_cols);
85 offset_values->resize(num_cols);
89 for (int i = 0; i < num_cols; ++i) {
95 for (int i = 0; i < num_cols; ++i) {
100 for (int i = 0; i < num_cols; ++i) {
/external/libhevc/decoder/
H A Dihevcd_fmt_conv.c391 WORD32 num_rows, num_cols, src_strd, dst_strd; local
399 num_cols = wd;
406 memcpy(pu1_dst, pu1_src, num_cols);
416 num_cols = wd;
423 memcpy(pu1_dst, pu1_src, num_cols);
490 WORD32 num_rows, num_cols, src_strd, dst_strd; local
498 num_cols = wd;
505 memcpy(pu1_dst, pu1_src, num_cols);
515 num_cols = wd;
523 for(j = 0; j < num_cols;
603 WORD32 num_rows, num_cols, src_strd, dst_strd; local
850 WORD32 num_cols = ps_codec->i4_disp_wd; local
[all...]
/external/libmpeg2/common/
H A Dideint_utils.c260 WORD32 num_cols, num_rows; local
266 num_cols = blk_wd + 4;
274 num_cols -= 2;
289 num_cols -= 2;
296 memcpy(pu1_dst, pu1_src_top, num_cols);
299 memcpy(pu1_dst, pu1_src_bot, num_cols);
/external/libavc/encoder/
H A Dih264e_fmt_conv.c371 WORD32 num_rows, num_cols, src_strd, dst_strd; local
379 num_cols = wd;
386 memcpy(pu1_dst, pu1_src, num_cols);
396 num_cols = wd;
403 memcpy(pu1_dst, pu1_src, num_cols);
423 WORD32 num_rows, num_cols, src_strd, dst_strd; local
431 num_cols = wd;
438 memcpy(pu1_dst, pu1_src, num_cols);
448 num_cols = wd;
456 for (j = 0; j < num_cols;
483 WORD32 num_rows, num_cols, src_strd, dst_strd; local
[all...]

Completed in 672 milliseconds

123