/external/tensorflow/tensorflow/lite/kernels/internal/optimized/sparse_ops/ |
D | fully_connected.h | 37 const RuntimeShape& bias_shape, const float* bias_data, in FullyConnectedSparseWeight() argument 83 const RuntimeShape& bias_shape, const int32_t* bias_data, in FullyConnectedSparseWeight1x16Impl() argument 119 const RuntimeShape& bias_shape, const float* bias_data, in FullyConnectedSparseWeight1x4Impl() argument 159 const RuntimeShape& bias_shape, const float* bias_data, in FullyConnectedSparseWeight1x4Task() 168 bias_shape(bias_shape), in FullyConnectedSparseWeight1x4Task() 179 bias_shape, bias_data, output_shape, output_data, thread_start, in Run() 190 const RuntimeShape& bias_shape; member 203 const RuntimeShape& bias_shape, const int32_t* bias_data, in FullyConnectedSparseWeight1x16() argument 215 bias_shape, bias_data, output_shape, output_data, 0, batches, in FullyConnectedSparseWeight1x16() 227 const RuntimeShape& bias_shape, const float* bias_data, in FullyConnectedSparseWeight1x4() argument [all …]
|
/external/ComputeLibrary/tests/validation/fixtures/ |
D | FullyConnectedLayerFixture.h | 58 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… 62 ARM_COMPUTE_UNUSED(bias_shape); 70 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, transpose_weight… 71 _reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape); 124 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_target() argument 149 …TensorType bias = create_tensor<TensorType>(bias_shape, _bias_data_type, 1, _quantization_info); in compute_target() 223 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_reference() argument 228 SimpleTensor<TBias> bias{ bias_shape, _bias_data_type, 1, _quantization_info }; in compute_reference() 252 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 255 …ype, AccessorType, FunctionType, T>::setup(input_shape, weights_shape, bias_shape, output_shape, t… in setup() [all …]
|
D | QLSTMLayerNormalizationFixture.h | 48 …void setup(TensorShape input_shape, TensorShape weight_shape, TensorShape bias_shape, DataType dat… in setup() argument 55 _target = compute_target(input_shape, weight_shape, bias_shape); in setup() 56 _reference = compute_reference(input_shape, weight_shape, bias_shape); in setup() 100 …get(const TensorShape &input_shape, const TensorShape &weight_shape, const TensorShape &bias_shape) in compute_target() argument 104 TensorType bias = create_tensor<TensorType>(bias_shape, DataType::S32, 1); in compute_target() 116 …nce(const TensorShape &input_shape, const TensorShape &weight_shape, const TensorShape &bias_shape) in compute_reference() argument 121 SimpleTensor<int32_t> bias{ bias_shape, DataType::S32, 1 }; in compute_reference()
|
D | DirectConvolutionLayerFixture.h | 63 const TensorShape bias_shape(num_kernels); 72 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, info, data_type,… 73 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, info, data_ty… 77 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 88 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, info, data_type,… in setup() 89 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, info, data_ty… in setup() 149 …TensorShape input_shape, TensorShape weights_shape, const TensorShape &bias_shape, TensorShape out… in compute_target() argument 162 … TensorType bias = create_tensor<TensorType>(bias_shape, bias_data_type, 1, quantization_info); in compute_target() 206 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_reference() argument 212 SimpleTensor<TBias> bias{ bias_shape, bias_data_type, 1, quantization_info }; in compute_reference() [all …]
|
D | DeconvolutionLayerFixture.h | 53 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 65 … _target = compute_target(input_shape, weights_shape, bias_shape, output_shape, info, add_bias); in setup() 66 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, info, add_bia… in setup() 153 …(TensorShape input_shape, TensorShape weights_shape, const TensorShape bias_shape, TensorShape out… in compute_target() argument 166 …TensorType bias = create_tensor<TensorType>(bias_shape, _bias_data_type, 1, _input_quantization… in compute_target() 211 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_reference() argument 217 SimpleTensor<TBias> bias{ bias_shape, _bias_data_type, 1, _input_quantization_info }; in compute_reference() 255 const TensorShape bias_shape(num_kernels); in setup() 261 …, AccessorType, FunctionType, T, T>::setup(input_shape, weights_shape, bias_shape, output_shape, i… in setup() 276 const TensorShape bias_shape(num_kernels); in setup() [all …]
|
D | RNNLayerFixture.h | 46 …rShape weights_shape, TensorShape recurrent_weights_shape, TensorShape bias_shape, TensorShape out… in setup() argument 49 …_target = compute_target(input_shape, weights_shape, recurrent_weights_shape, bias_shape, outpu… in setup() 50 …compute_reference(input_shape, weights_shape, recurrent_weights_shape, bias_shape, output_shape, i… in setup() 64 …_shape, const TensorShape &recurrent_weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_target() argument 71 TensorType bias = create_tensor<TensorType>(bias_shape, data_type); in compute_target() 114 …sorShape &weights_shape, const TensorShape &recurrent_weights_shape, const TensorShape &bias_shape, in compute_reference() argument 121 SimpleTensor<T> bias{ bias_shape, data_type }; in compute_reference()
|
D | FFTFixture.h | 138 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… 145 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, info, dilation, … 146 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, info, dilatio… 186 …TensorShape input_shape, TensorShape weights_shape, const TensorShape &bias_shape, TensorShape out… in compute_target() argument 202 …TensorType bias = create_tensor<TensorType>(bias_shape, _data_type, 1, QuantizationInfo(), _dat… in compute_target() 244 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_reference() argument 252 SimpleTensor<T> bias{ bias_shape, _data_type, 1 }; in compute_reference() 275 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 278 …ype, AccessorType, FunctionType, T>::setup(input_shape, weights_shape, bias_shape, output_shape, i… in setup()
|
D | ConvolutionLayerFixture.h | 96 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… 111 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, info, reshape_we… 112 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, info, dilatio… 208 …TensorShape input_shape, TensorShape weights_shape, const TensorShape &bias_shape, TensorShape out… 243 …TensorType bias = create_tensor<TensorType>(bias_shape, _bias_data_type, 1, _quantization_info,… 309 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… 324 SimpleTensor<TBias> bias{ bias_shape, bias_dt, 1, _quantization_info }; 366 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 369 …, AccessorType, FunctionType, T, T>::setup(input_shape, weights_shape, bias_shape, output_shape, i… in setup() 380 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… [all …]
|
D | DirectConvolution3DFixture.h | 53 const TensorShape bias_shape(num_kernels); 58 …_target = compute_target(input_shape, weights_shape, bias_shape, output_shape, conv3d_info, has… 59 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, conv3d_info, … 85 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_target() argument 92 …TensorType bias = has_bias ? create_tensor<TensorType>(bias_shape, bias_data_type, 1, Quantizat… in compute_target() 130 …ape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, const TensorSha… in compute_reference() argument 137 SimpleTensor<TBias> bias{ bias_shape, bias_data_type }; in compute_reference()
|
D | GEMMFixture.h | 240 const TensorShape bias_shape(n, in setup() 244 …_target = compute_target(lhs_shape, rhs_shape, bias_shape, data_type, alpha, beta, broadcast_bi… in setup() 263 …nsorShape &lhs_shape, const TensorShape &rhs_shape, const TensorShape &bias_shape, DataType data_t… in compute_target() argument 269 TensorType bias = create_tensor<TensorType>(bias_shape, data_type, 1); in compute_target() 369 const TensorShape bias_shape(n, 1, 1); in setup() 371 …_target = compute_target(lhs_shape, rhs_shape, bias_shape, data_type, alpha, beta, m_h, fp16_mi… in setup() 386 …nsorShape &lhs_shape, const TensorShape &rhs_shape, const TensorShape &bias_shape, DataType data_t… in compute_target() argument 392 TensorType bias = create_tensor<TensorType>(bias_shape, data_type, 1); in compute_target() 500 const TensorShape bias_shape(n, in setup() 504 …_target = compute_target(lhs_shape, rhs_shape, bias_shape, lhs_info, rhs_info, data_type, alpha… in setup() [all …]
|
/external/ComputeLibrary/tests/validation/fixtures/dynamic_fusion/gpu/cl/ |
D | DirectConv2dFixture.h | 92 …void setup(TensorShape input_shape, TensorShape weights_shape, TensorShape bias_shape, TensorShape… in setup() argument 103 …_target = compute_target(input_shape, weights_shape, bias_shape, conv2d… in setup() 104 … = compute_reference(input_shape, weights_shape, bias_shape, output_shape, c… in setup() 109 …TensorShape input_shape, TensorShape weights_shape, const TensorShape &bias_shape, Conv2dAttribute… in compute_target() argument 124 …TensorInfo bias_info = sketch.create_tensor_info(TensorInfo(bias_shape, 1, _data_type, _data_lay… in compute_target() 169 …ce(const TensorShape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, in compute_reference() argument 175 SimpleTensor<TBias> bias{ bias_shape, _data_type, 1, _quantization_info }; in compute_reference() 207 …nsorShape input_shape, TensorShape weights_shape, TensorShape output_shape, TensorShape bias_shape, in setup() argument 210 …ype, FunctionType, T>::setup(input_shape, weights_shape, output_shape, bias_shape, info, dialation, in setup() 232 const TensorShape bias_shape(num_kernels); in setup() [all …]
|
D | DepthwiseConv2dFixture.h | 87 const TensorShape bias_shape = TensorShape(weights_shape[2]); in setup() local 91 _target = compute_target(input_shape, weights_shape, bias_shape, dwc_conv2d_attr); in setup() 92 …_reference = compute_reference(input_shape, weights_shape, bias_shape, output_shape, dwc_conv2d_… in setup() 119 …TensorShape input_shape, TensorShape weights_shape, const TensorShape &bias_shape, const Depthwise… in compute_target() argument 135 …TensorInfo bias_info = sketch.create_tensor_info(TensorInfo(bias_shape, 1, _data_type, _data_lay… in compute_target() 182 …ce(const TensorShape &input_shape, const TensorShape &weights_shape, const TensorShape &bias_shape, in compute_reference() argument 188 SimpleTensor<TBias> bias{ bias_shape, _data_type, 1 }; in compute_reference()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | bias_ops.cc | 44 const TensorShape bias_shape = ctx->InputShape(1); in Compile() local 49 OP_REQUIRES(ctx, TensorShapeUtils::IsVector(bias_shape), in Compile() 51 bias_shape.DebugString())); in Compile() 62 ctx, bias_shape.dim_size(0) == input_shape.dim_size(feature_dim), in Compile() 66 bias_shape.DebugString(), " vs. ", input_shape.DebugString())); in Compile()
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | depthwiseconv_quantized_test.cc | 127 const RuntimeShape& bias_shape, const int32* bias_data, in DispatchDepthwiseConvGeneral() argument 134 params, input_shape, input_data, filter_shape, filter_data, bias_shape, in DispatchDepthwiseConvGeneral() 143 const int8* filter_data, const RuntimeShape& bias_shape, in DispatchDepthwiseConvGeneral() argument 150 input_data, filter_shape, filter_data, bias_shape, bias_data, in DispatchDepthwiseConvGeneral() 163 const RuntimeShape& bias_shape, const int32* bias_data, in DispatchDepthwiseConvImpl() argument 201 bias_shape, bias_data, output_shape, output_data, in DispatchDepthwiseConvImpl() 209 bias_shape, bias_data, output_shape, output_data, in DispatchDepthwiseConvImpl() 236 bias_shape, bias_data, output_shape, output_data, /*thread_start=*/0, in DispatchDepthwiseConvImpl() 272 bias_shape, bias_data, output_shape, output_data, /*thread_start=*/0, in DispatchDepthwiseConvImpl() 291 bias_shape, bias_data, output_shape, output_data, /*thread_start=*/0, in DispatchDepthwiseConvImpl() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/integer_ops/ |
D | depthwise_conv_hybrid.h | 46 const int8* filter_data, const RuntimeShape& bias_shape, in DepthwiseConvHybridGeneral() argument 265 const RuntimeShape& bias_shape, const float* bias_data, in DepthwiseConvHybridWithRounding() argument 281 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvHybridWithRounding() 304 filter_shape, filter_data, bias_shape, bias_data, output_shape, in DepthwiseConvHybridWithRounding() 315 filter_shape, filter_data, bias_shape, bias_data, output_shape, in DepthwiseConvHybridWithRounding() 324 const RuntimeShape& bias_shape, const float* bias_data, in DepthwiseConvHybridImpl() argument 331 filter_shape, filter_data, bias_shape, bias_data, output_shape, in DepthwiseConvHybridImpl() 344 const RuntimeShape& bias_shape, in DepthwiseConvHybridWorkerTask() 358 bias_shape(bias_shape), in DepthwiseConvHybridWorkerTask() 371 bias_shape, bias_data, output_shape, in Run() [all …]
|
/external/ComputeLibrary/tests/validation/CL/ |
D | LSTMLayerQuantized.cpp | 91 TensorShape bias_shape{ output_size }; in TEST_SUITE() local 101 auto input_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_SUITE() 102 auto forget_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_SUITE() 103 auto cell_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_SUITE() 104 auto output_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_SUITE() 230 TensorShape bias_shape{ output_size }; in TEST_CASE() local 240 auto input_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_CASE() 241 auto forget_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_CASE() 242 auto cell_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_CASE() 243 auto output_gate_bias = create_tensor<CLTensor>(bias_shape, DataType::S32); in TEST_CASE() [all …]
|
/external/ComputeLibrary/tests/validation/NEON/ |
D | LSTMLayerQuantized.cpp | 98 TensorShape bias_shape{ output_size }; in TEST_SUITE() local 108 auto input_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_SUITE() 109 auto forget_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_SUITE() 110 auto cell_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_SUITE() 111 auto output_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_SUITE() 237 TensorShape bias_shape{ output_size }; in TEST_CASE() local 247 auto input_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_CASE() 248 auto forget_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_CASE() 249 auto cell_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_CASE() 250 auto output_gate_bias = create_tensor<Tensor>(bias_shape, DataType::S32); in TEST_CASE() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | depthwiseconv_multithread.h | 40 const T* filter_data, const RuntimeShape& bias_shape, in DepthwiseConvWorkerTask() 49 bias_shape_(bias_shape), in DepthwiseConvWorkerTask() 124 const T* filter_data, const RuntimeShape& bias_shape, in DepthwiseConv() argument 153 filter_data, bias_shape, bias_data, output_shape, in DepthwiseConv() 177 filter_data, bias_shape, bias_data, output_shape, in DepthwiseConv()
|
/external/tensorflow/tensorflow/lite/toco/graph_transformations/ |
D | fuse_binary_into_preceding_affine.cc | 57 const Shape& bias_shape = bias.shape(); in FuseAddOrSubParamsIntoPrecedingAffine() local 65 const int depth = bias_shape.dims(bias_shape.dimensions_count() - 1); in FuseAddOrSubParamsIntoPrecedingAffine() 69 bias_shape.dims(bias_shape.dimensions_count() - 1)) { in FuseAddOrSubParamsIntoPrecedingAffine() 127 const Shape& bias_shape = bias.shape(); in FuseMulOrDivParamsIntoPrecedingAffine() local 141 bias_shape.dims(bias_shape.dimensions_count() - 1)) { in FuseMulOrDivParamsIntoPrecedingAffine()
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | lstm_cell.h | 53 const RuntimeShape bias_shape = in LstmCell() local 82 TFLITE_DCHECK_EQ(FlatSizeSkipDim(bias_shape, 3), 1); in LstmCell() 84 MatchingDim(weights_shape, weights_dim_count - 2, bias_shape, 3); in LstmCell() 108 weights_data, bias_shape, bias_data, activ_temp_shape, in LstmCell() 263 const RuntimeShape bias_shape = in LstmCell() local 288 MatchingDim(weights_shape, weights_dim_count - 2, bias_shape, 3); in LstmCell() 291 TFLITE_DCHECK_EQ(FlatSizeSkipDim(bias_shape, 3), 1); in LstmCell()
|
D | depthwiseconv_uint8.h | 117 const uint8_t* filter_data, const RuntimeShape& bias_shape, in Run() 149 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in Run() 201 const int8_t* filter_data, const RuntimeShape& bias_shape, in RunPerChannel() 236 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in RunPerChannel() 305 const uint8_t* filter_data, const RuntimeShape& bias_shape, in DepthwiseConv() argument 311 filter_data, bias_shape, in DepthwiseConv()
|
D | conv.h | 29 const float* filter_data, const RuntimeShape& bias_shape, in Conv() argument 51 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in Conv() 112 const uint8_t* filter_data, const RuntimeShape& bias_shape, in Conv() argument 141 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in Conv() 207 const RuntimeShape& bias_shape, const float* bias_data, in HybridConvPerChannel() argument 228 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in HybridConvPerChannel()
|
/external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ |
D | fuse_bias_tf.cc | 88 auto bias_shape = bias.getType().dyn_cast<RankedTensorType>().getShape(); in matchAndRewrite() local 92 if (filter_shape.back() != bias_shape.back()) return failure(); in matchAndRewrite() 95 if (bias_shape.size() != 1) return failure(); in matchAndRewrite()
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/ |
D | depthwise_conv.h | 28 const int8_t* filter_data, const RuntimeShape& bias_shape, in DepthwiseConvPerChannel() argument 61 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvPerChannel() 128 const int8_t* filter_data, const RuntimeShape& bias_shape, in DepthwiseConvPerChannel() argument 158 TFLITE_DCHECK_EQ(bias_shape.FlatSize(), output_depth); in DepthwiseConvPerChannel() 214 const RuntimeShape& bias_shape, const float* bias_data, in DepthwiseConvHybridPerChannel() argument 240 const int bias_depth = bias_shape.FlatSize(); in DepthwiseConvHybridPerChannel()
|
/external/tensorflow/tensorflow/python/keras/saving/ |
D | hdf5_format.py | 486 bias_shape = weights[2].shape 489 if bias_shape == (2 * units * n_gates,): 491 elif bias_shape == (units * n_gates,): 494 raise ValueError('Invalid bias shape: ' + str(bias_shape)) 530 bias_shape = weights[2].shape 550 if bias_shape == (2 * units * n_gates,): 552 elif bias_shape == (2, units * n_gates): 554 elif bias_shape == (units * n_gates,): 557 raise ValueError('Invalid bias shape: ' + str(bias_shape))
|