Home
last modified time | relevance | path

Searched refs:output_depth (Results 1 – 25 of 38) sorted by relevance

12

/external/tensorflow/tensorflow/core/kernels/
Deigen_backward_spatial_convolutions_test.cc34 const int output_depth = 5; in TEST() local
41 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols); in TEST()
42 Tensor<float, 3> output_backward(output_depth, output_rows, output_cols); in TEST()
61 for (int od = 0; od < output_depth; ++od) { in TEST()
83 const int output_depth = 5; in TEST() local
92 output_depth); in TEST()
94 output_depth); in TEST()
113 for (int od = 0; od < output_depth; ++od) { in TEST()
142 const int output_depth = 5; in TEST() local
146 Tensor<float, 5> kernel(output_depth, input_depth, patch_planes, patch_rows, in TEST()
[all …]
Ddepthtospace_op_gpu.cu.cc39 const int output_width, const int output_depth, in D2S_NHWC() argument
43 const int d = out_idx % output_depth; in D2S_NHWC()
44 const int out_idx2 = out_idx / output_depth; in D2S_NHWC()
54 const int offset_d = (offset_h * block_size + offset_w) * output_depth; in D2S_NHWC()
157 const int output_depth = output.dimension(3); in operator ()() local
160 batch_size * output_height * output_width * output_depth; in operator ()()
169 output_depth, output.data())); in operator ()()
185 const int output_depth = output.dimension(1); in operator ()() local
193 const int output_depth_by_input_area = output_depth * input_area; in operator ()()
233 output_depth * input_height, output.data())); in operator ()()
Deigen_spatial_convolutions_test.cc33 const int output_depth = 10; in TEST() local
40 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols); in TEST()
41 Tensor<float, 3> result(output_depth, output_rows, output_cols); in TEST()
49 EXPECT_EQ(result.dimension(0), output_depth); in TEST()
53 for (int od = 0; od < output_depth; ++od) { in TEST()
78 const int output_depth = 10; in TEST() local
86 output_depth); in TEST()
87 Tensor<float, 3, RowMajor> result(output_cols, output_rows, output_depth); in TEST()
96 EXPECT_EQ(result.dimension(2), output_depth); in TEST()
98 for (int od = 0; od < output_depth; ++od) { in TEST()
[all …]
Ddepthtospace_op.cc100 const int output_depth = input_depth / block_size_sq; in Compute() local
110 output_width, output_depth), in Compute()
156 const int output_depth = output.dimension(3); in operator ()() local
166 (offset_h * block_size + offset_w) * output_depth; in operator ()()
167 for (int d = 0; d < output_depth; ++d) { in operator ()()
Dspacetodepth_op_gpu.cu.cc37 const int output_width, const int output_depth, in S2D_NHWC() argument
56 output_depth * (out_w + output_width * (out_h + output_height * b)); in S2D_NHWC()
153 const int output_depth = output.dimension(3); in operator ()() local
165 output_depth, output.data())); in operator ()()
179 const int output_depth = output.dimension(1); in operator ()() local
183 const int output_depth_by_output_area = output_depth * output_area; in operator ()()
/external/tensorflow/tensorflow/lite/kernels/internal/reference/
Dfully_connected.h45 const int output_depth = MatchingDim(weights_shape, weights_dims_count - 2, in FullyConnected() local
49 for (int out_c = 0; out_c < output_depth; ++out_c) { in FullyConnected()
59 output_data[out_c + output_depth * b] = ActivationFunctionWithMinMax( in FullyConnected()
91 const int output_depth = MatchingDim(filter_shape, filter_dim_count - 2, in FullyConnected() local
95 for (int out_c = 0; out_c < output_depth; ++out_c) { in FullyConnected()
109 output_data[out_c + output_depth * b] = static_cast<uint8>(acc); in FullyConnected()
139 const int output_depth = MatchingDim(filter_shape, filter_dim_count - 2, in FullyConnected() local
143 for (int out_c = 0; out_c < output_depth; ++out_c) { in FullyConnected()
163 output_data[out_c + output_depth * b] = accum; in FullyConnected()
193 const int output_depth = MatchingDim(weights_shape, weights_dim_count - 2, in ShuffledFullyConnected() local
[all …]
Ddepthwiseconv_float.h45 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConv() local
53 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConv()
54 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConv()
Ddepthwiseconv_uint8.h119 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in Run() local
127 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in Run()
128 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in Run()
/external/tensorflow/tensorflow/contrib/model_pruning/python/layers/
Dlayers_test.py46 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/lite/toco/graph_transformations/
Dfuse_binary_into_following_affine.cc79 const int output_depth = weights_shape.dims(0); in FuseAddOrSubParamsIntoFollowingAffine() local
81 CHECK_EQ(output_depth, bias_shape.dims(bias_shape.dimensions_count() - 1)); in FuseAddOrSubParamsIntoFollowingAffine()
83 const int weights_per_depth = weights_size / output_depth; in FuseAddOrSubParamsIntoFollowingAffine()
84 CHECK_EQ(weights_size, weights_per_depth * output_depth); in FuseAddOrSubParamsIntoFollowingAffine()
86 for (int d = 0; d < output_depth; d++) { in FuseAddOrSubParamsIntoFollowingAffine()
95 const int output_depth = in FuseAddOrSubParamsIntoFollowingAffine() local
98 const int weights_per_depth = weights_size / output_depth; in FuseAddOrSubParamsIntoFollowingAffine()
99 CHECK_EQ(weights_size, weights_per_depth * output_depth); in FuseAddOrSubParamsIntoFollowingAffine()
101 for (int c = 0; c < output_depth; c++) { in FuseAddOrSubParamsIntoFollowingAffine()
104 accumulation += add_scalar_operand * weights_data[k * output_depth + c]; in FuseAddOrSubParamsIntoFollowingAffine()
Dfuse_binary_into_preceding_affine.cc136 int output_depth; in FuseMulOrDivParamsIntoPrecedingAffine() local
140 output_depth = weights_shape.dims(0); in FuseMulOrDivParamsIntoPrecedingAffine()
142 output_depth = weights_shape.dims(weights_shape.dimensions_count() - 1); in FuseMulOrDivParamsIntoPrecedingAffine()
148 const int weights_per_depth = weights_size / output_depth; in FuseMulOrDivParamsIntoPrecedingAffine()
149 CHECK_EQ(weights_size, weights_per_depth * output_depth); in FuseMulOrDivParamsIntoPrecedingAffine()
152 for (int c = 0; c < output_depth; c++) { in FuseMulOrDivParamsIntoPrecedingAffine()
176 weights_data[k * output_depth + c] *= operand_data[operand_channel]; in FuseMulOrDivParamsIntoPrecedingAffine()
178 weights_data[k * output_depth + c] /= operand_data[operand_channel]; in FuseMulOrDivParamsIntoPrecedingAffine()
/external/tensorflow/tensorflow/lite/kernels/
Dfully_connected_test.cc230 int output_depth) { in ShuffleAndSetWeights() argument
233 CHECK_EQ(output_depth % 4, 0); in ShuffleAndSetWeights()
235 for (int block_o = 0; block_o < output_depth; block_o += 4) { in ShuffleAndSetWeights()
549 TfLiteRegistration* registration, int input_depth, int output_depth, in SimpleTestQuantizedInt16OutputCase() argument
563 registration, output_depth, batches, in SimpleTestQuantizedInt16OutputCase()
573 std::vector<float> weights_data(input_depth * output_depth); in SimpleTestQuantizedInt16OutputCase()
589 CHECK_EQ(output_depth % 4, 0); in SimpleTestQuantizedInt16OutputCase()
591 m.ShuffleAndSetWeights<uint8_t>(weights_data, input_depth, output_depth); in SimpleTestQuantizedInt16OutputCase()
604 std::vector<float> bias_data(output_depth); in SimpleTestQuantizedInt16OutputCase()
617 std::vector<float> expected_output_data(output_depth * batches); in SimpleTestQuantizedInt16OutputCase()
[all …]
/external/tensorflow/tensorflow/core/kernels/neon/
Ddepthwiseconv_float.h431 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,
547 memcpy(acc_buffer + i * output_depth, bias_data,
548 sizeof(acc_buffer[0]) * output_depth);
[all …]
/external/tensorflow/tensorflow/lite/kernels/internal/
Ddepthwiseconv_float_test.cc79 const int output_depth = input_depth * depth_multiplier; in TryTestOneDepthwiseConv() local
97 if (output_depth > kMaxSupportedOutputDepth) { in TryTestOneDepthwiseConv()
106 if (!ComputeConvSizes(input_shape_inference, output_depth, filter_width, in TryTestOneDepthwiseConv()
113 {1, filter_height, filter_width, output_depth}); in TryTestOneDepthwiseConv()
114 RuntimeShape bias_shape_inference({1, 1, 1, output_depth}); in TryTestOneDepthwiseConv()
119 std::vector<float> bias_data(output_depth); in TryTestOneDepthwiseConv()
Dtest_util.cc23 bool ComputeConvSizes(const RuntimeShape& input_shape, int output_depth, in ComputeConvSizes() argument
63 output_shape->BuildFrom({batch, output_height, output_width, output_depth}); in ComputeConvSizes()
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/
Dfully_connected.h43 const int output_depth = output_shape.Dims(1); in FullyConnected() local
44 TFLITE_DCHECK_LE(output_depth, filter_shape.Dims(filter_dim_count - 2)); in FullyConnected()
47 for (int out_c = 0; out_c < output_depth; ++out_c) { in FullyConnected()
61 output_data[out_c + output_depth * b] = static_cast<int8_t>(acc); in FullyConnected()
Dconv.h52 const int output_depth = MatchingDim(filter_shape, 0, output_shape, 3); in ConvPerChannel() local
54 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in ConvPerChannel()
67 for (int out_channel = 0; out_channel < output_depth; ++out_channel) { in ConvPerChannel()
Ddepthwise_conv.h51 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvPerChannel() local
59 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConvPerChannel()
60 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvPerChannel()
Dmean.h39 const int output_depth = output_shape.Dims(3); in Mean() local
54 for (int out_d = 0; out_d < output_depth; ++out_d) { in Mean()
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/
Ddepthwiseconv_float.h770 int output_depth, float* acc_buffer) {
786 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier);
825 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
838 filter_base_ptr += output_depth;
847 int out_x_buffer_end, int output_depth, float* acc_buffer) {
860 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
876 filter_base_ptr += output_depth;
881 inline void DepthwiseConvInitAccBuffer(int num_output_pixels, int output_depth,
888 memcpy(acc_buffer + i * output_depth, bias_data,
889 sizeof(acc_buffer[0]) * output_depth);
[all …]
Ddepthwiseconv_uint8_3x3_filter.h280 int64_t output_depth;
325 static_assert(offsetof(DepthwiseConvParams, output_depth) ==
382 int64_t output_depth;
3217 int64_t output_depth, int32 output_width,
3223 memcpy(output_ptr, ptr, output_depth);
3224 output_ptr += output_depth;
3301 if (params.output_depth > 64 ||
3302 (params.output_depth <= 64 && params.input_width > 150)) {
3312 for (; depth <= params.output_depth - 64; depth += 64) {
3351 params.output_depth, params.input_depth,
[all …]
Ddepthwiseconv_uint8.h1477 int out_x_buffer_end, int output_depth,
1494 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier);
1533 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
1544 filter_base_ptr += output_depth;
1554 int output_depth, int32* acc_buffer) {
1567 acc_buffer + (out_x_loop_start - out_x_buffer_start) * output_depth;
1583 filter_base_ptr += output_depth;
1588 inline void DepthwiseConvInitAccBuffer(int num_output_pixels, int output_depth,
1593 if (output_depth == 1) {
1604 } else if (output_depth == 2) {
[all …]
Doptimized_ops.h1255 const int output_depth = MatchingDim(filter_shape, filter_dim_count - 2, in FullyConnected() local
1267 if (filter_offset == -128 && !(output_depth % 4) && !(accum_depth % 64)) { in FullyConnected()
1274 if (!(output_depth % 4) && !(accum_depth % 8)) { in FullyConnected()
1284 filter_data, output_depth, accum_depth); in FullyConnected()
1288 output_data, output_depth, batches); in FullyConnected()
1291 ColVectorMap bias_vector(bias_data_int32, output_depth); in FullyConnected()
1319 const int8* shuffled_weights_data, int batches, int output_depth, in ShuffledFullyConnectedWorkerImpl() argument
1327 for (int c = 0; c < output_depth; c += 4) { in ShuffledFullyConnectedWorkerImpl()
1394 for (int c = 0; c < output_depth; c += 4) { in ShuffledFullyConnectedWorkerImpl()
1503 for (int c = 0; c < output_depth; c += 4) { in ShuffledFullyConnectedWorkerImpl()
[all …]
/external/tensorflow/tensorflow/lite/experimental/micro/kernels/portable_optimized/
Ddepthwise_conv.cc119 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvOptimizedForFilterWidthEight() local
127 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConvOptimizedForFilterWidthEight()
128 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvOptimizedForFilterWidthEight()
132 output_depth * filter_width * filter_height * input_depth; in DepthwiseConvOptimizedForFilterWidthEight()
143 {1, output_depth, filter_height, filter_width}); in DepthwiseConvOptimizedForFilterWidthEight()
151 for (int oc = 0; oc < output_depth; ++oc) { in DepthwiseConvOptimizedForFilterWidthEight()
249 current_filter += output_depth; in DepthwiseConvOptimizedForFilterWidthEight()
343 const int output_depth = GetTensorShape(filter).Dims(3); in EvalQuantized() local
346 output_depth * filter_width * filter_height * input_depth; in EvalQuantized()
/external/tensorflow/tensorflow/contrib/fused_conv/kernels/
Dfused_conv2d_bias_activation_op.cc205 const int32 output_depth = GetFilterDim(filter, filter_format_, 'O'); in Compute() local
220 data_format_, batch_size, output_rows, output_cols, output_depth); in Compute()
230 << ", output_depth = " << output_depth in Compute()
478 const int output_depth = GetFilterDim(filter_param, filter_format, 'O'); in launch() local
559 output_depth, &maybe_transformed_side_input, &side_input))); in launch()
561 if (output_depth > 1) { in launch()
566 FORMAT_NCHW, batch_size, output_rows, output_cols, output_depth); in launch()
591 .set_output_feature_map_count(output_depth) in launch()
597 .set_feature_map_count(output_depth) in launch()
603 .set_feature_map_count(output_depth) in launch()
[all …]

12