/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 | 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 | 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_batch_norm_op_test.cc | 66 const int input_depth = 2; in TEST_F() local 68 {input_batch, input_height, input_width, input_depth}); in TEST_F() 75 Tensor mean_float(DT_FLOAT, {input_depth}); in TEST_F() 81 Tensor variance_float(DT_FLOAT, {input_depth}); in TEST_F() 87 Tensor beta_float(DT_FLOAT, {input_depth}); in TEST_F() 93 Tensor gamma_float(DT_FLOAT, {input_depth}); in TEST_F() 122 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F() 163 const int input_depth = 2; in TEST_F() local 165 {input_batch, input_height, input_width, input_depth}); in TEST_F() 172 Tensor mean_float(DT_FLOAT, {input_depth}); in TEST_F() [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 | 38 const int input_depth, const int output_height, in D2S_NHWC() argument 57 in_d + input_depth * (in_w + input_width * (in_h + input_height * b)); in D2S_NHWC() 154 const int input_depth = input.dimension(3); in operator ()() local 168 input_height, input_width, input_depth, output_height, output_width, in operator ()() 182 const int input_depth = input.dimension(1); in operator ()() local 187 const int input_depth_by_input_area = input_depth * input_area; in operator ()()
|
D | spacetodepth_op.cc | 88 const int input_depth = in Compute() local 101 const int output_depth = input_depth * block_size_ * block_size_; in Compute() 157 const int input_depth = input.dimension(3); in operator ()() local 166 const int offset_d = (offset_h * block_size + offset_w) * input_depth; in operator ()() 167 for (int d = 0; d < input_depth; ++d) { in operator ()()
|
D | depthtospace_op.cc | 88 const int input_depth = in Compute() local 96 context, input_depth % block_size_sq == 0, in Compute() 97 errors::InvalidArgument("Input depth dimension ", input_depth, in Compute() 100 const int output_depth = input_depth / block_size_sq; in Compute()
|
/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 | multithreaded_conv.h | 89 int input_width, int input_depth, const T* filter_data, 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() 154 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in Conv() local 164 input_width, input_depth, filter_data, filter_height, in Conv()
|
D | depthwiseconv_uint8.h | 37 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 84 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 152 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 222 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 299 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 365 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 479 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 539 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 634 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, 704 static void Run(int num_output_pixels, int input_depth, int depth_multiplier, [all …]
|
D | depthwiseconv_uint8_3x3_filter.h | 229 const int32 input_depth = input_shape.Dims(3); 239 (((input_depth % 8) == 0 && depth_multiplier == 1) || 240 (input_depth == 1 && depth_multiplier > 1)); 278 int64_t input_depth; 320 static_assert(offsetof(DepthwiseConvParams, input_depth) == OFFSET_INPUT_DEPTH, 381 int64_t input_depth; 423 int64_t input_depth, int64_t input_row_size, 426 const int64_t input_width_increment = 2 * input_depth; 1372 [input_depth] "r"(input_depth), 1407 int64_t input_depth, int64_t input_row_size, [all …]
|
/external/tensorflow/tensorflow/contrib/model_pruning/python/layers/ |
D | layers_test.py | 46 input_depth, output_depth = 8, 32 47 input_tensor = array_ops.ones((8, self.height, self.width, input_depth)) 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 96 input_tensor = array_ops.ones((5, input_depth)) 102 [input_depth, output_depth]) 107 [input_depth, output_depth])
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | fully_connected_test.cc | 229 void ShuffleAndSetWeights(const std::vector<float>& data, int input_depth, in ShuffleAndSetWeights() argument 232 CHECK_EQ(input_depth % 16, 0); in ShuffleAndSetWeights() 236 for (int block_i = 0; block_i < input_depth; block_i += 16) { in ShuffleAndSetWeights() 240 data[(block_o + o) * input_depth + block_i + i]; in ShuffleAndSetWeights() 549 TfLiteRegistration* registration, int input_depth, int output_depth, in SimpleTestQuantizedInt16OutputCase() argument 565 {TensorType_UINT8, {batches, input_depth}, kInputMin, kInputMax}, in SimpleTestQuantizedInt16OutputCase() 573 std::vector<float> weights_data(input_depth * output_depth); in SimpleTestQuantizedInt16OutputCase() 588 CHECK_EQ(input_depth % 16, 0); in SimpleTestQuantizedInt16OutputCase() 591 m.ShuffleAndSetWeights<uint8_t>(weights_data, input_depth, output_depth); in SimpleTestQuantizedInt16OutputCase() 598 std::vector<float> input_data(input_depth * batches); in SimpleTestQuantizedInt16OutputCase() [all …]
|
/external/tensorflow/tensorflow/contrib/distributions/python/ops/bijectors/ |
D | masked_autoregressive.py | 411 input_depth = tensor_shape.dimension_value( 413 if input_depth is None: 417 mask = _gen_mask(num_blocks, input_depth, units, 527 input_depth = tensor_shape.dimension_value( 529 if input_depth is None: 538 num_blocks=input_depth, 545 units=(1 if shift_only else 2) * input_depth, 546 num_blocks=input_depth,
|
/external/tensorflow/tensorflow/contrib/seq2seq/python/kernel_tests/ |
D | decoder_v2_test.py | 43 input_depth = 7 50 input_depth).astype(np.float32) 53 input_depth).astype(np.float32) 120 input_depth = 7 126 input_depth).astype(np.float32)
|
D | decoder_test.py | 42 input_depth = 7 49 input_depth).astype(np.float32) 52 input_depth).astype(np.float32) 124 input_depth = 7 130 input_depth).astype(np.float32)
|
D | basic_decoder_test.py | 46 input_depth = 7 52 input_depth).astype(np.float32) 132 input_depth = 10 138 input_depth).astype(np.float32) 204 input_depth = 10 214 input_depth).astype(np.float32) 275 input_depth = 7 280 batch_size, max_time, input_depth).astype(np.float32) 282 vocabulary_size, input_depth).astype(np.float32) 327 self.assertEqual((batch_size, input_depth), [all …]
|
D | basic_decoder_v2_test.py | 49 input_depth = 7 55 input_depth).astype(np.float32) 134 input_depth = 10 140 input_depth).astype(np.float32) 210 input_depth = 10 217 input_depth).astype(np.float32) 281 input_depth = 7 286 batch_size, max_time, input_depth).astype(np.float32) 289 vocabulary_size, input_depth).astype(np.float32) 333 self.assertEqual((batch_size, input_depth), [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | softmax_quantized_test.cc | 154 const int input_depth = ExponentialRandomPositiveInt(0.75f, 175, 500); in TryOneUniformSoftmax() local 163 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneUniformSoftmax() 185 const int input_depth = small_depth in TryOneSkyscraperSoftmax() local 201 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneSkyscraperSoftmax() 205 FillRandomSkyscraper(&input_data, input_depth, middle_proportion, middle_min, in TryOneSkyscraperSoftmax()
|
/external/tensorflow/tensorflow/lite/experimental/micro/kernels/portable_optimized/ |
D | depthwise_conv.cc | 122 const int input_depth = input_shape.Dims(3); in DepthwiseConvOptimizedForFilterWidthEight() local 127 TFLITE_DCHECK_EQ(output_depth, input_depth * depth_multiplier); in DepthwiseConvOptimizedForFilterWidthEight() 132 output_depth * filter_width * filter_height * input_depth; in DepthwiseConvOptimizedForFilterWidthEight() 167 for (int ic = 0; ic < input_depth; ++ic) { in DepthwiseConvOptimizedForFilterWidthEight() 247 current_input += input_depth; in DepthwiseConvOptimizedForFilterWidthEight() 342 const int input_depth = GetTensorShape(input).Dims(3); in EvalQuantized() local 346 output_depth * filter_width * filter_height * input_depth; in EvalQuantized() 349 (input_depth == 1) && (needed_size <= kReshapedFilterDataSize)) { in EvalQuantized()
|