/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | conv.h | 26 const float* input_data, const RuntimeShape& filter_shape, in Conv() argument 40 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in Conv() 46 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in Conv() 47 const int output_depth = MatchingDim(filter_shape, 0, output_shape, 3); in Conv() 53 const int filter_height = filter_shape.Dims(1); in Conv() 54 const int filter_width = filter_shape.Dims(2); in Conv() 82 filter_shape, out_channel, filter_y, filter_x, in_channel)]; in Conv() 102 const uint8_t* input_data, const RuntimeShape& filter_shape, in Conv() argument 126 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in Conv() 129 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in Conv() [all …]
|
D | transpose_conv.h | 27 const float* input_data, const RuntimeShape& filter_shape, in TransposeConv() argument 36 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in TransposeConv() 42 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in TransposeConv() 43 const int output_depth = MatchingDim(filter_shape, 0, output_shape, 3); in TransposeConv() 46 const int filter_height = filter_shape.Dims(1); in TransposeConv() 47 const int filter_width = filter_shape.Dims(2); in TransposeConv() 87 filter_data[Offset(filter_shape, out_channel, filter_y, in TransposeConv() 116 const uint8_t* input_data, const RuntimeShape& filter_shape, in TransposeConv() argument 126 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in TransposeConv() 132 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in TransposeConv() [all …]
|
D | conv3d.h | 25 const float* input_data, const RuntimeShape& filter_shape, in Conv3D() argument 30 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 5); in Conv3D() 34 const int input_num_channels = MatchingDim(input_shape, 4, filter_shape, 3); in Conv3D() 35 const int output_num_channels = MatchingDim(filter_shape, 4, output_shape, 4); in Conv3D() 44 const int filter_width = filter_shape.Dims(2); in Conv3D() 45 const int filter_height = filter_shape.Dims(1); in Conv3D() 46 const int filter_depth = filter_shape.Dims(0); in Conv3D() 88 filter_data[Offset(filter_shape, filter_d, filter_y, in Conv3D()
|
D | depthwiseconv_uint8.h | 94 const uint8_t* input_data, const RuntimeShape& filter_shape, in Run() 113 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in Run() 118 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in Run() 122 const int filter_height = filter_shape.Dims(1); in Run() 123 const int filter_width = filter_shape.Dims(2); in Run() 151 filter_shape, 0, filter_y, filter_x, oc)]; in Run() 178 const int8_t* input_data, const RuntimeShape& filter_shape, in RunPerChannel() 200 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in RunPerChannel() 205 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in RunPerChannel() 209 const int filter_height = filter_shape.Dims(1); in RunPerChannel() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/integer_ops/ |
D | depthwise_conv_hybrid.h | 43 const int8* input_data, const RuntimeShape& filter_shape, in DepthwiseConvHybridGeneral() argument 59 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvHybridGeneral() 63 const int filter_height = filter_shape.Dims(1); in DepthwiseConvHybridGeneral() 64 const int filter_width = filter_shape.Dims(2); in DepthwiseConvHybridGeneral() 141 const int filter_height_stride = filter_shape.Dims(3) * filter_shape.Dims(2); in DepthwiseConvHybridGeneral() 262 const RuntimeShape& filter_shape, const int8* filter_data, in DepthwiseConvHybridWithRounding() argument 274 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in DepthwiseConvHybridWithRounding() 276 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvHybridWithRounding() 294 input_shape, filter_shape, stride_width, stride_height, in DepthwiseConvHybridWithRounding() 302 filter_shape, filter_data, bias_shape, bias_data, output_shape, in DepthwiseConvHybridWithRounding() [all …]
|
D | fully_connected.h | 32 const int8* input_data, const RuntimeShape& filter_shape, in FullyConnected() argument 45 TFLITE_DCHECK_GE(filter_shape.DimensionsCount(), 2); in FullyConnected() 53 const int filter_dim_count = filter_shape.DimensionsCount(); in FullyConnected() 55 const int filter_rows = filter_shape.Dims(filter_dim_count - 2); in FullyConnected() 56 const int filter_cols = filter_shape.Dims(filter_dim_count - 1); in FullyConnected() 57 TFLITE_DCHECK_EQ(filter_shape.FlatSize(), filter_rows * filter_cols); in FullyConnected()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | conv_op_helpers.cc | 49 const xla::Shape& filter_shape) { in GroupedFilterShapeForDepthwiseConvolution() argument 50 int64 input_feature_dim = filter_shape.dimensions_size() - 2; in GroupedFilterShapeForDepthwiseConvolution() 51 int64 output_feature_dim = filter_shape.dimensions_size() - 1; in GroupedFilterShapeForDepthwiseConvolution() 52 int64 depthwise_multiplier = filter_shape.dimensions(output_feature_dim); in GroupedFilterShapeForDepthwiseConvolution() 53 int64 input_feature = filter_shape.dimensions(input_feature_dim); in GroupedFilterShapeForDepthwiseConvolution() 56 xla::Shape grouped_filter_shape = filter_shape; in GroupedFilterShapeForDepthwiseConvolution() 65 xla::XlaOp filter, const xla::Shape& filter_shape, int64 num_groups, in TransposeFilterForGroupConvolutionBackpropInput() argument 69 int num_dims = filter_shape.dimensions_size(); in TransposeFilterForGroupConvolutionBackpropInput() 71 xla::Shape new_shape = filter_shape; in TransposeFilterForGroupConvolutionBackpropInput() 73 new_shape.add_dimensions(filter_shape.dimensions(num_dims - 1) / num_groups); in TransposeFilterForGroupConvolutionBackpropInput() [all …]
|
/external/tensorflow/tensorflow/core/kernels/mkl/ |
D | mkl_conv_ops.h | 193 const TensorShape& filter_shape, in GetFilterSizeInMklOrder() argument 198 OP_REQUIRES(context_, filter_shape.dims() == strides_.size(), in GetFilterSizeInMklOrder() 202 filter_shape.DebugString())); in GetFilterSizeInMklOrder() 206 FastBoundsCheck(filter_shape.dim_size(i), in GetFilterSizeInMklOrder() 214 OP_REQUIRES(context_, input_depth == filter_shape.dim_size(2), in GetFilterSizeInMklOrder() 217 input_depth, " vs ", filter_shape.dim_size(2))); in GetFilterSizeInMklOrder() 221 static_cast<int>(filter_shape.dim_size(TF_2DFILTER_DIM_H)); in GetFilterSizeInMklOrder() 223 static_cast<int>(filter_shape.dim_size(TF_2DFILTER_DIM_W)); in GetFilterSizeInMklOrder() 225 static_cast<int>(filter_shape.dim_size(TF_2DFILTER_DIM_I)); in GetFilterSizeInMklOrder() 227 static_cast<int>(filter_shape.dim_size(TF_2DFILTER_DIM_O)); in GetFilterSizeInMklOrder() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/ |
D | conv.h | 27 const int8_t* input_data, const RuntimeShape& filter_shape, in ConvPerChannel() argument 48 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in ConvPerChannel() 51 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in ConvPerChannel() 52 const int output_depth = MatchingDim(filter_shape, 0, output_shape, 3); in ConvPerChannel() 60 const int filter_height = filter_shape.Dims(1); in ConvPerChannel() 61 const int filter_width = filter_shape.Dims(2); in ConvPerChannel() 89 filter_shape, out_channel, filter_y, filter_x, in_channel)]; in ConvPerChannel() 132 const int16_t* input_data, const RuntimeShape& filter_shape, in ConvPerChannel() argument 151 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in ConvPerChannel() 154 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in ConvPerChannel() [all …]
|
D | depthwise_conv.h | 25 const int8_t* input_data, const RuntimeShape& filter_shape, in DepthwiseConvPerChannel() argument 45 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in DepthwiseConvPerChannel() 50 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvPerChannel() 54 const int filter_height = filter_shape.Dims(1); in DepthwiseConvPerChannel() 55 const int filter_width = filter_shape.Dims(2); in DepthwiseConvPerChannel() 83 filter_shape, 0, filter_y, filter_x, output_channel)]; in DepthwiseConvPerChannel() 125 const int16_t* input_data, const RuntimeShape& filter_shape, in DepthwiseConvPerChannel() argument 142 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in DepthwiseConvPerChannel() 147 const int output_depth = MatchingDim(filter_shape, 3, output_shape, 3); in DepthwiseConvPerChannel() 151 const int filter_height = filter_shape.Dims(1); in DepthwiseConvPerChannel() [all …]
|
D | fully_connected.h | 25 const int8_t* input_data, const RuntimeShape& filter_shape, in FullyConnected() argument 36 TFLITE_DCHECK_GE(filter_shape.DimensionsCount(), 2); in FullyConnected() 40 const int filter_dim_count = filter_shape.DimensionsCount(); in FullyConnected() 43 TFLITE_DCHECK_LE(output_depth, filter_shape.Dims(filter_dim_count - 2)); in FullyConnected() 44 const int accum_depth = filter_shape.Dims(filter_dim_count - 1); in FullyConnected() 67 const int16_t* input_data, const RuntimeShape& filter_shape, in FullyConnected() argument 76 TFLITE_DCHECK_GE(filter_shape.DimensionsCount(), 2); in FullyConnected() 80 const int filter_dim_count = filter_shape.DimensionsCount(); in FullyConnected() 83 TFLITE_DCHECK_LE(output_depth, filter_shape.Dims(filter_dim_count - 2)); in FullyConnected() 84 const int accum_depth = filter_shape.Dims(filter_dim_count - 1); in FullyConnected()
|
D | transpose_conv.h | 27 const int8_t* input_data, const RuntimeShape& filter_shape, in TransposeConv() argument 37 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in TransposeConv() 43 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in TransposeConv() 44 const int output_depth = MatchingDim(filter_shape, 0, output_shape, 3); in TransposeConv() 50 const int filter_height = filter_shape.Dims(1); in TransposeConv() 51 const int filter_width = filter_shape.Dims(2); in TransposeConv() 86 filter_data[Offset(filter_shape, out_channel, filter_y, in TransposeConv() 126 const int16_t* input_data, const RuntimeShape& filter_shape, in TransposeConv() argument 136 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in TransposeConv() 142 const int input_depth = MatchingDim(input_shape, 3, filter_shape, 3); in TransposeConv() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | cudnn_deterministic_base.py | 74 def _random_out_op(self, in_shape, filter_shape, strides, padding): argument 78 filter_op = self._random_data_op(filter_shape) 99 filter_shape = FilterShape3D( 102 filter_op = self._random_data_op(filter_shape) 119 filter_shape = FilterShape2D( 124 out_op = self._random_out_op(in_shape, filter_shape, strides, padding) 126 in_op, filter_shape, out_op, strides=strides, padding=padding) 133 filter_shape = FilterShape2D( 135 filter_op = self._random_data_op(filter_shape) 138 out_op = self._random_out_op(in_shape, filter_shape, strides, padding)
|
D | conv2d_backprop_filter_grad_test.py | 49 filter_shape = [3, 3, 4, 6] 54 array_ops.zeros(filter_shape), 63 filter_shape, 69 output, filter_shape) 92 filter_shape = [3, 3, 4, 6] 97 array_ops.zeros(filter_shape), 107 filter_shape, 114 output, filter_shape)
|
D | conv_ops_3d_test.py | 226 filter_shape=filter_in.shape, 232 filter_shape=filter_in.shape, 391 filter_shape = [3, 3, 3, 32, 64] 400 filter_data, shape=filter_shape, dtype=data_type, name="filter") 464 self, batch, input_shape, filter_shape, in_depth, out_depth, stride, argument 468 filter_planes, filter_rows, filter_cols = filter_shape 471 filter_shape = [ 496 for x in filter_shape: 516 filter_data, shape=filter_shape, dtype=data_type, name="filter") 543 filter_tensor, filter_shape, conv, output_shape) [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | depthwiseconv_multithread.h | 37 const RuntimeShape& filter_shape, in DepthwiseConvWorkerTask() 45 filter_shape_(filter_shape), in DepthwiseConvWorkerTask() 80 const RuntimeShape& filter_shape) { in HowManyConvThreads() argument 84 const int filter_height = filter_shape.Dims(1); in HowManyConvThreads() 85 const int filter_width = filter_shape.Dims(2); in HowManyConvThreads() 121 const RuntimeShape& filter_shape, in DepthwiseConv() argument 129 TFLITE_DCHECK_EQ(filter_shape.DimensionsCount(), 4); in DepthwiseConv() 132 int thread_count = HowManyConvThreads(output_shape, filter_shape); in DepthwiseConv() 150 DepthwiseConvImpl(params, input_shape, input_data, filter_shape, in DepthwiseConv() 174 tasks.emplace_back(params, input_shape, input_data, filter_shape, in DepthwiseConv()
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | convolution_test.cc | 118 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>({1, 1, 1, 2}); in RunTest() local 120 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in RunTest() 149 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>({1, 1, 2, 2}); in RunTest() local 151 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in RunTest() 183 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>({1, 1, 2, 2}); in RunTest() local 185 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in RunTest() 219 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>({1, 1, 3, 3}); in RunTest() local 221 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in RunTest() 248 Shape filter_shape = ShapeUtil::MakeShape(F32, filter_dims); in XLA_TEST_F() local 251 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in XLA_TEST_F() [all …]
|
D | convolution_test_1d.cc | 87 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>(filter_dims); in TestImpl() local 90 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in TestImpl() 112 std::vector<T> filter_elems(ShapeUtil::ElementsIn(filter_shape), in TestImpl() 211 Shape filter_shape = ShapeUtil::MakeShape(F32, {1, 2, 2}); in XLA_TEST_F() local 213 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in XLA_TEST_F() 241 Shape filter_shape = ShapeUtil::MakeShapeWithType<T>({1, 2, 2}); in RunTest() local 243 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in RunTest() 277 Shape filter_shape = ShapeUtil::MakeShape(F32, {1, 2, 2}); in XLA_TEST_F() local 279 auto filter = Parameter(&builder, 1, filter_shape, "filter"); in XLA_TEST_F() 308 Shape filter_shape = ShapeUtil::MakeShape(F32, {1, 2, 2}); in XLA_TEST_F() local [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | conv_grad_shape_utils.cc | 55 const TensorShape& filter_shape, const TensorShape& output_shape, in ConvBackpropExtractAndVerifyDimension() argument 60 dim->filter_size = filter_shape.dim_size(filter_spatial_dim); in ConvBackpropExtractAndVerifyDimension() 96 const TensorShape& filter_shape, const TensorShape& out_backprop_shape, in ConvBackpropComputeDimensionsV2() argument 106 if (filter_shape.dims() != num_dims) { in ConvBackpropComputeDimensionsV2() 129 << filter_shape.dim_size(num_dims - 2); in ConvBackpropComputeDimensionsV2() 130 if (dims->in_depth % filter_shape.dim_size(num_dims - 2)) { in ConvBackpropComputeDimensionsV2() 134 dims->out_depth = filter_shape.dim_size(num_dims - 1); in ConvBackpropComputeDimensionsV2() 148 label, input_shape, filter_shape, out_backprop_shape, dilations, in ConvBackpropComputeDimensionsV2() 157 const TensorShape& filter_shape, in ConvBackpropComputeDimensions() argument 164 label, num_spatial_dims, input_shape, filter_shape, out_backprop_shape, in ConvBackpropComputeDimensions() [all …]
|
/external/tensorflow/tensorflow/lite/testing/op_tests/ |
D | conv.py | 92 filter_shape = filter_size + [ 95 return [input_shape, filter_shape] 99 input_shape, filter_shape = get_tensor_shapes(parameters) 107 np.float32, filter_shape, min_value=-10, max_value=10) 111 dtype=tf.float32, name="filter", shape=filter_shape) 126 input_shape, filter_shape = get_tensor_shapes(parameters) 131 values.append(create_tensor_data(np.float32, filter_shape))
|
D | depthwiseconv.py | 90 filter_shape = filter_size + [ 93 return [input_shape, filter_shape] 97 input_shape, filter_shape = get_tensor_shapes(parameters) 104 filter_input = create_tensor_data(np.float32, filter_shape) 108 dtype=tf.float32, name="filter", shape=filter_shape) 128 input_shape, filter_shape = get_tensor_shapes(parameters) 135 np.float32, filter_shape, min_value=-1, max_value=1))
|
D | transpose_conv.py | 118 filter_shape = filter_size + [ 121 return [input_shape, filter_shape] 126 input_shape, filter_shape = get_tensor_shapes(parameters) 131 dtype=tf.float32, name="filter", shape=filter_shape) 152 np.float32, filter_shape, min_value=-1, max_value=1) 154 filter_input = create_tensor_data(np.float32, filter_shape) 181 input_shape, filter_shape = get_tensor_shapes(parameters) 185 create_tensor_data(np.float32, filter_shape)
|
D | conv_activation.py | 80 filter_shape = filter_size + [ 83 return [input_shape, filter_shape] 87 input_shape, filter_shape = get_tensor_shapes(parameters) 95 np.float32, filter_shape, min_value=-10, max_value=10) 99 dtype=tf.float32, name="filter", shape=filter_shape) 115 input_shape, filter_shape = get_tensor_shapes(parameters) 121 values.append(create_tensor_data(np.float32, filter_shape))
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | depthwiseconv_quantized_test.cc | 124 const RuntimeShape& filter_shape, in DispatchDepthwiseConvGeneral() argument 134 params, input_shape, input_data, filter_shape, filter_data, bias_shape, in DispatchDepthwiseConvGeneral() 142 const int8* input_data, const RuntimeShape& filter_shape, in DispatchDepthwiseConvGeneral() argument 150 input_data, filter_shape, filter_data, bias_shape, bias_data, in DispatchDepthwiseConvGeneral() 160 const RuntimeShape& filter_shape, in DispatchDepthwiseConvImpl() argument 184 input_shape, filter_shape, stride_width, stride_height, in DispatchDepthwiseConvImpl() 200 params, input_shape, input_data, filter_shape, filter_data, in DispatchDepthwiseConvImpl() 208 params, input_shape, input_data, filter_shape, filter_data, in DispatchDepthwiseConvImpl() 227 input_shape, filter_shape, output_shape, params); in DispatchDepthwiseConvImpl() 235 params, input_shape, input_data, filter_shape, filter_data, in DispatchDepthwiseConvImpl() [all …]
|
/external/tensorflow/tensorflow/lite/micro/kernels/arc_mli/ |
D | depthwise_conv_slicing_test.cc | 200 const int filter_shape[] = {4, 2, 3, 3, 2}; in TF_LITE_MICRO_TEST() local 228 filter_shape, filter_values, filter_quantized, bias_shape, bias_values, in TF_LITE_MICRO_TEST() 237 const int filter_shape[] = {4, 2, 3, 3, 2}; in TF_LITE_MICRO_TEST() local 271 filter_shape, filter_values, filter_quantized, bias_shape, bias_values, in TF_LITE_MICRO_TEST() 286 const int filter_shape[] = {4, 2, 3, 3, 2}; in TF_LITE_MICRO_TEST() local 318 filter_shape, filter_values, filter_quantized, bias_shape, bias_values, in TF_LITE_MICRO_TEST() 327 const int filter_shape[] = {4, 2, 3, 3, 2}; in TF_LITE_MICRO_TEST() local 368 filter_shape, filter_values, filter_quantized, bias_shape, bias_values, in TF_LITE_MICRO_TEST() 381 const int filter_shape[] = {4, 1, 3, 3, 10}; in TF_LITE_MICRO_TEST() local 410 filter_shape, filter_values, filter_quantized, bias_shape, bias_values, in TF_LITE_MICRO_TEST() [all …]
|