Home
last modified time | relevance | path

Searched defs:bias (Results 1 – 25 of 1368) sorted by relevance

12345678910>>...55

/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_cpu_select_algorithm.py156 self, batch_size, in_features, out_features, bias, input_3d, dtype argument
159 def __init__(self, bias): argument
191 def test_linear_wgt_multi_users(self, in_features, out_features, bias, dtype): argument
193 def __init__(self, bias): argument
216 def test_linear_input_transpose(self, bias, dtype): argument
222 def __init__(self, bias): argument
266 self, batch_size, in_features, out_features, bias, epilogue, dtype argument
269 def __init__(self, bias, epilogue, other): argument
349 self, batch_size, in_features, out_features, bias, epilogue, dtype argument
352 def __init__(self, bias, epilogue, other): argument
[all …]
/aosp_15_r20/external/executorch/kernels/test/
H A Dop_native_batch_norm_test.cpp26 const exec_aten::optional<exec_aten::Tensor>& bias, in op_native_batch_norm_legit_no_training_out()
55 const exec_aten::optional<exec_aten::Tensor>& bias, in op_native_batch_norm_legit_out()
87 const exec_aten::optional<exec_aten::Tensor>& bias, in op_native_batch_norm_legit_no_stats_out()
132 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
255 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
433 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
593 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
725 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
843 exec_aten::optional<exec_aten::Tensor> bias; in TEST_F() local
916 exec_aten::optional<exec_aten::Tensor> bias = in TEST_F() local
[all …]
H A Dop_convolution_test.cpp30 const optional<Tensor>& bias, in op_convolution_out()
116 optional<Tensor> bias(tf.make({4}, {1.0, 1.0, 1.0, 1.0})); in test_dynamic_shape() local
155 auto bias = tf.ones({4}); in TEST_F() local
208 optional<Tensor> bias(tf.make({4}, {1.0, 1.0, 1.0, 1.0})); in TEST_F() local
281 optional<Tensor> bias(tf.make({4}, {1.0, 1.0, 1.0, 1.0})); in TEST_F() local
365 optional<Tensor> bias(tf.make({2}, {1.0, 1.0})); variable
429 optional<Tensor> bias(tf.make({2}, {1.0, 1.0})); variable
481 optional<Tensor> bias; in TEST_F() local
524 optional<Tensor> bias; in TEST_F() local
558 Tensor bias = tf.make({3}, {1, 2, 3}); in TEST_F() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DConvolution.cpp257 at::Tensor bias = at::zeros({4, 1, L4}, weight_in.options()); in rearrange_bias() local
261 at::Tensor bias = bias_in->clone(); in rearrange_bias() local
546 const std::optional<Tensor>& bias, in pack_biases()
632 const std::optional<Tensor>& bias, in bias_valid()
659 const std::optional<Tensor>& bias, in available()
768 const std::optional<Tensor>& bias, in convolution()
840 Tensor bias; in run_conv1d_context_impl() local
920 const std::optional<Tensor>& bias, in Conv2dPackedContext()
1016 std::optional<Tensor>&& bias, in create_conv2d_context()
1039 std::optional<Tensor>&& bias, in create_tconv2d_context()
[all …]
/aosp_15_r20/external/pytorch/torch/ao/nn/quantized/modules/
H A Dconv.py50 bias=True, argument
69 bias, argument
124 def bias(self): member in _ConvNd
452 def bias(self): member in Conv1d
536 bias=True, argument
582 def bias(self): member in Conv2d
665 bias=True, argument
712 def bias(self): member in Conv3d
760 bias, argument
928 bias=True, argument
[all …]
/aosp_15_r20/hardware/invensense/6515/libsensors_iio/software/core/mllite/
H A Ddata_builder.c691 void inv_apply_calibration(struct inv_single_sensor_t *sensor, const long *bias) in inv_apply_calibration()
715 void inv_get_compass_bias(long *bias) in inv_get_compass_bias()
726 void inv_set_compass_bias(const long *bias, int accuracy) in inv_set_compass_bias()
755 void inv_set_accel_bias(const long *bias) in inv_set_accel_bias()
782 void inv_set_accel_bias_mask(const long *bias, int accuracy, int mask) in inv_set_accel_bias_mask()
816 void inv_set_gyro_bias(const long *bias) in inv_set_gyro_bias()
837 void inv_set_mpl_gyro_bias(const long *bias, int accuracy) in inv_set_mpl_gyro_bias()
889 void inv_get_mpl_gyro_bias(long *bias, long *temp) in inv_get_mpl_gyro_bias()
905 void inv_get_gyro_bias_dmp_units(long *bias) in inv_get_gyro_bias_dmp_units()
921 void inv_get_gyro_bias(long *bias) in inv_get_gyro_bias()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/xnnpack/
H A DLinear.cpp17 const std::optional<Tensor>& bias, in available()
52 const Tensor& bias, in create_and_run()
68 const std::optional<Tensor>& bias, in create()
176 std::optional<Tensor> bias, in createLinearClampPrePackOpContext()
193 const auto& bias = std::get<1>(tuple); in unpack_prepacked_sizes_linear() local
204 const Tensor& bias) { in use_linear()
217 const Tensor& bias) { in linear()
/aosp_15_r20/hardware/invensense/65xx/libsensors_iio/software/core/mllite/
H A Ddata_builder.c486 void inv_apply_calibration(struct inv_single_sensor_t *sensor, const long *bias) in inv_apply_calibration()
510 void inv_get_compass_bias(long *bias) in inv_get_compass_bias()
521 void inv_set_compass_bias(const long *bias, int accuracy) in inv_set_compass_bias()
550 void inv_set_accel_bias(const long *bias) in inv_set_accel_bias()
577 void inv_set_accel_bias_mask(const long *bias, int accuracy, int mask) in inv_set_accel_bias_mask()
602 void inv_set_gyro_bias(const long *bias) in inv_set_gyro_bias()
623 void inv_set_mpl_gyro_bias(const long *bias, int accuracy) in inv_set_mpl_gyro_bias()
675 void inv_get_mpl_gyro_bias(long *bias, long *temp) in inv_get_mpl_gyro_bias()
691 void inv_get_gyro_bias_dmp_units(long *bias) in inv_get_gyro_bias_dmp_units()
707 void inv_get_gyro_bias(long *bias) in inv_get_gyro_bias()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DConvolution.cpp657 const c10::ArrayRef<T>& weight_sizes, const at::Tensor& bias, in check_shape_forward()
776 const Tensor& bias) { in check_input_same_type_as_parameters()
795 const Tensor& bias, in check_input_same_type_as_parameters()
848 const Tensor& bias, in complex_convolution()
891 auto bias = bias_opt.value_or(Tensor()); in complex_convolution_mode() local
920 const Tensor& bias = *bias_maybe_owned; in conv1d_symint() local
945 const Tensor& bias = *bias_maybe_owned; in conv2d_symint() local
970 const Tensor& bias = *bias_maybe_owned; in conv3d_symint() local
992 const Tensor &input, const Tensor &weight, const Tensor &bias, in convolution_same()
1062 const Tensor& bias = *bias_maybe_owned; in _convolution_mode_symint() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/
H A Dqlinear_prepack.cpp66 std::optional<at::Tensor> bias) { in prepack()
192 std::optional<at::Tensor> bias) { in prepack()
219 std::optional<at::Tensor> bias) { in prepack()
368 const at::Tensor& bias, in wrapped_quantized_linear()
424 [[maybe_unused]] const at::Tensor& bias, in wrapped_quantized_linear_meta()
447 const at::Tensor& bias) { in _wrapped_linear_prepack()
518 [[maybe_unused]] const at::Tensor& bias) { in _wrapped_linear_prepack_meta()
568 std::optional<Tensor> bias) { in run()
599 std::optional<Tensor> bias) { in run()
640 [[maybe_unused]] std::optional<Tensor> bias) { in run()
[all …]
H A Dqnormalization.cpp27 const Tensor& bias /* optional */, in quantized_layer_norm_impl()
60 const Tensor& bias, // optional in quantized_group_norm_impl()
113 const Tensor& bias, // optional in quantized_instance_norm_impl()
153 std::optional<Tensor> bias, in TORCH_LIBRARY_IMPL()
166 std::optional<Tensor> bias, in TORCH_LIBRARY_IMPL()
169 int64_t output_zero_point) { in TORCH_LIBRARY_IMPL()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DRowwiseScaledMM.cu143 std::optional<at::Tensor> bias, in f8f8bf16_rowwise_impl()
311 std::optional<at::Tensor> bias, in dispatch_fp8_rowwise_kernel_on_tile_size()
348 std::optional<at::Tensor> bias, in handle_transposition()
375 std::optional<at::Tensor> bias, in dispatch_fp8_rowwise_kernel_on_cluster_size_and_transpose()
460 std::optional<at::Tensor> bias, in dispatch_fp8_rowwise_kernel_on_fast_accum()
480 std::optional<at::Tensor> bias, in dispatch_fp8_rowwise_kernel_on_input_dtypes()
501 std::optional<at::Tensor> bias, in dispatch_fp8_rowwise_kernel_on_bias_dtype()
518 const std::optional<at::Tensor>& bias, in check_inputs()
574 std::optional<at::Tensor> bias, // BF16 in f8f8bf16_rowwise()
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/
H A Dfully_connected.cc135 const TfLiteTensor* bias, TfLiteTensor* output, in CheckTypes()
210 const TfLiteTensor* bias = in PrepareImpl() local
479 const TfLiteTensor* bias, TfLiteTensor* output) { in EvalPie()
514 const TfLiteTensor* filter, const TfLiteTensor* bias, in EvalHybridDense()
582 const TfLiteTensor* bias, int thread_start, in EvalSparseHybridImpl()
706 const TfLiteTensor* bias; member
720 const TfLiteTensor* bias, TfLiteTensor* input_quantized, in EvalHybrid()
793 const TfLiteTensor* filter, const TfLiteTensor* bias, in FullyConnectedInt8()
824 const TfLiteTensor* filter, const TfLiteTensor* bias, in FullyConnectedInt16()
850 const TfLiteTensor* bias, in FullyConnectedPerChannelInt8()
[all …]
/aosp_15_r20/external/pytorch/torch/onnx/
H A Dsymbolic_opset13.py848 g: jit_utils.GraphContext, q_input, q_weight, bias, op_scale, op_zero_point argument
864 g: jit_utils.GraphContext, q_input, q_weight, bias, op_scale, op_zero_point argument
884 bias, argument
910 bias, argument
936 bias, argument
962 bias, argument
987 bias, argument
1012 bias, argument
1037 bias, argument
1065 bias, argument
[all …]
H A Dsymbolic_opset10.py808 g: jit_utils.GraphContext, q_input, q_weight, bias, op_scale, op_zero_point argument
822 g: jit_utils.GraphContext, q_input, q_weight, bias, op_scale, op_zero_point argument
901 bias, argument
919 bias, argument
937 bias, argument
956 bias, argument
980 bias, argument
1004 bias, argument
1028 bias, argument
1051 bias, argument
[all …]
/aosp_15_r20/external/libaom/test/
H A Dcnn_test.cc127 float *bias) { in AssignLayerWeightsBiases()
189 float bias[] = { in TEST_F() local
374 float bias[] = { -3 }; in TEST_F() local
424 float bias[] = { 2 }; in TEST_F() local
538 float bias[] = { in TEST_F() local
1043 float bias[] = { in TEST_F() local
1110 float bias[] = { in TEST_F() local
1286 float bias[] = { in TEST_F() local
1469 float bias[] = { in TEST_F() local
1738 float bias[] = { in TEST_F() local
[all …]
/aosp_15_r20/external/pytorch/functorch/notebooks/_src/
H A Dplot_jacobians_and_hessians.py25 def predict(weight, bias, x): argument
32 bias = torch.randn(D) variable
120 bias = torch.randn(Dout) variable
132 bias = torch.randn(Dout) variable
170 def predict_with_output_summed(weight, bias, x): argument
178 bias = torch.randn(Dout) variable
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/
H A Dconv.h29 const Tensor& bias, in conv1d()
75 const Tensor& bias, in conv2d()
121 const Tensor& bias, in conv3d()
169 const Tensor& bias, in conv_transpose1d()
214 const Tensor& bias, in conv_transpose2d()
259 const Tensor& bias, in conv_transpose3d()
/aosp_15_r20/external/XNNPACK/test/
H A Dgemm-microkernel-tester.cc41 std::vector<int32_t> bias(n()); in Test() local
132 std::vector<int32_t> bias(n()); in Test() local
257 std::vector<int32_t> bias(n()); in Test() local
376 std::vector<int32_t> bias(n()); in Test() local
512 std::vector<int32_t> bias(n()); in Test() local
613 std::vector<int32_t> bias(n()); in Test() local
732 std::vector<uint16_t> bias(n()); in Test() local
809 std::vector<uint16_t> bias(n()); in Test() local
881 std::vector<uint16_t> bias(n()); in Test() local
999 std::vector<float> bias(n()); in Test() local
[all …]
/aosp_15_r20/external/ComputeLibrary/src/cpu/kernels/
H A DCpuDirectConv2dOutputStageKernel.cpp52 Status validate_arguments(const ITensorInfo *src, const ITensorInfo *bias, const ITensorInfo *dst, in validate_arguments()
96 output_stage_nchw(ITensor *src, const ITensor *bias, const Window &window, ITensor *dst, in output_stage_nchw()
158 output_stage_nhwc(ITensor *src, const ITensor *bias, const Window &window, ITensor *dst, in output_stage_nhwc()
224 void output_stage_nchw(ITensor *src, const ITensor *bias, const Window &window, ITensor *dst, in output_stage_nchw()
304 void output_stage_nhwc(ITensor *src, const ITensor *bias, const Window &window, ITensor *dst, in output_stage_nhwc()
387 void CpuDirectConv2dOutputStageKernel::configure(ITensorInfo *src, const ITensorInfo *bias, ITensor… in configure()
486 Status CpuDirectConv2dOutputStageKernel::validate(const ITensorInfo *src, const ITensorInfo *bias, … in validate()
501 auto bias = tensors.get_const_tensor(TensorType::ACL_SRC_1); in run_op() local
/aosp_15_r20/packages/modules/NeuralNetworks/runtime/test/specs/V1_3/
Dfully_connected_quant8_signed.mod.py23 bias = Parameter("b0", "TENSOR_INT32", "{3}, 0.25f, 0", [4, 8, 12]) variable
43 bias = Parameter("b0", "TENSOR_INT32", "{1}, 0.04, 0", [10]) variable
62 bias = Input("b0", "TENSOR_INT32", "{1}, 0.04, 0") variable
85 bias = Parameter("b0", "TENSOR_INT32", "{1}, 0.25f, 0", [4]) variable
104 bias = Input("b0", "TENSOR_INT32", "{1}, 0.25f, 0") variable
125 bias = Parameter("b0", "TENSOR_FLOAT32", "{1}", [4]) variable
/aosp_15_r20/external/libtextclassifier/native/lang_id/common/flatbuffers/
H A Dembedding-network-params-from-flatbuffer.h115 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_num_rows() local
120 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_num_cols() local
125 const saft_fbs::Matrix *bias = SafeGetLayerBias(i); in hidden_bias_weights() local
154 const saft_fbs::Matrix *bias = SafeGetSoftmaxBias(); in softmax_bias_num_rows() local
159 const saft_fbs::Matrix *bias = SafeGetSoftmaxBias(); in softmax_bias_num_cols() local
164 const saft_fbs::Matrix *bias = SafeGetSoftmaxBias(); in softmax_bias_weights() local
/aosp_15_r20/external/pytorch/test/
H A Dtest_mkldnn_fusion.py65 def __init__(self, in_channels, out_channels, bias, **kwargs): argument
104 def __init__(self, unary_fn, in_channels, out_channels, bias, **kwargs): argument
133 def __init__(self, m, in_channels, out_channels, bias, **kwargs): argument
196 def __init__(self, unary_fn, in_channels, out_channels, bias, **kwargs): argument
230 … def __init__(self, unary_fn, dim, in_channels, out_channels, dilation, groups, bias, **kwargs): argument
266 … def __init__(self, binary_fn, dim, in_channels, out_channels, dilation, groups, bias, **kwargs): argument
314 def __init__(self, binary_fn, in_channels, out_channels, bias, **kwargs): argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
H A Dconv_test.cc41 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
79 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
116 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
153 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
190 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
H A Dtranspose_conv_test.cc41 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
80 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
121 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
160 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local
198 Tensor<Linear, DataType::FLOAT32> bias; in TEST() local

12345678910>>...55