Home
last modified time | relevance | path

Searched defs:dtype (Results 1 – 25 of 1964) sorted by relevance

12345678910>>...79

/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_methods_invocations.py164 def sample_inputs_slice(op_info, device, dtype, requires_grad, **kwargs): argument
178 def sample_inputs_tensor_split(op_info, device, dtype, requires_grad, **kwargs): argument
202 def sample_inputs_hsplit(op_info, device, dtype, requires_grad, **kwargs): argument
208 def sample_inputs_vsplit(op_info, device, dtype, requires_grad, **kwargs): argument
214 def sample_inputs_dsplit(op_info, device, dtype, requires_grad, **kwargs): argument
266 def sample_inputs_as_strided(op_info, device, dtype, requires_grad, **kwargs): argument
283 def sample_inputs_as_strided_partial_views(op_info, device, dtype, requires_grad, **kwargs): argument
293 def sample_inputs_as_strided_scatter(op_info, device, dtype, requires_grad, **kwargs): argument
327 def sample_inputs_combinations(op_info, device, dtype, requires_grad, **kwargs): argument
342 def sample_inputs_cartesian_prod(op_info, device, dtype, requires_grad, **kwargs): argument
[all …]
H A Dcommon_modules.py240 def get_decorators(self, test_class, test_name, device, dtype, param_kwargs): argument
268 def module_inputs_torch_nn_Linear(module_info, device, dtype, requires_grad, training, **kwargs): argument
288 def module_inputs_torch_nn_Bilinear(module_info, device, dtype, requires_grad, training, **kwargs): argument
317 def module_inputs_torch_nn_KLDivLoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
354 def module_inputs_torch_nn_NLLLoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
355 def make_input(shape, device=device, dtype=dtype, requires_grad=requires_grad): argument
421 def module_inputs_torch_nn_GaussianNLLLoss(module_info, device, dtype, requires_grad, training, **k… argument
446 def module_inputs_torch_nn_PoissonNLLLoss(module_info, device, dtype, requires_grad, training, **kw… argument
494 def module_inputs_torch_nn_MSELoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
669 def module_inputs_torch_nn_AvgPool1d(module_info, device, dtype, requires_grad, training, **kwargs): argument
[all …]
H A Dcommon_optimizers.py176 def get_decorators(self, test_class, test_name, device, dtype, param_kwargs): argument
244 def get_error_inputs_for_all_optims(device, dtype): argument
315 def optim_inputs_func_adadelta(device, dtype=None): argument
348 def optim_error_inputs_func_adadelta(device, dtype): argument
365 def optim_inputs_func_adafactor(device, dtype=None): argument
391 def optim_error_inputs_func_adafactor(device, dtype): argument
438 def optim_inputs_func_adagrad(device, dtype=None): argument
468 def optim_error_inputs_func_adagrad(device, dtype): argument
487 def optim_inputs_func_adam(device, dtype=None): argument
543 def optim_error_inputs_func_adam(device, dtype): argument
[all …]
/aosp_15_r20/external/pytorch/test/
H A Dtest_unary_ufuncs.py86 def test_float_domains(self, device, dtype, op): argument
134 self, actual, expected, msg, *, dtype, exact_dtype=True, **kwargs argument
182 def _test_reference_numerics(self, dtype, op, tensors, equal_nan=True): argument
273 def test_reference_numerics_normal(self, device, dtype, op): argument
281 def test_reference_numerics_small(self, device, dtype, op): argument
292 def test_reference_numerics_large(self, device, dtype, op): argument
306 def test_reference_numerics_extremal(self, device, dtype, op): argument
314 def test_contig_vs_every_other(self, device, dtype, op): argument
330 def test_contig_vs_transposed(self, device, dtype, op): argument
346 def test_non_contig(self, device, dtype, op): argument
[all …]
H A Dtest_linalg.py88 def test_inner(self, device, dtype): argument
125 def test_outer(self, device, dtype): argument
199 def test_linalg_lstsq(self, device, dtype): argument
349 def test_linalg_lstsq_batch_broadcasting(self, device, dtype): argument
388 def test_linalg_lstsq_input_checks(self, device, dtype): argument
490 def test_cholesky(self, device, dtype): argument
536 def test_cholesky_errors_and_warnings(self, device, dtype): argument
600 def test_old_cholesky_batched_many_batches(self, device, dtype): argument
624 def test_old_cholesky_batched(self, device, dtype): argument
642 def test_old_cholesky(self, device, dtype): argument
[all …]
H A Dtest_sparse.py192 def _gen_sparse(self, sparse_dim, nnz, with_size, dtype, device, coalesced): argument
226 def test_print_coalesced(self, device, dtype): argument
230 def test_print_uncoalesced(self, device, dtype): argument
233 def _test_print(self, device, dtype, coalesced): argument
288 def test_basic(self, device, dtype, coalesced): argument
324 def test_coalesce(self, device, dtype, coalesced): argument
372 def test_coalesce_reference_cycle(self, device, dtype): argument
398 def test_ctor_large_sizes(self, device, dtype): argument
412 def test_ctor_size_checks(self, device, dtype): argument
437 def test_ctor_is_coalesced_with_gradcheck(self, device, dtype, coalesced): argument
[all …]
H A Dtest_tensor_creation_ops.py35 def _generate_input(shape, dtype, device, with_extremal): argument
86 def test_diag_embed(self, device, dtype): argument
118 def test_vander_types(self, device, dtype): argument
414 def test_torch_complex(self, device, dtype): argument
423 def test_torch_polar(self, device, dtype): argument
437 def test_torch_complex_floating_dtype_error(self, device, dtype): argument
448 def test_torch_complex_same_dtype_error(self, device, dtype): argument
450 def dtype_name(dtype): argument
464 def test_torch_complex_out_dtype_error(self, device, dtype): argument
466 def dtype_name(dtype): argument
[all …]
H A Dtest_optim.py117 self, device, dtype, optim_info argument
126 def test_errors(self, device, dtype, optim_info): argument
163 self, device, dtype, optim_info, contiguous, with_lrsched argument
230 self, device, dtype, optim_info, with_lrsched argument
281 self, device, dtype, optim_info argument
318 def test_tensor_lr(self, device, dtype, optim_info): argument
377 def test_rosenbrock_sparse(self, device, dtype, optim_info, with_lrsched): argument
507 def test_complex(self, device, dtype, optim_info): argument
584 def test_complex_2d(self, device, dtype, optim_info): argument
723 dtype, argument
[all …]
H A Dtest_binary_ufuncs.py85 self, actual, expected, msg, *, dtype, exact_dtype=True, **kwargs argument
120 def _test_reference_numerics(self, dtype, op, gen, equal_nan=True): argument
194 def test_reference_numerics(self, device, dtype, op): argument
199 def test_reference_numerics_small_values(self, device, dtype, op): argument
222 def test_reference_numerics_large_values(self, device, dtype, op): argument
239 def test_reference_numerics_extremal_values(self, device, dtype, op): argument
253 def test_broadcasting(self, device, dtype, op): argument
263 def test_scalar_support(self, device, dtype, op): argument
274 def test_contig_vs_every_other(self, device, dtype, op): argument
296 def test_contig_vs_transposed(self, device, dtype, op): argument
[all …]
H A Dtest_reductions.py31 def _generate_input(shape, dtype, device, with_extremal): argument
217 def test_identity(self, device, dtype, op: ReductionOpInfo): argument
233 def test_nan_policy_propagate(self, device, dtype, op: ReductionOpInfo): argument
243 def test_nan_policy_omit(self, device, dtype, op: ReductionOpInfo): argument
253 def test_result_dtype(self, device, dtype, op: ReductionOpInfo): argument
330 def test_noncontiguous_innermost(self, device, dtype, op: ReductionOpInfo): argument
336 def test_noncontiguous_outermost(self, device, dtype, op: ReductionOpInfo): argument
342 def test_noncontiguous_all(self, device, dtype, op: ReductionOpInfo): argument
348 def test_noncontiguous_transposed(self, device, dtype, op: ReductionOpInfo): argument
354 def test_noncontiguous_expanded(self, device, dtype, op: ReductionOpInfo): argument
[all …]
H A Dtest_sparse_csr.py201 …def genTensor(self, size, nnz, *, layout, device=None, dtype=torch.float, index_dtype=torch.int64): argument
217 def test_sparse_compressed_constructor(self, layout, device, dtype, argument
306 def test_empty(self, layout, device, dtype): argument
337 def test_empty_errors(self, layout, device, dtype): argument
346 def test_sparse_compressed_tensor_with_dims(self, layout, device, dtype): argument
386 def test_clone(self, layout, device, dtype): argument
466 def test_copy(self, layout, device, dtype): argument
488 def test_copy_errors(self, layout, device, dtype): argument
533 def test_consistency(self, layout, device, dtype, op): argument
603 def test_empty_like(self, layout, layout2, device, dtype): argument
[all …]
H A Dtest_spectral_ops.py116 def skip_helper_for_fft(device, dtype): argument
134 def test_reference_1d(self, device, dtype, op): argument
179 def test_fft_round_trip(self, device, dtype): argument
236 def test_empty_fft(self, device, dtype, op): argument
270 def test_fft_type_promotion(self, device, dtype): argument
322 def test_fft_half_and_bfloat16_errors(self, device, dtype, op): argument
338 def test_fft_half_and_chalf_not_power_of_two_error(self, device, dtype, op): argument
357 def test_reference_nd(self, device, dtype, op): argument
393 def test_fftn_round_trip(self, device, dtype): argument
444 def test_fftn_invalid(self, device, dtype, op): argument
[all …]
H A Dtest_sparse_semi_structured.py85 r, c, dtype=torch.float16, device="cuda", choice=None argument
101 def rand_sparse_semi_structured(r, c, dtype, device, choice=None): argument
127 def rand_sparse_semi_structured_all_patterns(r, c, dtype, device): argument
271 def test_to_sparse_semi_structured(self, dtype, backend): argument
286 def test_mm_sparse_first_NN(self, dense_input_shape, dtype, device, backend): argument
313 def test_mm_sparse_first_NT(self, dense_input_shape, dtype, device, backend): argument
349 def test_mm_sparse_first_TN(self, dtype, dense_input_shape, device, backend): argument
370 def test_mm_sparse_second_NT(self, dense_input_shape, dtype, device, backend): argument
395 def test_mm_sparse_second_NN(self, dense_input_shape, dtype, device, backend): argument
494 def test_min_sparse_shape(self, dtype, device, backend): argument
[all …]
H A Dtest_sort_and_select.py198 def test_stable_sort(self, device, dtype): argument
215 def test_sort_large(self, device, dtype): argument
230 def test_sort_restride(self, device, dtype): argument
245 def _test_sort_discontiguous(self, device, dtype): argument
283 def test_sort_discontiguous(self, device, dtype): argument
289 def test_sort_discontiguous_slow(self, device, dtype): argument
293 def test_sort_1d_output_discontiguous(self, device, dtype): argument
305 def test_sort_1d_parallel(self, device, dtype): argument
314 def test_topk_1d_output_discontiguous(self, device, dtype): argument
328 def test_stable_sort_against_numpy(self, device, dtype): argument
[all …]
H A Dtest_nestedtensor.py97 def random_nt_noncontiguous_pair(ragged_sizes, device="cpu", dtype=torch.float16): argument
144 dtype, argument
187 dims, device=None, dtype=None, layout=torch.strided, requires_grad=False argument
852 def random_nt_pair(self, device, dtype, num_tensors, max_dims): argument
872 def test_detach(self, device, dtype): argument
900 def test_unbind_noncontiguous(self, device, dtype): argument
913 def test_to_then_from_padded_tensor_no_transform0213(self, device, dtype): argument
930 def test_layer_norm(self, device, dtype): argument
991 def test_layer_norm_breaking(self, device, dtype): argument
1040 def test_masked_fill(self, device, dtype): argument
[all …]
H A Dtest_jit_llga_fuser.py65 def checkTrace(self, m, x, dtype=torch.float32, *args, **kwargs): argument
138 def test_conv2d(self, dtype): argument
165 def test_bn2d(self, dtype): argument
174 def test_eltwise(self, dtype): argument
193 def test_max_pool2d(self, dtype): argument
214 def test_avg_pool2d(self, dtype): argument
235 def test_variable_kernel_avg_pool2d(self, dtype): argument
250 def test_softmax(self, dtype): argument
260 def test_linear(self, dtype): argument
283 def test_add(self, dtype): argument
[all …]
H A Dtest_ops.py151 def test_multiple_devices(self, devices, dtype, op): argument
261 def test_numpy_ref(self, device, dtype, op): argument
284 def test_compare_cpu(self, device, dtype, op): argument
315 def test_python_ref_meta(self, device, dtype, op): argument
363 dtype, argument
510 def test_python_ref(self, device, dtype, op): argument
528 def test_python_ref_torch_fallback(self, device, dtype, op): argument
541 def test_python_ref_executor(self, device, dtype, op, executor): argument
632 def test_noncontiguous_samples(self, device, dtype, op): argument
859 def test_out(self, device, dtype, op): argument
[all …]
/aosp_15_r20/external/pytorch/torch/ao/quantization/fx/
H A D_decomposed.py28 def _quant_min_max_bounds_check(quant_min, quant_max, dtype): argument
57 dtype: torch.dtype, argument
94 dtype: torch.dtype, argument
119 dtype: torch.dtype, argument
144 dtype: torch.dtype, argument
176 dtype: torch.dtype, argument
206 dtype: torch.dtype, argument
230 dtype: torch.dtype, argument
232 out_dtype: Optional[torch.dtype] = None,
281 dtype: torch.dtype, argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/
H A Dspecial_math_test.py83 def adjust_tolerance_for_tpu(self, dtype, rtol, atol): argument
91 def _test_range(self, low, high, dtype, rtol, atol, is_negative=False): argument
107 def testSmallX(self, dtype, rtol, atol): argument
113 def testGreaterThanNegativeTwentyExponent(self, dtype, rtol, atol): argument
119 def testGreaterThanNegativeTenExponent(self, dtype, rtol, atol): argument
125 def testGreaterThanNegativeFiveExponent(self, dtype, rtol, atol): argument
131 def testXGreaterThanOneTenth(self, dtype, rtol, atol): argument
137 def testXGreaterThanOne(self, dtype, rtol, atol): argument
150 def adjust_tolerance_for_tpu(self, dtype, rtol, atol): argument
206 def testLargeXSmallQ(self, dtype, rtol, atol): argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/math_ops/
H A Dbincount_op_test.py189 def test_bincount_all_count(self, dtype): argument
205 def test_bincount_all_count_with_weights(self, dtype): argument
223 def test_bincount_all_binary(self, dtype): argument
240 def test_bincount_all_binary_with_weights(self, dtype): argument
253 def _test_bincount_col_count(self, num_rows, num_cols, size, dtype): argument
266 def _test_bincount_col_binary(self, num_rows, num_cols, size, dtype): argument
283 dtype): argument
314 def test_col_reduce_shared_memory(self, dtype): argument
326 def test_col_reduce_global_memory(self, dtype): argument
338 def test_col_reduce_shared_memory_with_weights(self, dtype): argument
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/opinfo/definitions/
H A Dlinalg.py81 def sample_inputs_svd(op_info, device, dtype, requires_grad=False, **kwargs): argument
126 def sample_inputs_cross(op_info, device, dtype, requires_grad, **kwargs): argument
159 def sample_inputs_householder_product(op_info, device, dtype, requires_grad, **kwargs): argument
191 def sample_inputs_linalg_det_singular(op_info, device, dtype, requires_grad, **kwargs): argument
222 def sample_inputs_linalg_matrix_power(op_info, device, dtype, requires_grad, **kwargs): argument
246 op_info, device, dtype, requires_grad, **kwargs argument
272 def sample_inputs_lu_solve(op_info, device, dtype, requires_grad=False, **kwargs): argument
313 def sample_inputs_linalg_multi_dot(op_info, device, dtype, requires_grad, **kwargs): argument
336 def sample_inputs_linalg_matrix_norm(op_info, device, dtype, requires_grad, **kwargs): argument
355 op_info, device, dtype, requires_grad, *, variant=None, **kwargs argument
[all …]
/aosp_15_r20/external/pytorch/test/xpu/
H A Dtest_conv.py55 dtype=torch.double, argument
107 def test_Conv2d_large_workspace(self, device, dtype): argument
125 def test_ConvTranspose2d_large_output_padding(self, device, dtype): argument
142 def test_Conv2d_depthwise_naive_groups(self, device, dtype): argument
205 def test_Conv3d_depthwise_naive_groups(self, device, dtype): argument
268 def test_noncontig_conv_grad(self, device, dtype): argument
288 def test_conv_double_backward(self, device, dtype): argument
371 def test_conv1d_same_padding(self, device, dtype): argument
401 def test_conv3d_same_padding(self, device, dtype): argument
419 def test_conv1d_valid_padding(self, device, dtype): argument
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DTensorFactories.cpp136 std::optional<ScalarType> dtype, in arange()
144 std::optional<ScalarType> dtype, in arange()
156 std::optional<ScalarType> dtype, in arange()
260 std::optional<ScalarType> dtype, in empty_names()
425 std::optional<ScalarType> dtype, in empty_like_quantized()
508 …auto dtype = dtype_opt.has_value() ? dtype_opt : optTypeMetaToScalarType(self.options().dtype_opt(… in new_empty_symint() local
519 std::optional<ScalarType> dtype, in new_empty_strided_symint()
533 std::optional<ScalarType> dtype, in eye()
542 std::optional<ScalarType> dtype, in eye()
609 std::optional<ScalarType> dtype, in full()
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A Dinit_ops.py54 def __call__(self, shape, dtype=None, partition_info=None): argument
169 def __init__(self, dtype=dtypes.float32): argument
172 def __call__(self, shape, dtype=None, partition_info=None): argument
206 def __init__(self, dtype=dtypes.float32): argument
209 def __call__(self, shape, dtype=None, partition_info=None): argument
369 def __init__(self, value=0, dtype=dtypes.float32, verify_shape=False): argument
380 def __call__(self, shape, dtype=None, partition_info=None, verify_shape=None): argument
465 def __init__(self, minval=.0, maxval=None, seed=None, dtype=dtypes.float32): argument
471 def __call__(self, shape, dtype=None, partition_info=None): argument
555 def __init__(self, mean=0.0, stddev=1.0, seed=None, dtype=dtypes.float32): argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/
H A Dmetrics.py147 def __init__(self, name=None, dtype=None, **kwargs): argument
234 def dtype(self): member in Metric
294 dtype=None): argument
364 def __init__(self, reduction, name, dtype=None): argument
485 def __init__(self, name='sum', dtype=None): argument
527 def __init__(self, name='mean', dtype=None): argument
570 def __init__(self, normalizer, name=None, dtype=None): argument
640 def __init__(self, fn, name=None, dtype=None, **kwargs): argument
740 def __init__(self, name='accuracy', dtype=None): argument
784 def __init__(self, name='binary_accuracy', dtype=None, threshold=0.5): argument
[all …]

12345678910>>...79