| /external/tensorflow/tensorflow/core/kernels/mkl/ | 
| D | mkl_qmatmul_op.cc | 540 #define REGISTER_MKL_KERNEL(op, kernel, bias_type, output_type, is_native)   \  argument555 #define TEMPLATE_ARGS(CPUDevice, quint8, qint8, bias_type, output_type, \  argument
 557 #define BIAS_TYPE_CONSTRAINT(bias_type)  argument
 562 #define BIAS_TYPE_CONSTRAINT(bias_type) .TypeConstraint<bias_type>("Tbias")  argument
 576 #define TEMPLATE_ARGS(CPUDevice, quint8, qint8, bias_type, output_type, \  argument
 579 #define BIAS_TYPE_CONSTRAINT(bias_type)  argument
 584 #define BIAS_TYPE_CONSTRAINT(bias_type) .TypeConstraint<bias_type>("Tbias")  argument
 
 | 
| D | mkl_conv_ops.cc | 2213 #define REGISTER_MKL_KERNEL(op, kernel, input_type, bias_type, output_type, \  argument2224 #define REGISTER_MKL_KERNEL_ALL_INPUT_TYPES(op, kernel, bias_type,            \  argument
 2250 #define TEMPLATE_ARGS(CPUDevice, input_type, bias_type, output_type, \  argument
 2252 #define BIAS_TYPE_CONSTRAINT(bias_type)  argument
 2278 #define BIAS_TYPE_CONSTRAINT(bias_type) .TypeConstraint<bias_type>("Tbias")  argument
 2299 #define TEMPLATE_ARGS(CPUDevice, input_type, bias_type, output_type, \  argument
 2303 #define BIAS_TYPE_CONSTRAINT(bias_type)  argument
 2334 #define BIAS_TYPE_CONSTRAINT(bias_type) .TypeConstraint<bias_type>("Tbias")  argument
 
 | 
| /external/tensorflow/tensorflow/compiler/mlir/lite/utils/ | 
| D | arithmetic_count_util.h | 75       auto bias_type =  in GetArithmeticCountForConvAndFullyconnectedOp()  local
 | 
| D | lstm_utils_test.cc | 56   auto bias_type = RankedTensorType::get(bias_shape, builder->getF32Type());  in createLstmCompositeFunc()  local
 | 
| /external/ComputeLibrary/src/core/NEON/kernels/arm_conv/depthwise/kernels/ | 
| D | sve_fp32_nhwc_3x3_s1_output2x2_mla_depthfirst_strided.hpp | 38   typedef float bias_type;  typedef
 | 
| /external/tensorflow/tensorflow/lite/python/optimize/ | 
| D | calibrator.py | 148                              bias_type=dtypes.int32,  argument
 | 
| D | calibration_wrapper.cc | 580   TfLiteType bias_type = python_utils::TfLiteTypeFromPyType(bias_py_type);  in QuantizeModel()  local
 | 
| /external/tensorflow/tensorflow/lite/tools/optimize/ | 
| D | quantize_model.cc | 278                           const TensorType& bias_type,  in QuantizeBias()1544                             const TensorType& bias_type,  in QuantizeBiases()
 1903                            const TensorType& bias_type,  in QuantizeModel()
 1946                            const TensorType& bias_type,  in QuantizeModel()
 1958     const TensorType& bias_type, ErrorReporter* error_reporter) {  in QuantizeModelAllOperators()
 1969     const TensorType& bias_type, bool disable_per_channel,  in QuantizeModelAllOperators()
 
 | 
| D | quantize_model_test.cc | 2042   TensorType bias_type;  member
 | 
| /external/tensorflow/tensorflow/compiler/xla/stream_executor/ | 
| D | lazy_op_runner.h | 145     DataType input_type, bias_type, output_type;  member
 | 
| D | dnn.cc | 144     dnn::DataType element_type, dnn::DataType bias_type,  in GetFusedConvolveRunners()161     dnn::DataType bias_type, dnn::DataType output_type, double conv_scale,  in FusedConvolveRunnerFromDesc()
 
 | 
| D | stream.h | 412       dnn::DataType element_type, dnn::DataType bias_type,  in FusedConvolveRunnerFromDesc()
 | 
| D | stream_executor_pimpl.cc | 316     dnn::DataType input_type, dnn::DataType bias_type,  in GetFusedConvolveRunners()
 | 
| /external/tensorflow/tensorflow/lite/kernels/ | 
| D | fully_connected_test.cc | 140       const TensorType& bias_type = TensorType_FLOAT32,285       const TensorType& bias_type = TensorType_INT32,
 362       const TensorType& bias_type = TensorType_INT32,
 
 | 
| D | conv_test.cc | 88         tflite::TensorType bias_type = TensorType_INT32;  local
 | 
| D | depthwise_conv_test.cc | 82         tflite::TensorType bias_type = TensorType_INT32;  in BaseDepthwiseConvolutionOpModel()  local
 | 
| /external/gemmlowp/meta/generators/ | 
| D | transform_kernels_common.py | 394   def __init__(self, bias_type, cc_emitter, asm_emitter):  argument
 | 
| /external/tensorflow/tensorflow/lite/delegates/nnapi/ | 
| D | nnapi_delegate_signed_quantization_test.cc | 269         tflite::TensorType bias_type = TensorType_INT32;  local
 | 
| D | nnapi_delegate_test.cc | 678     const auto bias_type =  in SetBias()  local1179     const auto bias_type =  in SetBias()  local
 1304     const auto bias_type =  in SetBias()  local
 
 | 
| /external/tensorflow/tensorflow/lite/python/ | 
| D | lite.py | 347   def bias_type(self):  member in QuantizationMode591                 bias_type, allow_float):  argument
 
 | 
| D | lite_v2_test.py | 2514                            bias_type, is_valid_bias_type):  argument
 | 
| /external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/transforms/ | 
| D | device_transform_patterns.cc | 107   auto bias_type =  in EnsureBias()  local
 | 
| /external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ | 
| D | prepare_tf.cc | 231     auto bias_type = RankedTensorType::get({bias_dim}, elem_type);  in matchAndRewrite()  local
 | 
| /external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ | 
| D | legalize_tf.cc | 828   RankedTensorType bias_type =  in matchAndRewrite()  local917   RankedTensorType bias_type =  in matchAndRewrite()  local
 
 | 
| /external/tensorflow/tensorflow/compiler/xla/stream_executor/cuda/ | 
| D | cuda_dnn.cc | 3630     dnn::DataType bias_type, dnn::DataType output_type, double alpha,  in GetCudnnFusedOperationGraph()5065     dnn::DataType bias_type, dnn::DataType output_type, double conv_scale,  in FusedConvolveRunnerFromDesc()
 5139     dnn::DataType input_type, dnn::DataType bias_type,  in GetFusedConvolveRunners()
 5755     dnn::DataType bias_type, dnn::DataType output_type,  in DoFusedConvolve()
 
 |