/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cuda/ |
H A D | AffineQuantizer.cu | 94 std::vector<int64_t> expected_shape(rtensor.dim(), 1); in quantize_tensor_per_channel_affine_cuda() local 137 std::vector<int64_t> expected_shape(rtensor.dim(), 1); in dequantize_tensor_per_channel_affine_cuda() local 173 std::vector<int64_t> expected_shape(rtensor.dim(), 1); in quantize_tensor_per_channel_float_qparams_cuda() local 221 std::vector<int64_t> expected_shape(rtensor.dim(), 1); in dequantize_tensor_per_channel_float_qparams_cuda() local
|
/aosp_15_r20/external/federated-compute/fcp/aggregation/testing/ |
H A D | testing.h | 115 TensorMatcherImpl(DataType expected_dtype, TensorShape expected_shape, in TensorMatcherImpl() 143 explicit TensorMatcher(DataType expected_dtype, TensorShape expected_shape, in TensorMatcher() 161 TensorMatcher<T> IsTensor(TensorShape expected_shape, in IsTensor()
|
/aosp_15_r20/external/XNNPACK/test/ |
H A D | transpose-normalization-tester.h | 69 inline TransposeNormalizationTester& expected_shape(const std::vector<size_t> expected_shape) { in expected_shape() argument 74 inline const std::vector<size_t>& expected_shape() const { return this->expected_shape_; } in expected_shape() function
|
/aosp_15_r20/external/pytorch/test/ao/sparsity/ |
H A D | test_structured_sparsifier.py | 240 def _test_prepare_conv2d_on_device(self, model, expected_shape, config, device): argument 291 def _test_step_conv2d_on_device(self, model, expected_shape, config, device): argument 332 self, model, config, expected_shape, device, also_prune_bias argument 470 self, model, config, x, expected_shape, device, also_prune_bias argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | bincount_ops_test.py | 172 expected_shape, argument 379 expected_shape, argument 529 expected_shape, argument
|
H A D | variables.py | 195 expected_shape=None, argument 1463 expected_shape=None, argument 1561 expected_shape=None, argument 1679 expected_shape=None, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/interpreter/ |
H A D | executable_base.cc | 85 const auto& expected_shape = computation->parameter_instruction(i)->shape(); in ExecuteAsyncOnStream() local 117 const auto& expected_shape = computation->parameter_instruction(p)->shape(); in ExecuteAsyncOnStream() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ragged/ |
H A D | ragged_getitem_test.py | 121 def _TestGetItem(self, rt, slice_spec, expected, expected_shape=None): argument 553 def testWithUniformRowLength(self, slice_spec, expected, expected_shape): argument
|
H A D | ragged_to_tensor_op_test.py | 326 expected_shape=None): argument 481 self, input_shape, to_tensor_shape, expected_shape): argument
|
H A D | ragged_expand_dims_op_test.py | 111 expected_shape=None): argument
|
H A D | ragged_stack_op_test.py | 346 expected_shape=None): argument
|
H A D | ragged_constant_value_op_test.py | 188 expected_shape=None, argument
|
H A D | ragged_matmul_op_test.py | 193 def testMatmul(self, a, b, expected_shape=None, **kwargs): argument
|
H A D | ragged_concat_op_test.py | 231 expected_shape=None): argument
|
H A D | ragged_const_op_test.py | 179 expected_shape=None, argument
|
H A D | ragged_from_tensor_op_test.py | 354 expected_shape=None): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | quantized_mul_op_test.cc | 42 float y_max_value, const std::vector<int64_t>& expected_shape, in TestMul() 129 std::vector<int64_t> expected_shape; in TestMulShape() local
|
H A D | quantized_add_op_test.cc | 42 float y_max_value, const std::vector<int64_t>& expected_shape, in TestAdd() 129 std::vector<int64_t> expected_shape; in TestAddShape() local
|
H A D | lookup_table_op.cc | 505 TensorShape expected_shape({num_elements}); in Find() local 570 TensorShape expected_shape({batch_size}); in Insert() local 595 TensorShape expected_shape({key.dim_size(0)}); in Remove() local
|
H A D | sparse_add_op_test.cc | 90 Tensor expected_shape(allocator(), DT_INT64, in TEST_F() local
|
H A D | sparse_reduce_sum_op_test.cc | 119 Tensor expected_shape(allocator(), DT_INT64, {1}); in TEST_F() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/structured/ |
H A D | structured_tensor_test.py | 301 def testFromFieldsAndRank(self, fields, rank, expected_shape): argument 555 expected_shape=None, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
H A D | base_binary_ops_test.h | 73 const TensorShape& expected_shape, in RunAndExpectResult() 219 TensorShape expected_shape = other_shape; in TestOneEffectiveScalar() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
H A D | edit_distance_op_test.py | 41 expected_shape, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/c/experimental/saved_model/core/ |
H A D | signature_flattening_test.cc | 32 const PartialTensorShape& expected_shape, in TensorSpecsAreEqual()
|