pytorch/test
hongxyan 637ab85e7f fix for launching kernel invalid config error when calling embedding … (#130994)
…with large index

Fixes #130806
When an output size of 2147483648 (=131072*16384) is expected in the above issue, it throwed out the following error:
RuntimeError: HIP error: invalid configuration argument

What happened was that the second parameter passed to hipLaunchKernel was crazy {2147483648,1,1}.
Found two issues in the Indexing.cu:

1: ptrdiff_t was used but it is signed int,  outTotalSize >= 2147483648 can cause overflow when doing [this](39493aa934/aten/src/ATen/native/cuda/Indexing.cu (L1367)):
2: On ROCm, std::min -> ::min did not work as expected when outTotalSize>=2147483648

As the result, 2147483648 was sent to hipLaunchKernel which the GPU does not support such a huge number since this number specifies the number of threads per block. The original code intended to set 128 threads per block, though this is debatable as the perf would not good for latest powerful GPUs (a TODO item to update for perf maybe?) , but at least it would not cause `invalid configuration argument` error.

[Test]
Run the same code snippet in the [issue](https://github.com/pytorch/pytorch/issues/130806), and print the output, its dim and numel(), which looks like below now:
```
output=tensor([[ 0.4044, -0.0244, -0.6865,  ..., -0.7800,  0.1175,  1.6726],
        [-1.0866, -0.1609,  0.3538,  ...,  1.9105,  0.7882,  1.1583],
        [-2.2079,  0.3736,  0.3610,  ..., -0.2658, -0.0459,  1.3077],
        ...,
        [ 0.8753, -0.7482, -0.1978,  ...,  0.9016,  1.1501, -0.5178],
        [-1.5845, -0.6277,  1.4520,  ...,  0.5733, -2.1198, -0.0915],
        [-0.6310, -1.0239, -0.1910,  ...,  0.4309,  0.1630,  0.3239]],
       device='cuda:0'), dim=2, numel=2147483648
```

Added a large tensor unit test too.
```
/pytorch# pytest test/nn/test_embedding.py -k test_large_tensors
================================================================================== test session starts ===================================================================================
platform linux -- Python 3.9.19, pytest-7.3.2, pluggy-1.4.0
rootdir: /dockerx/development/pytorch
configfile: pytest.ini
plugins: flakefinder-1.1.0, rerunfailures-14.0, xdist-3.3.1, xdoctest-1.1.0, cpp-2.3.0, hypothesis-5.35.1
collected 288 items / 287 deselected / 1 selected
Running 1 items in this shard

test/nn/test_embedding.py .                                                                                                                                                        [100%]

=========================================================================== 1 passed, 287 deselected in 3.16s ============================================================================
```
Pull Request resolved: https://github.com/pytorch/pytorch/pull/130994
Approved by: https://github.com/jeffdaily, https://github.com/xw285cornell
2024-07-20 08:33:29 +00:00
..
ao/sparsity UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
autograd UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
backends/xeon UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
benchmark_utils UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
bottleneck_test UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
cpp [structural binding][11/N] Replace std::tie with structural binding (#130830) 2024-07-18 00:45:06 +00:00
cpp_api_parity [BE]: Update ruff to 0.4.1 (#124549) 2024-04-21 14:06:23 +00:00
cpp_extensions Revert "Re-implement pin_memory to be device-agnostic by leveraging the Accelerator concept (#126376)" 2024-07-18 20:25:20 +00:00
custom_backend [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
custom_operator Revert "Tighten torch.library.infer_schema input types (#130705)" 2024-07-16 12:57:11 +00:00
distributed [c10] add an option to pg_config split share (#130877) 2024-07-19 21:11:26 +00:00
distributions [BE][Easy][10/19] enforce style for empty lines in import segments in test/d*/ (#129761) 2024-07-17 16:57:39 +00:00
dynamo [functorch] saved tensor hooks error should only apply to grad, vjp transforms. (#131191) 2024-07-19 23:16:27 +00:00
dynamo_expected_failures Add hasattr for tensor variable (#131008) 2024-07-19 12:43:27 +00:00
dynamo_skips [3.12, 3.13, dynamo] simplified construction for frame f_locals/localsplus (#129185) 2024-07-12 17:56:38 +00:00
edge [BE][CMake] Use FindPython module (#124613) 2024-05-29 13:17:35 +00:00
error_messages [Ez][BE]: Enable new stable ruff rules (#129825) 2024-07-02 14:47:10 +00:00
expect Add decomposition for channel_shuffle (#118775) 2024-07-20 01:24:41 +00:00
export [export] fix zero arg export in training_ir (#130990) 2024-07-20 02:35:13 +00:00
forward_backward_compatibility [Inductor][Quant] Change the schema of QLinear Binary (#129049) 2024-07-02 12:36:38 +00:00
functorch [BE] bump optree version to 0.12.1 (#130139) 2024-07-20 02:41:10 +00:00
fx [FX][export] DCE pass, check schema for node impurity (#130395) 2024-07-18 16:31:40 +00:00
higher_order_ops [BE][Easy][9/19] enforce style for empty lines in import segments in test/[e-h]*/ (#129760) 2024-07-17 14:25:29 +00:00
inductor [inductor][cpp][gemm] optimize arbitrary N in packed gemm template (#130690) 2024-07-20 06:30:15 +00:00
jit [BE]: Enable a few additional ruff rules (#130700) 2024-07-17 02:06:04 +00:00
jit_hooks Enable UFMT on all of test/jit (#123623) 2024-04-11 23:45:05 +00:00
lazy [BE][Easy] replace import pathlib with from pathlib import Path (#129426) 2024-06-30 01:36:07 +00:00
mobile Revert "[BE][Easy] use pathlib.Path instead of dirname / ".." / pardir (#129374)" 2024-06-29 00:47:15 +00:00
nn fix for launching kernel invalid config error when calling embedding … (#130994) 2024-07-20 08:33:29 +00:00
onnx [ONNX] Remove beartype usage (#130484) 2024-07-18 22:07:40 +00:00
optim Quick Fix on #126854, deepcopy lr and other possible base_parameters (#127190) 2024-06-03 18:06:31 +00:00
package [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
profiler [BE] bump optree version to 0.12.1 (#130139) 2024-07-20 02:41:10 +00:00
quantization Set correct output dtype for dequantize op during convert_pt2e in decomposed mode (#128953) 2024-07-19 04:58:02 +00:00
scripts [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
test_img
torch_np [BE][Easy] apply autofix for ruff rules unnecessary-collection-call (C408): list() / tuple() / dict() (#130199) 2024-07-11 17:30:28 +00:00
typing added type hints for __contains__ (#129653) 2024-06-30 11:49:11 +00:00
xpu Add allow_xpu to enable XPU UTs (#130312) 2024-07-17 02:40:28 +00:00
_test_bazel.py UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +00:00
allowlist_for_publicAPI.json Evaluate symexprs on load path of cache not write (#128997) 2024-06-20 08:55:12 +00:00
conftest.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
create_dummy_torchscript_model.py Enable UFMT on test/cpp_api_parity, test/cpp_extensions, test/create_dummy_torchscript_model.py, test/custom_backend, test/custom_operator (#123518) 2024-04-08 20:18:42 +00:00
delete.py
hi.py Dont precompile already seen keys, limit epilogue choices (#122642) 2024-04-19 17:34:22 +00:00
HowToWriteTestsUsingFileCheck.md
linear.py Enable UFMT on test/jit_hooks, test/lazy and some files (#123807) 2024-04-12 03:39:38 +00:00
load_torchscript_model.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
minioptest_failures_dict.json
mkl_verbose.py Enable UFMT on test/jit_hooks, test/lazy and some files (#123807) 2024-04-12 03:39:38 +00:00
mkldnn_verbose.py Enable UFMT on test/jit_hooks, test/lazy and some files (#123807) 2024-04-12 03:39:38 +00:00
pytest_shard_custom.py
run_doctests.sh
run_test.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
simulate_nccl_errors.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_ao_sparsity.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_autocast.py Revert "[MPS] Add support for autocast in MPS (#99272)" 2024-07-02 12:29:51 +00:00
test_autograd_fallback.py [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
test_autograd.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_autoload.py [RFC] Add support for device extension autoloading (#127074) 2024-07-09 06:14:13 +00:00
test_binary_ufuncs.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_bundled_images.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_bundled_inputs.py Flip default value for mypy disallow_untyped_defs [1/11] (#127838) 2024-06-08 18:16:33 +00:00
test_ci_sanity_check_fail.py
test_comparison_utils.py Enable UFMT on test/scripts and some files (#124137) 2024-04-19 22:01:27 +00:00
test_compile_benchmark_util.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_complex.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_content_store.py
test_cpp_api_parity.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cpp_extensions_aot.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cpp_extensions_jit.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cpp_extensions_mtia_backend.py [Inductor Intel GPU backend Upstream] Reuse inductor test for Intel GPU (PART 1) (#122866) 2024-05-09 00:51:35 +00:00
test_cpp_extensions_open_device_registration.py Revert "Re-implement pin_memory to be device-agnostic by leveraging the Accelerator concept (#126376)" 2024-07-18 20:25:20 +00:00
test_cpp_extensions_stream_and_event.py Revert "Re-implement pin_memory to be device-agnostic by leveraging the Accelerator concept (#126376)" 2024-07-18 20:25:20 +00:00
test_cuda_expandable_segments.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cuda_multigpu.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cuda_nvml_based_avail.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cuda_primary_ctx.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cuda_sanitizer.py Enable UFMT on test/test_cuda*.py (#124352) 2024-04-25 18:31:08 +00:00
test_cuda_trace.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_cuda.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_custom_ops.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_dataloader.py [BE] enable UFMT for torch/storage.py (#127706) 2024-06-27 23:16:24 +00:00
test_datapipe.py [BE][Ez]: Apply PYI059 - Generic always come last (#127685) 2024-06-02 13:38:58 +00:00
test_decomp.py Add decomposition for reflection_pad{1,2,3}d_backward (#130299) 2024-07-17 21:56:00 +00:00
test_deploy.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_determination.py [Caffe2] [2/N] Remove Caffe2 from tests (#128911) 2024-06-19 00:05:50 +00:00
test_dispatch.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_dlpack.py Enable UFMT on test_decomp.py, test_expanded_weights.py and some files (#125117) 2024-05-07 02:36:40 +00:00
test_dynamic_shapes.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_expanded_weights.py Enable UFMT on test_decomp.py, test_expanded_weights.py and some files (#125117) 2024-05-07 02:36:40 +00:00
test_fake_tensor.py [BE] update type annotations for basic utilities in torch/__init__.py (#129001) 2024-06-24 18:04:38 +00:00
test_flop_counter.py [cuDNN][SDPA] Remove TORCH_CUDNN_SDPA_ENABLED=1, enable cuDNN SDPA by default on H100 and 2nd on other archs >= sm80 (#125343) 2024-06-30 19:22:16 +00:00
test_foreach.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_function_schema.py Enable UFMT on test/test_fake_tensor.py, test/test_flop_counter.py and some files (#125747) 2024-05-15 14:50:14 +00:00
test_functional_autograd_benchmark.py Enable UFMT on test/test_fake_tensor.py, test/test_flop_counter.py and some files (#125747) 2024-05-15 14:50:14 +00:00
test_functional_optim.py Enable UFMT on test/test_fake_tensor.py, test/test_flop_counter.py and some files (#125747) 2024-05-15 14:50:14 +00:00
test_functionalization_of_rng_ops.py [dynamo][aot autograd] Silently disable default saved tensor hooks during tracing (#123196) 2024-06-14 20:28:08 +00:00
test_functionalization.py Enable UFMT on test/test_functionalization.py (#123926) 2024-04-28 17:02:34 +00:00
test_futures.py Flip default value for mypy disallow_untyped_defs [1/11] (#127838) 2024-06-08 18:16:33 +00:00
test_fx_experimental.py [BE][Easy] apply autofix for ruff rules unnecessary-collection-call (C408): list() / tuple() / dict() (#130199) 2024-07-11 17:30:28 +00:00
test_fx_passes.py remove empty partition (#124920) 2024-05-09 07:39:47 +00:00
test_fx_reinplace_pass.py
test_fx.py Remove removed ruff rule TRY200 (#126256) 2024-05-17 16:31:05 +00:00
test_hub.py Enable UFMT on test/test_hub.py (#127155) 2024-05-25 18:23:24 +00:00
test_import_stats.py
test_indexing.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_itt.py
test_jit_autocast.py make torch.amp.autocast more generic (#125103) 2024-05-08 12:13:26 +00:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_jit_fuser.py Fix global flake8 issues (#124771) 2024-04-26 15:35:53 +00:00
test_jit_legacy.py
test_jit_llga_fuser.py [BE]: Update ruff to v0.4.4 (#125031) 2024-05-12 20:02:37 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py Enable UFMT on test/test_legacy_vmap.py (#124381) 2024-04-20 03:37:57 +00:00
test_license.py Fix manual licensing (#128630) 2024-06-14 00:12:09 +00:00
test_linalg.py [BE]: Enable a few additional ruff rules (#130700) 2024-07-17 02:06:04 +00:00
test_logging.py Enable UFMT format on test/license.py test/logging.py (#125737) 2024-05-11 01:52:35 +00:00
test_masked.py
test_maskedtensor.py Set seed per sample for OpInfo tests + support for restricting to a single sample input (#128238) 2024-07-08 16:06:38 +00:00
test_matmul_cuda.py Updates to scaled_mm for rowwise scaling (#130059) 2024-07-04 00:53:17 +00:00
test_meta.py [TEST] Fix _scaled_mm tests (#130897) 2024-07-18 02:15:00 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py
test_mkldnn_verbose.py
test_mkldnn.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_mobile_optimizer.py [BE] enable ruff rule Q from flake8-quotes (#127713) 2024-06-02 23:25:26 +00:00
test_model_dump.py
test_model_exports_to_core_aten.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_module_tracker.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_modules.py [BE][Easy] fix ruff rule needless-bool (SIM103) (#130206) 2024-07-14 08:17:52 +00:00
test_monitor.py
test_mps.py [BE] bump optree version to 0.12.1 (#130139) 2024-07-20 02:41:10 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py Enable sharing meta tensors between processes (#129520) 2024-07-04 20:29:48 +00:00
test_namedtensor.py
test_namedtuple_return_api.py sdp::SDPBackend::flash_attention support PrivateUse1 (#126392) 2024-06-28 17:48:40 +00:00
test_native_functions.py [BE]: TRY002 - Ban raising vanilla exceptions (#124570) 2024-04-21 22:26:40 +00:00
test_native_mha.py
test_nestedtensor.py [NestedTensor] Integrate sum along the jagged dimension into NestedTensor (#130425) 2024-07-18 10:48:18 +00:00
test_nn.py [BE][Easy] apply autofix for ruff rules unnecessary-collection-call (C408): list() / tuple() / dict() (#130199) 2024-07-11 17:30:28 +00:00
test_nnapi.py Enable ufmt format on test files (#126845) 2024-05-28 01:42:07 +00:00
test_numba_integration.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_numpy_interop.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_openmp.py [BE] enable UFMT for torch/storage.py (#127706) 2024-06-27 23:16:24 +00:00
test_ops_fwd_gradients.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_ops_gradients.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_ops_jit.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_ops.py Add hooks for execution on intel gaudi devices - 1 (#128584) 2024-07-20 05:03:36 +00:00
test_optim.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_out_dtype_op.py
test_overrides.py [BE][Easy] fix ruff rule needless-bool (SIM103) (#130206) 2024-07-14 08:17:52 +00:00
test_package.py Enable UFMT format on test/test_package.py test/test_per_overload_api.py (#125834) 2024-05-09 19:48:22 +00:00
test_per_overload_api.py Enable UFMT format on test/test_package.py test/test_per_overload_api.py (#125834) 2024-05-09 19:48:22 +00:00
test_prims.py Infer prim tags from equivalent aten ones (#130367) 2024-07-11 20:53:52 +00:00
test_proxy_tensor.py [dynamo] add meta fn for aten.kthvalue.default (#130562) 2024-07-12 23:48:31 +00:00
test_pruning_op.py
test_public_bindings.py Make public binding test only consider files that are packaged in the wheels (#130497) 2024-07-11 13:22:04 +00:00
test_python_dispatch.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_pytree.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_quantization.py Rename generate_numeric_debug_handle to numeric_debugger (#130590) 2024-07-15 22:42:27 +00:00
test_reductions.py Errors when 0-dim tensor of complex or bool type passed to aminmax. (#128404) 2024-06-24 21:46:49 +00:00
test_scatter_gather_ops.py Revert "Include support for the scatter gather cuda kernels to allow for comp… (#124809)" 2024-05-02 21:36:18 +00:00
test_schema_check.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_segment_reductions.py
test_serialization.py Add torch.serialization.safe_globals context manager (#127939) 2024-07-12 20:38:43 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_show_pickle.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_sort_and_select.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_sparse_csr.py [BE][Easy] apply autofix for ruff rules unnecessary-collection-call (C408): list() / tuple() / dict() (#130199) 2024-07-11 17:30:28 +00:00
test_sparse_semi_structured.py [CUDA][Sparse] Change comparison function of test_sparse_semi_structured.py and bump tolerances for sp24_matmuls (#128553) 2024-06-13 06:58:07 +00:00
test_sparse.py rm duplicate index_dtype arg (#130803) 2024-07-18 18:30:13 +00:00
test_spectral_ops.py
test_stateless.py [BE] bump optree version to 0.12.1 (#130139) 2024-07-20 02:41:10 +00:00
test_static_runtime.py [BE] enable ruff rule Q from flake8-quotes (#127713) 2024-06-02 23:25:26 +00:00
test_subclass.py Only test _is_param if doing instance check on Parameter base (#130578) 2024-07-12 13:55:13 +00:00
test_sympy_utils.py Keep zero check be compatible with different sympy versions (#130729) 2024-07-16 08:39:00 +00:00
test_tensor_creation_ops.py Fix Storage.filename to not track the filename when storage was mmap-ed with MAP_PRIVATE (#128725) 2024-06-17 18:55:47 +00:00
test_tensorboard.py [dynamo][user-defined] Simplify and improve scope of UserDefinedObject var_getattr (#130169) 2024-07-08 04:10:56 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py [BE] bump optree version to 0.12.1 (#130139) 2024-07-20 02:41:10 +00:00
test_throughput_benchmark.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_torch.py Revert "Re-implement pin_memory to be device-agnostic by leveraging the Accelerator concept (#126376)" 2024-07-18 20:25:20 +00:00
test_transformers.py [cpu][flash attention] fix nan issue (#130014) 2024-07-10 02:33:26 +00:00
test_type_hints.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_type_info.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_type_promotion.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_typing.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_unary_ufuncs.py Revert "[dynamo] Support ndarray.dtype attribute access (#124490)" 2024-06-06 14:21:29 +00:00
test_utils.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_view_ops.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_vulkan.py
test_weak.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_xnnpack_integration.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00
test_xpu.py [BE][Easy][6/19] enforce style for empty lines in import segments in test/ (#129757) 2024-07-17 06:42:37 +00:00