HomeSort by relevance Sort by last modified time
    Searched refs:output_depth (Results 1 - 22 of 22) sorted by null

  /external/tensorflow/tensorflow/core/kernels/
eigen_backward_spatial_convolutions_test.cc 35 const int output_depth = 5; local
42 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols);
43 Tensor<float, 3> output_backward(output_depth, output_rows, output_cols);
62 for (int od = 0; od < output_depth; ++od) {
84 const int output_depth = 5; local
93 output_depth);
95 output_depth);
114 for (int od = 0; od < output_depth; ++od) {
143 const int output_depth = 5; local
147 Tensor<float, 5> kernel(output_depth, input_depth, patch_planes, patch_rows
206 const int output_depth = 5; local
262 const int output_depth = 3; local
310 const int output_depth = 3; local
368 const int output_depth = 5; local
439 const int output_depth = 5; local
504 const int output_depth = 3; local
559 const int output_depth = 3; local
622 const int output_depth = 5; local
689 const int output_depth = 5; local
805 int output_depth = 1; local
882 int output_depth = 1; local
900 const int output_depth = 5; local
950 const int output_depth = 5; local
1011 const int output_depth = 5; local
1061 const int output_depth = 5; local
1108 const int output_depth = 5; local
1156 const int output_depth = 5; local
1203 const int output_depth = 5; local
1243 const int output_depth = 5; local
1306 const int output_depth = 5; local
1370 const int output_depth = 3; local
1425 const int output_depth = 3; local
1481 const int output_depth = 3; local
1545 const int output_depth = 3; local
1612 const int output_depth = 3; local
1678 const int output_depth = 3; local
1738 const int output_depth = 3; local
1800 const int output_depth = 3; local
1879 const int output_depth = 3; local
1968 const int output_depth = 5; local
2045 const int output_depth = 5; local
    [all...]
depthtospace_op_gpu.cu.cc 39 const int output_width, const int output_depth,
42 // out_idx = d + output_depth * (w + output_width * (h + output_height * b))
43 const int d = out_idx % output_depth;
44 const int out_idx2 = out_idx / output_depth;
54 const int offset_d = (offset_h * block_size + offset_w) * output_depth;
157 const int output_depth = output.dimension(3); local
160 batch_size * output_height * output_width * output_depth;
165 output_depth, output.data());
181 const int output_depth = output.dimension(1); local
189 const int output_depth_by_input_area = output_depth * input_area
    [all...]
eigen_spatial_convolutions_test.cc 31 const int output_depth = 10; local
38 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols);
39 Tensor<float, 3> result(output_depth, output_rows, output_cols);
47 EXPECT_EQ(result.dimension(0), output_depth);
51 for (int od = 0; od < output_depth; ++od) {
76 const int output_depth = 10; local
84 output_depth);
85 Tensor<float, 3, RowMajor> result(output_cols, output_rows, output_depth);
94 EXPECT_EQ(result.dimension(2), output_depth);
96 for (int od = 0; od < output_depth; ++od)
196 const int output_depth = 7; local
248 const int output_depth = 7; local
306 const int output_depth = 7; local
362 const int output_depth = 7; local
410 const int output_depth = 6; local
458 const int output_depth = 7; local
509 const int output_depth = 7; local
560 const int output_depth = 7; local
614 const int output_depth = 7; local
    [all...]
spacetodepth_op_gpu.cu.cc 37 const int output_width, const int output_depth,
56 output_depth * (out_w + output_width * (out_h + output_height * b));
153 const int output_depth = output.dimension(3); local
161 output_depth, output.data());
175 const int output_depth = output.dimension(1); local
179 const int output_depth_by_output_area = output_depth * output_area;
depthtospace_op.cc 100 const int output_depth = input_depth / block_size_sq; variable
110 output_width, output_depth),
156 const int output_depth = output.dimension(3); local
166 (offset_h * block_size + offset_w) * output_depth;
167 for (int d = 0; d < output_depth; ++d) {
spacetodepth_op.cc 101 const int output_depth = input_depth * block_size_ * block_size_; variable
111 output_width, output_depth),
  /external/tensorflow/tensorflow/contrib/model_pruning/python/layers/
layers_test.py 46 input_depth, output_depth = 8, 32
48 layers.masked_conv2d(input_tensor, output_depth, kernel_size)
53 [kernel_size, kernel_size, input_depth, output_depth])
58 [kernel_size, kernel_size, input_depth, output_depth])
95 input_depth, output_depth = 8, 32
97 layers.masked_fully_connected(input_tensor, output_depth)
102 [input_depth, output_depth])
107 [input_depth, output_depth])
  /external/tensorflow/tensorflow/contrib/lite/toco/graph_transformations/
fuse_binary_into_following_affine.cc 79 const int output_depth = weights_shape.dims(0); local
81 CHECK_EQ(output_depth, bias_shape.dims(bias_shape.dimensions_count() - 1));
83 const int weights_per_depth = weights_size / output_depth;
84 CHECK_EQ(weights_size, weights_per_depth * output_depth);
86 for (int d = 0; d < output_depth; d++) {
95 const int output_depth = local
98 const int weights_per_depth = weights_size / output_depth;
99 CHECK_EQ(weights_size, weights_per_depth * output_depth);
101 for (int c = 0; c < output_depth; c++) {
104 accumulation += add_scalar_operand * weights_data[k * output_depth + c]
    [all...]
fuse_binary_into_preceding_affine.cc 124 int output_depth; local
128 output_depth = weights_shape.dims(0);
130 output_depth = weights_shape.dims(weights_shape.dimensions_count() - 1);
136 const int weights_per_depth = weights_size / output_depth;
137 CHECK_EQ(weights_size, weights_per_depth * output_depth);
140 for (int c = 0; c < output_depth; c++) {
164 weights_data[k * output_depth + c] *= operand_data[operand_channel];
166 weights_data[k * output_depth + c] /= operand_data[operand_channel];
propagate_fixed_sizes.cc 32 void ComputeConvSizes(const Shape& input_shape, int output_depth, int kwidth,
61 output_shape->ReplaceDims({batch, output_height, output_width, output_depth});
134 const int output_depth = GetOutputDepthFromWeights(*model, *op); local
135 bias_array.copy_shape(Shape({output_depth}));
138 float_buffer.data.resize(output_depth, 0);
165 const int output_depth = weights_shape.dims(0); local
168 ComputeConvSizes(input_shape, output_depth, kwidth, kheight, op->stride_width,
208 const int output_depth = weights_shape.dims(3); local
217 op->depth_multiplier = output_depth / input_depth;
219 QCHECK_EQ(output_depth, input_depth * op->depth_multiplier
698 const int output_depth = input_shape.dims(3); local
715 const int output_depth = input_shape.dims(3); local
734 const int output_depth = input_shape.dims(3); local
    [all...]
  /external/tensorflow/tensorflow/contrib/fused_conv/kernels/
fused_conv2d_bias_activation_op.cc 195 const int32 output_depth = GetFilterDim(filter, filter_format_, 'O'); variable
210 data_format_, batch_size, output_rows, output_cols, output_depth);
220 << ", output_depth = " << output_depth
343 const int output_depth = GetFilterDim(filter_param, filter_format, 'O'); local
424 output_depth, &maybe_transformed_side_input, &side_input)));
426 if (output_depth > 1) {
431 FORMAT_NCHW, batch_size, output_rows, output_cols, output_depth);
454 .set_output_feature_map_count(output_depth)
460 .set_feature_map_count(output_depth)
    [all...]
  /external/tensorflow/tensorflow/contrib/lite/kernels/internal/optimized/
depthwiseconv_float.h 769 int output_depth, float* acc_buffer) {
785 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier);
820 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
832 filter_base_ptr += output_depth;
920 const int output_depth = MatchingArraySize(filter_dims, 0, output_dims, 0); local
    [all...]
depthwiseconv_uint8.h 1685 const int output_depth = MatchingArraySize(filter_dims, 0, output_dims, 0); local
    [all...]
multithreaded_conv.h 174 const int output_depth = MatchingArraySize(filter_dims, 3, output_dims, 0); local
184 output_depth, stride_height, stride_width, pad_height, pad_width,
optimized_ops.h 733 const int output_depth = ArraySize(output_dims, 0); local
970 const int output_depth = ArraySize(output_dims, 0); local
1075 const int output_depth = ArraySize(output_dims, 0); local
    [all...]
  /external/tensorflow/tensorflow/core/kernels/neon/
depthwiseconv_float.h 431 int output_depth, float* acc_buffer) {
447 DCHECK_EQ(output_depth, input_depth * depth_multiplier);
482 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
494 filter_base_ptr += output_depth;
503 int output_depth, float* acc_buffer) {
520 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
535 filter_base_ptr += output_depth;
540 inline void DepthwiseConvInitAccBuffer(int num_output_pixels, int output_depth,
544 // for small output_depth values, if that ever becomes an important
547 memcpy(acc_buffer + i * output_depth, bias_data
565 const int output_depth = MatchingArraySize(filter_dims, 0, output_dims, 0); local
    [all...]
  /external/tensorflow/tensorflow/contrib/lite/kernels/
depthwise_conv_test.cc 58 int output_depth = GetShape(filter_)[3]; local
59 int depth_mul = output_depth / input_depth;
  /external/tensorflow/tensorflow/contrib/lite/kernels/internal/reference/
depthwiseconv_float.h 34 const int output_depth = MatchingArraySize(filter_dims, 0, output_dims, 0); local
42 TFLITE_DCHECK(output_depth == input_depth * depth_multiplier);
depthwiseconv_uint8.h 40 const int output_depth = MatchingArraySize(filter_dims, 0, output_dims, 0); local
48 TFLITE_DCHECK(output_depth == input_depth * depth_multiplier);
reference_ops.h 169 const int output_depth = MatchingArraySize(filter_dims, 3, output_dims, 0); local
182 for (int out_channel = 0; out_channel < output_depth; ++out_channel) {
265 const int output_depth = local
276 for (int out_channel = 0; out_channel < output_depth; ++out_channel) {
372 const int output_depth = ArraySize(output_dims, 0); local
379 TFLITE_DCHECK_EQ(input_depth, output_depth * block_size * block_size);
385 for (int out_d = 0; out_d < output_depth; ++out_d) {
388 output_depth;
413 const int output_depth = ArraySize(output_dims, 0); local
420 TFLITE_DCHECK_EQ(input_depth * block_size * block_size, output_depth);
459 const int output_depth = MatchingArraySize(weights_dims, 1, output_dims, 0); local
511 const int output_depth = MatchingArraySize(filter_dims, 1, output_dims, 0); local
    [all...]
  /external/tensorflow/tensorflow/core/framework/
common_shape_fns.cc 599 DimensionHandle output_depth; local
600 TF_RETURN_IF_ERROR(c->Multiply(input_depth, depth_multiplier, &output_depth));
618 c->MakeShape({batch_size_dim, output_depth, output_rows, output_cols});
621 c->MakeShape({batch_size_dim, output_rows, output_cols, output_depth});
831 DimensionHandle output_rows, output_cols, output_depth; local
933 DimensionHandle output_rows, output_cols, output_depth; local
    [all...]
  /external/tensorflow/tensorflow/core/ops/
array_ops.cc     [all...]

Completed in 737 milliseconds