/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | depthwiseconv_quantized_test.cc | 109 const RuntimeShape& bias_shape, const int32* bias_data, in DispatchDepthwiseConv() argument 142 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 166 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 200 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 217 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 236 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 245 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 274 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 280 bias_shape, bias_data, output_shape, output_data); in DispatchDepthwiseConv() 293 const RuntimeShape& bias_shape, int stride, PaddingType padding_type, in TestOneDepthwiseConvWithGivenOutputShift() argument [all …]
|
D | depthwiseconv_float_test.cc | 35 const float* filter_data, const RuntimeShape& bias_shape, in TestOneDepthwiseConv() argument 41 filter_data, bias_shape, bias_data, output_shape, in TestOneDepthwiseConv() 44 filter_data, bias_shape, bias_data, output_shape, in TestOneDepthwiseConv()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | bias_ops.cc | 43 const TensorShape bias_shape = ctx->InputShape(1); in Compile() local 48 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(bias_shape), in Compile() 50 bias_shape.DebugString())); in Compile() 61 ctx, bias_shape.dim_size(0) == input_shape.dim_size(feature_dim), in Compile() 65 bias_shape.DebugString(), " vs. ", input_shape.DebugString())); in Compile()
|
/external/tensorflow/tensorflow/lite/toco/graph_transformations/ |
D | fuse_binary_into_preceding_affine.cc | 44 const Shape& bias_shape = bias.shape(); in FuseAddOrSubParamsIntoPrecedingAffine() local 52 const int depth = bias_shape.dims(bias_shape.dimensions_count() - 1); in FuseAddOrSubParamsIntoPrecedingAffine() 56 bias_shape.dims(bias_shape.dimensions_count() - 1)) { in FuseAddOrSubParamsIntoPrecedingAffine() 113 const Shape& bias_shape = bias.shape(); in FuseMulOrDivParamsIntoPrecedingAffine() local 127 bias_shape.dims(bias_shape.dimensions_count() - 1)) { in FuseMulOrDivParamsIntoPrecedingAffine()
|
D | fuse_binary_into_following_affine.cc | 71 const Shape& bias_shape = bias.shape(); in FuseAddOrSubParamsIntoFollowingAffine() local 81 CHECK_EQ(output_depth, bias_shape.dims(bias_shape.dimensions_count() - 1)); in FuseAddOrSubParamsIntoFollowingAffine()
|
/external/tensorflow/tensorflow/contrib/fused_conv/ops/ |
D | fused_conv2d_bias_activation_op.cc | 74 ShapeHandle bias_shape; in __anon4e6e467d0102() local 76 TF_RETURN_IF_ERROR(c->WithRank(c->input(2), 1, &bias_shape)); in __anon4e6e467d0102() 77 DimensionHandle bias_dim = c->Dim(bias_shape, 0); in __anon4e6e467d0102()
|
/external/tensorflow/tensorflow/contrib/fused_conv/python/ops/ |
D | fused_conv2d_bias_activation_benchmark.py | 58 bias_shape = [filter_shape[-1]] 59 bias = variables.Variable(random_ops.truncated_normal(bias_shape)) 103 bias_shape = [filter_shape[-1]] 104 bias = variables.Variable(random_ops.truncated_normal(bias_shape))
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | depthwiseconv_uint8.h | 97 const RuntimeShape& bias_shape, const int32* bias_data, in Run() 128 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in Run() 181 const uint8* filter_data, const RuntimeShape& bias_shape, in DepthwiseConv() argument 187 filter_data, bias_shape, in DepthwiseConv()
|
D | fully_connected.h | 32 const float* weights_data, const RuntimeShape& bias_shape, in FullyConnected() argument 68 const uint8* filter_data, const RuntimeShape& bias_shape, in FullyConnected() argument 117 const uint8* filter_data, const RuntimeShape& bias_shape, in FullyConnected() argument 171 const uint8* shuffled_weights_data, const RuntimeShape& bias_shape, in ShuffledFullyConnected() argument
|
D | depthwiseconv_float.h | 28 const float* filter_data, const RuntimeShape& bias_shape, in DepthwiseConv() argument 54 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConv()
|
/external/tensorflow/tensorflow/python/keras/saving/ |
D | hdf5_format.py | 541 bias_shape = weights[2].shape 544 if bias_shape == (2 * units * n_gates,): 546 elif bias_shape == (units * n_gates,): 549 raise ValueError('Invalid bias shape: ' + str(bias_shape)) 585 bias_shape = weights[2].shape 605 if bias_shape == (2 * units * n_gates,): 607 elif bias_shape == (2, units * n_gates): 609 elif bias_shape == (units * n_gates,): 612 raise ValueError('Invalid bias shape: ' + str(bias_shape))
|
/external/tensorflow/tensorflow/contrib/kernel_methods/python/mappers/ |
D | random_fourier_features.py | 147 bias_shape = [self._output_dim] 155 low=0.0, high=2 * np.pi, size=bias_shape),
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/ |
D | rnn_cell.py | 308 bias_shape = [self._num_units] 350 "input_bias", bias_shape, bias_initializer, 12, maybe_partitioner) 351 self.forget_bias = add_variable_wrapped("forget_bias", bias_shape, 355 "cell_bias", bias_shape, bias_initializer, 14, maybe_partitioner) 357 "output_bias", bias_shape, bias_initializer, 15, maybe_partitioner)
|
/external/tensorflow/tensorflow/core/grappler/optimizers/ |
D | remapper_test.cc | 113 auto bias_shape = ops::Placeholder::Shape({128}); in TEST_F() local 117 auto bias = Placeholder(s.WithOpName("bias"), DT_FLOAT, bias_shape); in TEST_F() 176 auto bias_shape = Placeholder::Shape({128}); in TEST_F() local 180 auto bias = Placeholder(s.WithOpName("bias"), DT_FLOAT, bias_shape); in TEST_F() 397 auto bias_shape = ops::Placeholder::Shape({128}); in TEST_F() local 401 auto bias = Placeholder(s.WithOpName("bias"), DT_FLOAT, bias_shape); in TEST_F()
|
/external/tensorflow/tensorflow/python/keras/ |
D | backend.py | 4940 bias_shape = int_shape(bias) 4941 if len(bias_shape) != 1 and len(bias_shape) != ndim(x) - 1: 4944 (len(bias_shape), ndim(x))) 4948 if len(bias_shape) == 1: 4949 x = x + reshape(bias, (1, bias_shape[0], 1, 1, 1)) 4951 x = x + reshape(bias, (1, bias_shape[3]) + bias_shape[:3]) 4953 if len(bias_shape) == 1: 4954 x = x + reshape(bias, (1, 1, 1, bias_shape[0])) 4956 x = x + reshape(bias, (1,) + bias_shape) 4959 if len(bias_shape) == 1: [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/ |
D | conv.h | 28 const int8* filter_data, const RuntimeShape& bias_shape, in ConvPerChannel() argument 54 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in ConvPerChannel()
|
D | depthwise_conv.h | 26 const int8* filter_data, const RuntimeShape& bias_shape, in DepthwiseConvPerChannel() argument 60 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvPerChannel()
|
D | fully_connected.h | 26 const int8_t* filter_data, const RuntimeShape& bias_shape, in FullyConnected() argument
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | math_test.py | 344 bias_shape = [x_shape[bias_dim]] 346 bias_shape = [2] + bias_shape 347 bias = random_ops.random_uniform(bias_shape)
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | multithreaded_conv.h | 138 const float* filter_data, const RuntimeShape& bias_shape, in Conv() argument 170 output_activation_min, output_activation_max, bias_shape, bias_data, in Conv()
|
D | optimized_ops.h | 189 const RuntimeShape& bias_shape, in AddBiasAndEvalActivationFunction() argument 195 const int bias_size = bias_shape.FlatSize(); in AddBiasAndEvalActivationFunction() 246 const int bias_size = bias_shape.FlatSize(); in AddBiasAndEvalActivationFunction() 297 const RuntimeShape& bias_shape, in GEMVForLstmCell() argument 485 const RuntimeShape& bias_shape, const int32* bias_data, in GEMVForLstmCellWithSymmetricRange() argument 776 const float* weights_data, const RuntimeShape& bias_shape, in FullyConnected() argument 804 output_activation_min, output_activation_max, bias_shape, in FullyConnected() 820 const RuntimeShape& bias_shape, const int32* bias_data, int32 output_offset, in FullyConnectedAsGEMVWorkerImpl() argument 1038 const RuntimeShape& bias_shape, in FullyConnectedAsGEMVWorkerTask() 1051 bias_shape_(bias_shape), in FullyConnectedAsGEMVWorkerTask() [all …]
|
D | depthwiseconv_uint8.h | 1663 const uint8* filter_data, const RuntimeShape& bias_shape, 1956 const uint8* filter_data, const RuntimeShape& bias_shape, 1974 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); 1993 params, input_shape, input_data, filter_shape, filter_data, bias_shape, 2002 filter_shape, filter_data, bias_shape, 2009 const uint8* filter_data, const RuntimeShape& bias_shape, 2013 params, input_shape, input_data, filter_shape, filter_data, bias_shape,
|
/external/tensorflow/tensorflow/cc/gradients/ |
D | nn_grad_test.cc | 220 TensorShape bias_shape({5}); in TEST_F() local 222 auto bias = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(bias_shape)); in TEST_F() 224 RunTest({x, bias}, {shape, bias_shape}, {y}, {shape}); in TEST_F()
|
/external/tensorflow/tensorflow/contrib/lite/kernels/internal/optimized/ |
D | optimized_ops.h | 284 const RuntimeShape& bias_shape, in AddBiasAndEvalActivationFunction() argument 290 const int bias_size = bias_shape.FlatSize(); in AddBiasAndEvalActivationFunction() 341 const int bias_size = bias_shape.FlatSize(); in AddBiasAndEvalActivationFunction() 419 const RuntimeShape& bias_shape, in GEMVForLstmCell() argument 607 const RuntimeShape& bias_shape, const int32* bias_data, in GEMVForLstmCellWithSymmetricRange() argument 898 const float* weights_data, const RuntimeShape& bias_shape, in FullyConnected() argument 924 bias_shape, bias_data, output_shape, in FullyConnected() 965 const RuntimeShape& bias_shape, const int32* bias_data, int32 output_offset, in FullyConnectedAsGEMV() argument 1152 const uint8* filter_data, const RuntimeShape& bias_shape, in FullyConnected() argument 1179 filter_offset, bias_shape, bias_data, output_offset, output_multiplier, in FullyConnected() [all …]
|
/external/tensorflow/tensorflow/lite/experimental/micro/kernels/portable_optimized/ |
D | depthwise_conv.cc | 99 const RuntimeShape& bias_shape, const int32* bias_data, in DepthwiseConvOptimizedForFilterWidthEight() argument 128 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvOptimizedForFilterWidthEight()
|