/external/tensorflow/tensorflow/core/kernels/ |
D | eigen_backward_spatial_convolutions_test.cc | 31 const int input_depth = 2; in TEST() local 40 Tensor<float, 3> input_backward(input_depth, input_rows, input_cols); in TEST() 41 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols); in TEST() 51 EXPECT_EQ(input_backward.dimension(0), input_depth); in TEST() 55 for (int id = 0; id < input_depth; ++id) { in TEST() 80 const int input_depth = 2; in TEST() local 90 input_depth); in TEST() 91 Tensor<float, 4, RowMajor> kernel(patch_cols, patch_rows, input_depth, in TEST() 105 EXPECT_EQ(input_backward.dimension(2), input_depth); in TEST() 107 for (int id = 0; id < input_depth; ++id) { in TEST() [all …]
|
D | eigen_backward_cuboid_convolutions_test.cc | 31 const int input_depth = 2; in TEST() local 43 Tensor<float, 4> input_backward(input_depth, input_planes, input_rows, in TEST() 45 Tensor<float, 5> kernel(output_depth, input_depth, patch_planes, patch_rows, in TEST() 60 EXPECT_EQ(input_backward.dimension(0), input_depth); in TEST() 62 for (int id = 0; id < input_depth; ++id) { in TEST() 94 const int input_depth = 2; in TEST() local 107 input_planes, input_depth); in TEST() 109 input_depth, output_depth); in TEST() 123 EXPECT_EQ(input_backward.dimension(3), input_depth); in TEST() 125 for (int id = 0; id < input_depth; ++id) { in TEST() [all …]
|
D | conv_ops_using_gemm.cc | 90 int input_depth, const T2* filter_data, int filter_height, in operator ()() argument 157 for (int in_channel = 0; in_channel < input_depth; in operator ()() 168 input_depth) + in operator ()() 169 (in_y * input_width * input_depth) + in operator ()() 170 (in_x * input_depth) + in_channel]; in operator ()() 175 filter_data[(filter_y * filter_width * input_depth * in operator ()() 177 (filter_x * input_depth * filter_count) + in operator ()() 213 int input_depth, const T2* filter_data, int filter_height, in operator ()() argument 218 (input_depth <= 0)) { in operator ()() 221 << input_width << ", " << input_depth; in operator ()() [all …]
|
D | quantized_batch_norm_op_test.cc | 65 const int input_depth = 2; in TEST_F() local 67 {input_batch, input_height, input_width, input_depth}); in TEST_F() 74 Tensor mean_float(DT_FLOAT, {input_depth}); in TEST_F() 80 Tensor variance_float(DT_FLOAT, {input_depth}); in TEST_F() 86 Tensor beta_float(DT_FLOAT, {input_depth}); in TEST_F() 92 Tensor gamma_float(DT_FLOAT, {input_depth}); in TEST_F() 121 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F() 162 const int input_depth = 2; in TEST_F() local 164 {input_batch, input_height, input_width, input_depth}); in TEST_F() 171 Tensor mean_float(DT_FLOAT, {input_depth}); in TEST_F() [all …]
|
D | eigen_benchmark_cpu_test.cc | 33 int input_depth, in SpatialConvolution() argument 45 input_width, input_depth); in SpatialConvolution() 47 input_depth, filter_count); in SpatialConvolution() 52 (input_dims.TotalSize() / input_depth) * filter_count; in SpatialConvolution() 54 num_computed_elements * (input_depth * filter_height * filter_width); in SpatialConvolution() 61 int input_width, int input_depth, in SpatialConvolutionBackwardInput() argument 74 input_width, input_depth); in SpatialConvolutionBackwardInput() 76 input_depth, filter_count); in SpatialConvolutionBackwardInput() 82 num_computed_elements * (input_depth * filter_height * filter_width); in SpatialConvolutionBackwardInput() 89 int input_width, int input_depth, in SpatialConvolutionBackwardKernel() argument [all …]
|
D | conv_ops_fused_image_transform.cc | 111 int input_depth; member 170 int64 input_width, int64 input_depth, int64 top_padding, int64 pad_offset, in CalculatePerCacheLineParameters() argument 185 resize_cache + (cache_index_y * cache_line_width * input_depth); in CalculatePerCacheLineParameters() 202 input_batch_start + (top_y_index * input_width * input_depth); in CalculatePerCacheLineParameters() 204 input_batch_start + (bottom_y_index * input_width * input_depth); in CalculatePerCacheLineParameters() 227 T1* cache_line_start, int64 input_depth, in CalculatePerCachePixelParameters() argument 234 result.cache_line_pixel = cache_line_start + (cache_index_x * input_depth); in CalculatePerCachePixelParameters() 261 int padded_height, int padded_width, int input_depth, in operator ()() argument 269 (input_depth <= 0)) { in operator ()() 272 << padded_width << ", " << input_depth; in operator ()() [all …]
|
D | quantized_conv_ops.cc | 56 int input_depth, int input_offset, const T2* filter_data, in operator ()() argument 134 for (int in_channel = 0; in_channel < input_depth; in operator ()() 145 input_depth) + in operator ()() 146 (in_y * input_width * input_depth) + in operator ()() 147 (in_x * input_depth) + in_channel]; in operator ()() 156 filter_data[(filter_y * filter_width * input_depth * in operator ()() 158 (filter_x * input_depth * filter_count) + in operator ()() 202 int input_depth, int input_offset, const T2* filter_data, in operator ()() argument 223 input_width, input_depth, input_offset, filter_data, in operator ()() 257 const int filter_value_count = filter_width * filter_height * input_depth; in operator ()() [all …]
|
D | spacetodepth_op_gpu.cu.cc | 36 const int input_depth, const int output_height, in S2D_NHWC() argument 41 const int d = inp_idx % input_depth; in S2D_NHWC() 42 const int inp_idx2 = inp_idx / input_depth; in S2D_NHWC() 52 const int offset_d = (offset_h * block_size + offset_w) * input_depth; in S2D_NHWC() 150 const int input_depth = input.dimension(3); in operator ()() local 156 batch_size * input_height * input_width * input_depth; in operator ()() 164 input_height, input_width, input_depth, output_height, output_width, in operator ()() 178 const int input_depth = input.dimension(1); in operator ()() local 189 const int input_depth_by_output_area = input_depth * output_area; in operator ()() 229 input_depth * output_height, output.data())); in operator ()()
|
D | eigen_spatial_convolutions_test.cc | 30 const int input_depth = 7; in TEST() local 39 Tensor<float, 3> input(input_depth, input_rows, input_cols); in TEST() 40 Tensor<float, 4> kernel(output_depth, input_depth, patch_rows, patch_cols); in TEST() 59 for (int id = 0; id < input_depth; ++id) { in TEST() 75 const int input_depth = 7; in TEST() local 84 Tensor<float, 3, RowMajor> input(input_cols, input_rows, input_depth); in TEST() 85 Tensor<float, 4, RowMajor> kernel(patch_cols, patch_rows, input_depth, in TEST() 104 for (int id = 0; id < input_depth; ++id) { in TEST() 194 const int input_depth = 10; in TEST() local 204 Tensor<float, 4> input(input_depth, input_rows, input_cols, num_batches); in TEST() [all …]
|
D | depthtospace_op_gpu.cu.cc | 37 const int input_depth, const int output_height, in D2S_NHWC() argument 56 in_d + input_depth * (in_w + input_width * (in_h + input_height * b)); in D2S_NHWC() 153 const int input_depth = input.dimension(3); in operator ()() local 167 input_height, input_width, input_depth, output_height, output_width, in operator ()() 181 const int input_depth = input.dimension(1); in operator ()() local 186 const int input_depth_by_input_area = input_depth * input_area; in operator ()()
|
/external/tensorflow/tensorflow/core/kernels/neon/ |
D | depthwiseconv_float.h | 38 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 99 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 182 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 191 for (; ic <= input_depth - 16; ic += 16) { 220 for (; ic <= input_depth - 4; ic += 4) { 239 for (; ic < input_depth; ic++) { 251 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 260 for (; ic <= input_depth - 2; ic += 2) { 287 for (; ic < input_depth; ic++) { 318 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | depthwiseconv_float.h | 34 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 95 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 178 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 187 for (; ic <= input_depth - 16; ic += 16) { 218 for (; ic <= input_depth - 4; ic += 4) { 237 for (; ic < input_depth; ic++) { 249 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 258 for (; ic <= input_depth - 2; ic += 2) { 285 for (; ic < input_depth; ic++) { 319 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, [all …]
|
D | depthwiseconv_uint8_3x3_filter.h | 85 static_assert(offsetof(DepthwiseConvParams, input_depth) == OFFSET_INPUT_DEPTH, 187 static_assert(offsetof(DepthwiseConvDotProdParams, input_depth) == 296 int64_t input_depth, int64_t input_row_size, 299 const int64_t input_width_increment = 2 * input_depth; 1193 [input_depth] "r"(input_depth), 1229 int64_t input_depth, int64_t input_row_size, 1232 const int64_t input_width_increment = 2 * input_depth; 2018 [input_depth] "r"(input_depth), 2054 int64_t input_depth, int64_t input_row_size, 2057 const int64_t input_width_increment = 4 * input_depth; [all …]
|
D | multithreaded_conv.h | 89 int input_depth, const T* filter_data, int filter_height, in operator() 104 input_depth); in operator() 105 ConstEigenMatrix filter(filter_data, input_depth, filter_count); in operator() 113 filter_width * filter_height * input_depth; in operator() 125 input_width, input_depth); in operator() 127 input_depth, filter_count); in operator() 161 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in Conv() local 171 input_depth, filter_data, filter_height, filter_width, in Conv()
|
D | im2col_utils.h | 138 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in DilatedIm2col() local 149 const RuntimeShape col_shape({1, filter_height, filter_width, input_depth}); in DilatedIm2col() 178 memcpy(dst, src, input_depth * sizeof(T)); in DilatedIm2col() 181 memset(dst, zero_byte, input_depth * sizeof(T)); in DilatedIm2col() 189 memset(dst, zero_byte, filter_width * input_depth * sizeof(T)); in DilatedIm2col() 210 const int input_depth = input_shape.Dims(3); in Im2col() local 224 pad_width, pad_height, input_width, input_height, input_depth, in Im2col() 247 const int input_depth = input_shape.Dims(3); in Im2col() local 262 pad_width, pad_height, input_width, input_height, input_depth, in Im2col()
|
D | depthwiseconv_3x3_filter_common.h | 259 const int32 input_depth = input_shape.Dims(3); 268 (((input_depth % 8) == 0 && depth_multiplier == 1) || 269 (input_depth == 1 && depth_multiplier > 1)); 313 int64_t input_depth; 340 int64_t input_depth; 403 inline void ShuffleInput(const T* input_ptr, int64_t input_depth, 407 const int64_t input_row_size = input_depth * input_width; 413 ptr += input_depth; 451 const int32 input_depth = input_shape.Dims(3); 464 (input_depth % 8) == 0 && (output_shift <= 0) && [all …]
|
D | depthwiseconv_uint8.h | 38 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 85 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 153 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 223 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 300 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 366 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 480 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 540 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 635 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 705 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/integer_ops/ |
D | depthwise_conv_hybrid_3x3_filter.h | 60 static_assert(offsetof(DepthwiseConvParams, input_depth) == OFFSET_INPUT_DEPTH, 132 float* output_ptr, int64_t input_depth, 137 const int64_t input_width_increment = 2 * input_depth; 1030 [input_depth] "r"(input_depth), 1066 float* output_ptr, int64_t input_depth, 1071 const int64_t input_width_increment = 4 * input_depth; 2036 [input_depth] "r"(input_depth), 2795 int64_t end_depth, int64_t input_depth, int64_t input_row_size, 2803 input_depth, 2868 ptr += params.input_depth; [all …]
|
D | depthwise_conv_3x3_filter.h | 58 static_assert(offsetof(DepthwiseConvParams, input_depth) == OFFSET_INPUT_DEPTH, 115 int8* output_ptr, int64_t input_depth, 119 const int64_t input_width_increment = 2 * input_depth; 933 [input_depth] "r"(input_depth), 970 int8* output_ptr, int64_t input_depth, 974 const int64_t input_width_increment = 4 * input_depth; 1894 [input_depth] "r"(input_depth), 2628 int64_t input_depth, int64_t input_row_size, int32 output_window_height, 2636 input_depth, 2701 ptr += params.input_depth; [all …]
|
D | depthwise_conv.h | 40 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 86 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 153 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 221 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 295 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 358 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 468 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 526 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 618 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 685 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, [all …]
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | depthwise_conv_test.cc | 96 int input_depth = GetShape(input_)[3]; in BaseDepthwiseConvolutionOpModel() local 98 int depth_mul = output_depth / input_depth; in BaseDepthwiseConvolutionOpModel() 466 const int input_depth = 4; in BatchPaddingValidTest() local 473 {input_batch, input_height, input_width, input_depth}}, in BatchPaddingValidTest() 527 const int input_depth = 1; in BatchPaddingSameTest() local 534 {input_batch, input_height, input_width, input_depth}}, in BatchPaddingSameTest() 1060 const int input_depth = 8; in TEST_P() local 1068 {input_batch, input_height, input_width, input_depth}, in TEST_P() 1133 const int input_depth = 8; in TEST_P() local 1141 {input_batch, input_height, input_width, input_depth}, in TEST_P() [all …]
|
D | fully_connected_test.cc | 239 void ShuffleAndSetWeights(const std::vector<float>& data, int input_depth, in ShuffleAndSetWeights() argument 242 CHECK_EQ(input_depth % 16, 0); in ShuffleAndSetWeights() 246 for (int block_i = 0; block_i < input_depth; block_i += 16) { in ShuffleAndSetWeights() 250 data[(block_o + o) * input_depth + block_i + i]; in ShuffleAndSetWeights() 684 TfLiteRegistration* registration, int input_depth, int output_depth, in SimpleTestQuantizedInt16OutputCase() argument 700 {TensorType_UINT8, {batches, input_depth}, kInputMin, kInputMax}, in SimpleTestQuantizedInt16OutputCase() 709 std::vector<float> weights_data(input_depth * output_depth); in SimpleTestQuantizedInt16OutputCase() 724 CHECK_EQ(input_depth % 16, 0); in SimpleTestQuantizedInt16OutputCase() 727 m.ShuffleAndSetWeights<uint8_t>(weights_data, input_depth, output_depth); in SimpleTestQuantizedInt16OutputCase() 734 std::vector<float> input_data(input_depth * batches); in SimpleTestQuantizedInt16OutputCase() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | averagepool_quantized_test.cc | 64 const int input_depth = UniformRandomInt(1, 700); in CreateDataAndRunAveragePool() local 65 const int output_depth = input_depth; in CreateDataAndRunAveragePool() 83 RuntimeShape({batch, input_height, input_width, input_depth}); in CreateDataAndRunAveragePool() 127 const int input_depth = UniformRandomInt(1, 700); in CreateExtremalDataAndRunAveragePool() local 128 const int output_depth = input_depth; in CreateExtremalDataAndRunAveragePool() 149 RuntimeShape({batch, input_height, input_width, input_depth}); in CreateExtremalDataAndRunAveragePool()
|
D | softmax_quantized_test.cc | 162 const int input_depth = ExponentialRandomPositiveInt(0.75f, 175, 500); in TryOneUniformSoftmax() local 171 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneUniformSoftmax() 224 const int input_depth = ExponentialRandomPositiveInt(0.75f, 175, 500); in TryOneUniformSoftmaxInt8() local 233 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneUniformSoftmaxInt8() 255 const int input_depth = small_depth in TryOneSkyscraperSoftmax() local 271 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneSkyscraperSoftmax() 275 FillRandomSkyscraper(&input_data, input_depth, middle_proportion, middle_min, in TryOneSkyscraperSoftmax()
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/ |
D | depthwise_conv.h | 53 const int input_depth = input_shape.Dims(3); in DepthwiseConvPerChannel() local 58 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConvPerChannel() 64 for (int in_channel = 0; in_channel < input_depth; ++in_channel) { in DepthwiseConvPerChannel() 147 const int input_depth = input_shape.Dims(3); in DepthwiseConvHybridPerChannel() local 153 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConvHybridPerChannel() 159 for (int in_channel = 0; in_channel < input_depth; ++in_channel) { in DepthwiseConvHybridPerChannel()
|