Home
last modified time | relevance | path

Searched defs:zero_points (Results 1 – 25 of 64) sorted by relevance

123

/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/
H A DAffineQuantizer.cpp75 void checkZeroPoints(const std::string& fn_name, const Tensor& zero_points) { in checkZeroPoints()
96 const Tensor& zero_points in checkPerChannelParamsSize()
142 Tensor zero_points, in quantize_tensor_per_channel_affine()
177 const Tensor& zero_points, in quantize_tensor_per_channel_float_qparams()
234 Tensor zero_points, in dequantize_tensor_per_channel_affine()
268 const Tensor& zero_points, in dequantize_tensor_per_channel_float_qparams()
H A DQTensor.cpp78 const Tensor& zero_points, in quantize_per_tensor_list_cpu()
94 const Tensor& zero_points, in quantize_per_channel()
150 const Tensor& zero_points, in make_per_channel_quantized_tensor_cpu()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cuda/
H A DAffineQuantizer.cu25 const Tensor& zero_points) { in check_zero_points_cuda()
91 const Tensor& zero_points, in quantize_tensor_per_channel_affine_cuda()
134 const Tensor& zero_points, in dequantize_tensor_per_channel_affine_cuda()
170 const Tensor& zero_points, in quantize_tensor_per_channel_float_qparams_cuda()
218 const Tensor& zero_points, in dequantize_tensor_per_channel_float_qparams_cuda()
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/
H A Dper_channel_dequantize_test.cc31 const std::vector<int> zero_points = {-1, -1}; in TEST() local
53 const std::vector<int> zero_points = {-1, 1, -1, 1, 0}; in TEST() local
75 const std::vector<int> zero_points = {-1, 1}; in TEST() local
99 const std::vector<int> zero_points = {-1, 1, -1, 1, 0}; in TEST() local
H A Dper_channel_quantize_test.cc29 const std::vector<int> zero_points = {-1, -1}; in TEST() local
50 const std::vector<int> zero_points = {-1, 1, -1, 1, 0}; in TEST() local
71 const std::vector<int> zero_points = {-1, 1}; in TEST() local
95 const std::vector<int> zero_points = {-1, 1, -1, 1, 0}; in TEST() local
H A Dkernel_utils.cc127 bool asymmetric_quantize_inputs, int32_t* zero_points, in RnnBatchStep()
154 bool asymmetric_quantize_inputs, int32_t* zero_points, in RnnBatchStep()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/uniform_quant_ops/
H A Duniform_dequantize_op.cc33 const Tensor& zero_points, int quantization_axis, in EvalPerChannelDequantize()
52 const Tensor& zero_points, int quantization_axis, in EvalDequantize()
83 const Tensor& zero_points = context->input(2); in Compute() local
H A Duniform_quantize_op.cc35 const Tensor& zero_points, int quantization_axis, in EvalPerChannelQuantize()
57 const Tensor& zero_points, int quantization_axis, in EvalQuantize()
99 const Tensor& zero_points = context->input(2); in Compute() local
/aosp_15_r20/external/pytorch/aten/src/ATen/benchmarks/
H A Dquantize_per_channel.cpp14 at::Tensor zero_points = at::randint( in quantize_per_channel_4d_contiguous() local
34 at::Tensor zero_points = at::randint( in quantize_per_channel_4d_channels_last() local
50 at::Tensor zero_points = at::randint( in quantize_per_channel_2d() local
/aosp_15_r20/external/pytorch/test/quantization/core/
H A Dtest_quantized_tensor.py604 def _test_quantize_per_channel(self, r, scales, zero_points, axis, float_params): argument
606 def _quantize_per_channel_ref_nd(data, scales, zero_points, float_params): argument
639 def quantize_c(data, scales, zero_points): argument
678 def quantize_ref(data, scales, zero_points): argument
726 def _quantize_per_channel_sub_byte_ref(data, scales, zero_points, axis, bit_width): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/test/
H A Dquantized_test.cpp127 auto zero_points = randint(10, {10}).toType(kLong); in TEST() local
155 auto zero_points = randint(10, {C}).toType(kLong); in TEST() local
184 auto zero_points = randint(10, {C}).toType(kLong); in TEST() local
260 auto zero_points = randint(10, {C}).toType(kLong); in TEST() local
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/quantization/
H A Dquantization_utils.cc113 SmallVector<int64_t, 4> zero_points(size); in ResetMinMaxFromNumBits() local
153 SmallVector<int64_t, 4> zero_points(qtype.getZeroPoints().begin(), in ResetAxisAndBroadcast() local
531 llvm::SmallVector<int64_t, 4> zero_points(axis_size, 0); in GetUniformQuantizedTypeForBias() local
664 SmallVector<int64_t, 4> zero_points(mins.size()); in DownCastScale() local
970 auto zero_points = aqtype.getZeroPoints(); in ConvertSignedQuantizedToUnsigned() local
/aosp_15_r20/external/pytorch/torch/ao/quantization/pt2e/representation/
H A Drewrite.py662 x_fp32, scales, zero_points, ch_axis, quant_min, quant_max argument
671 x_fp32, scales, zero_points, ch_axis, quant_min, quant_max argument
692 x_i8, scales, zero_points, ch_axis, quant_min, quant_max argument
702 x_i8, scales, zero_points, ch_axis, quant_min, quant_max argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/
H A Dbasic_rnn.cc170 TfLiteTensor* zero_points; in Prepare() local
237 TfLiteTensor* zero_points, TfLiteTensor* accum_scratch, in EvalHybrid()
322 TfLiteTensor* zero_points; in Eval() local
H A Dunidirectional_sequence_rnn.cc177 TfLiteTensor* zero_points; in Prepare() local
273 TfLiteTensor* hidden_state, TfLiteTensor* output, TfLiteTensor* zero_points, in EvalHybrid()
397 TfLiteTensor* zero_points; in Eval() local
H A Dsvdf.cc218 TfLiteTensor* zero_points; in Prepare() local
340 TfLiteTensor* zero_points; in Eval() local
H A Dbidirectional_sequence_rnn.cc281 TfLiteTensor* zero_points; in Prepare() local
529 TfLiteTensor* bw_output, TfLiteTensor* zero_points, in EvalHybrid()
808 TfLiteTensor* zero_points; in Eval() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/
H A DLinearUnpackImpl.cpp38 auto zero_points = at::from_blob( in unpack() local
88 at::Tensor zero_points = at::empty( in unpack() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ao_sparse/quantized/cpu/
H A Dqlinear_unpack.cpp40 at::Tensor zero_points = at::empty( in unpack() local
90 at::Tensor zero_points = at::empty( in unpack() local
H A Dqlinear_serialize.cpp42 const int8_t* zero_points, in pack_bcsr()
111 at::Tensor zero_points = wrap_vector<int8_t>(w_zp, c10::kChar); in serialize() local
/aosp_15_r20/external/executorch/extension/llm/custom_ops/
H A Dtest_update_quantized_cache.py46 def _update_k(self, start_pos, value, scales, zero_points): argument
52 def _update_v(self, start_pos, value, scales, zero_points): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/quantized/
H A DQuantizer.cpp22 void checkPerChannelParamDims(const Tensor& scales, const Tensor& zero_points) { in checkPerChannelParamDims()
50 const Tensor& zero_points, in make_per_channel_affine_quantizer()
393 const Tensor& zero_points, in from_blob_quantized_per_channel_affine()
/aosp_15_r20/external/executorch/kernels/quantized/cpu/
H A Dop_dequantize.cpp399 const Tensor& zero_points, in dequantize_per_token_out()
458 const Tensor& zero_points, in dequantize_per_token_out()
/aosp_15_r20/external/pytorch/benchmarks/operator_benchmark/pt/
H A Dquantization_test.py99 def dequant(input, scales, zero_points, axis: int, dtype: int): argument
113 def forward(self, input, scales, zero_points, axis: int, dtype: int): argument
/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_cpu_repro.py1197 def fn(input, scales, zero_points, quant_min, quant_max, dtype): argument
1236 def fn(input, scales, zero_points, axis, quant_min, quant_max, dtype): argument
1810 def fq(input, scales, zero_points, axis, quant_min, quant_max): argument
1816 def qdq(input, scales, zero_points, axis, quant_min, quant_max): argument
1823 input, scales, zero_points, axis, quant_min, quant_max argument
1831 input, scales, zero_points, axis, quant_min, quant_max argument
1839 input, scales, zero_points, axis, quant_min, quant_max argument

123