pytorch/test
Edward Z. Yang 10c831567b Make sympify'ing SymInt/etc produce their sympy expression (#130166)
There is one huge problem this fixes: today, sympify(symint)
produces a float(!!) because Sympy attempts to see if you can
coerce the symint to float in sympify and of course this works on
SymInt.

However, this also has another nontrivial effect: anywhere in Inductor
where sympy expressions are passed around, it is also valid to pass
around a SymInt now.  I'm ambivalent about this: it's currently a
mistake to be passing around a SymInt when a sympy expression is
expected.  But maybe this is fine?

Signed-off-by: Edward Z. Yang <ezyang@meta.com>

Pull Request resolved: https://github.com/pytorch/pytorch/pull/130166
Approved by: https://github.com/yf225
2024-07-06 03:56:45 +00:00
..
ao/sparsity
autograd
backends/xeon
benchmark_utils
bottleneck_test
cpp Remove unused type traits in torch/csrc/utils (#128799) 2024-06-27 23:51:18 +00:00
cpp_api_parity
cpp_extensions sdp::SDPBackend::flash_attention support PrivateUse1 (#126392) 2024-06-28 17:48:40 +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 [custom ops] convert string type annotation to real type (#128809) 2024-06-18 00:55:50 +00:00
distributed Back out "Pass device to is_pinned call inside TensorProperties.create_from_tensor" (#129972) 2024-07-06 01:07:32 +00:00
distributions [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
dynamo [runtime asserts] deduplicate runtime asserts & CSE (#128599) 2024-07-06 03:44:49 +00:00
dynamo_expected_failures [dynamo][user-defined] Support method descriptors (#130159) 2024-07-06 02:03:09 +00:00
dynamo_skips Dynamo testing: add some skips (#128734) 2024-06-14 20:53:30 +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 Make _embedding_bag_backward explicitly dispatch to CPU and CUDA. (#129691) 2024-07-03 21:54:49 +00:00
export [runtime asserts] deduplicate runtime asserts & CSE (#128599) 2024-07-06 03:44:49 +00:00
forward_backward_compatibility [Inductor][Quant] Change the schema of QLinear Binary (#129049) 2024-07-02 12:36:38 +00:00
functorch Support allowlisted modules and op overloads in AOTAutogradCache (#128329) 2024-07-03 14:59:24 +00:00
fx Save DOT file of graph instead of SVG for GraphTranformObserver (#128634) 2024-06-14 00:54:22 +00:00
higher_order_ops [Inductor] Fix the High Order Op layout issue (#128275) 2024-06-15 00:33:21 +00:00
inductor [halide-backend] Support scan kernels (#129035) 2024-07-06 03:49:50 +00:00
jit [BE][Easy] replace import pathlib with from pathlib import Path (#129426) 2024-06-30 01:36:07 +00:00
jit_hooks
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 max_pool2d decomposition for empty list and integer limits (#129106) 2024-06-24 22:19:42 +00:00
onnx [runtime asserts] deduplicate runtime asserts & CSE (#128599) 2024-07-06 03:44:49 +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 Kineto profiler: collecting observer traces from C++ child threads (#128743) 2024-06-29 00:44:30 +00:00
quantization Revert "Change numeric_debug_handle to store per-node id (#129811)" 2024-07-05 18:14: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] replace import pathlib with from pathlib import Path (#129426) 2024-06-30 01:36:07 +00:00
typing added type hints for __contains__ (#129653) 2024-06-30 11:49:11 +00:00
xpu [Aten] Fix XPU convolution_overrideable input memory format. (#124841) 2024-04-26 15:55:01 +00:00
_test_bazel.py
allowlist_for_publicAPI.json Evaluate symexprs on load path of cache not write (#128997) 2024-06-20 08:55:12 +00:00
conftest.py run_test: Unset cpp stacktraces after reruns (#129004) 2024-07-03 01:50:15 +00:00
create_dummy_torchscript_model.py
delete.py
hi.py
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py
minioptest_failures_dict.json
mkl_verbose.py
mkldnn_verbose.py
pytest_shard_custom.py
run_doctests.sh
run_test.py run_test: Unset cpp stacktraces after reruns (#129004) 2024-07-03 01:50:15 +00:00
simulate_nccl_errors.py
test_ao_sparsity.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_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 [Ez][BE]: Enable new stable ruff rules (#129825) 2024-07-02 14:47:10 +00:00
test_binary_ufuncs.py [BE]: Update ruff to 0.5.0 (#129744) 2024-06-28 21:49:56 +00:00
test_bundled_images.py Flip default value for mypy disallow_untyped_defs [1/11] (#127838) 2024-06-08 18:16:33 +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
test_compile_benchmark_util.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_complex.py Flip default value for mypy disallow_untyped_defs [1/11] (#127838) 2024-06-08 18:16:33 +00:00
test_content_store.py
test_cpp_api_parity.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_cpp_extensions_aot.py Support torch.dtype as parameter in pybind11 cpp extension. (#126865) 2024-05-29 23:19:32 +00:00
test_cpp_extensions_jit.py
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 Fix map_location for wrapper subclass and device tensors that go through numpy (#126728) 2024-05-24 16:39:30 +00:00
test_cpp_extensions_stream_and_event.py [RELAND] Add xpu to getAccelerator (#129205) 2024-07-04 10:26:52 +00:00
test_cuda_expandable_segments.py Enable UFMT on test/test_cuda*.py (#124352) 2024-04-25 18:31:08 +00:00
test_cuda_multigpu.py Deprecate device-specific GradScaler autocast API (#126527) 2024-05-25 06:41:34 +00:00
test_cuda_nvml_based_avail.py Enable UFMT on test/test_cuda*.py (#124352) 2024-04-25 18:31:08 +00:00
test_cuda_primary_ctx.py Enable UFMT on test/test_cuda*.py (#124352) 2024-04-25 18:31:08 +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 Enable UFMT on test/test_cuda*.py (#124352) 2024-04-25 18:31:08 +00:00
test_cuda.py fixes #124582 (#128483) 2024-07-02 08:45:59 +00:00
test_custom_ops.py [custom ops] Support factory function (#129978) 2024-07-04 00:10:52 +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 Fix exp decomp numerics (#129154) 2024-06-21 03:21:30 +00:00
test_deploy.py Enable UFMT on test_decomp.py, test_expanded_weights.py and some files (#125117) 2024-05-07 02:36:40 +00:00
test_determination.py [Caffe2] [2/N] Remove Caffe2 from tests (#128911) 2024-06-19 00:05:50 +00:00
test_dispatch.py
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 Make sympify'ing SymInt/etc produce their sympy expression (#130166) 2024-07-06 03:56:45 +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 Fix flakiness with test_binary_op_list_error_cases (#129003) 2024-06-20 21:48:22 +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 Add aten._unsafe_masked_index (#116491) 2024-06-25 02:45:02 +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 Change index_put on GPU to accept FP8 inputs (#128758) 2024-06-25 00:38:03 +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 Enable UFMT on test/test_jit_fuser_te.py (#127759) 2024-06-04 16:56:03 +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 test_jit: Replace plain assert by test assert (#128950) 2024-06-25 09:04:53 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py
test_license.py Fix manual licensing (#128630) 2024-06-14 00:12:09 +00:00
test_linalg.py Stop immediately specializing common constants 0/1 for plain int (#128327) 2024-07-03 16:41:51 +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
test_matmul_cuda.py Updates to scaled_mm for rowwise scaling (#130059) 2024-07-04 00:53:17 +00:00
test_meta.py Correct error message for aten::_local_scalar_dense on meta tensor (#124554) 2024-05-30 00:50:29 +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
test_module_tracker.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_modules.py Revert "Default meta device to use swap_tensors in nn.Module._apply (.to_empty and .to('meta')) (#126819)" 2024-06-01 18:46:16 +00:00
test_monitor.py
test_mps.py Revert "[MPS] Add support for autocast in MPS (#99272)" 2024-07-02 12:29:51 +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
test_native_mha.py
test_nestedtensor.py Default to input tensor device for as_nested_tensor(t) (#130050) 2024-07-05 17:50:08 +00:00
test_nn.py Forward fix the missing torch.nn.Module.set_submodule from D59140215 (#130075) 2024-07-04 17:46:56 +00:00
test_nnapi.py Enable ufmt format on test files (#126845) 2024-05-28 01:42:07 +00:00
test_numba_integration.py Enable ufmt format on test files (#126845) 2024-05-28 01:42:07 +00:00
test_numpy_interop.py [dynamo][numpy] Add unsigned integer dtypes (#125717) 2024-06-05 14:33:47 +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
test_ops_gradients.py
test_ops_jit.py
test_ops.py Add fake impl for aten.unique_dim (#126561) 2024-06-01 04:03:10 +00:00
test_optim.py [Optim][BE] Change str(device) to _get_device_type(device) (#129984) 2024-07-04 06:44:48 +00:00
test_out_dtype_op.py
test_overrides.py Properly detect nested torch function args (#127496) 2024-06-02 03:43:22 +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 [BE] wrap deprecated function/class with typing_extensions.deprecated (#127689) 2024-06-02 12:30:43 +00:00
test_proxy_tensor.py Introduce int_oo (#127693) 2024-06-13 04:08:20 +00:00
test_pruning_op.py
test_public_bindings.py Enable UFMT on test/test_public_bindings.py (#128389) 2024-07-03 01:43:41 +00:00
test_python_dispatch.py [BE]: Update ruff to v0.4.4 (#125031) 2024-05-12 20:02:37 +00:00
test_pytree.py [BE] wrap deprecated function/class with typing_extensions.deprecated (#127689) 2024-06-02 12:30:43 +00:00
test_quantization.py
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 [BE][Easy] replace import pathlib with from pathlib import Path (#129426) 2024-06-30 01:36:07 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py Enable UFMT on test_shape_ops.py test_show_pickle.py test_sort_and_select.py (#127165) 2024-06-05 14:31:26 +00:00
test_show_pickle.py Enable UFMT on test_shape_ops.py test_show_pickle.py test_sort_and_select.py (#127165) 2024-06-05 14:31:26 +00:00
test_sort_and_select.py Remove global variable SIZE, and fix linter warning (#128559) 2024-06-13 22:09:51 +00:00
test_sparse_csr.py
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 [traced-graph][sparse] propagate sparsity metadata into traced graph (#117907) 2024-05-23 22:46:46 +00:00
test_spectral_ops.py
test_stateless.py [BE] wrap deprecated function/class with typing_extensions.deprecated (#127689) 2024-06-02 12:30:43 +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
test_sympy_utils.py Introduce int_oo (#127693) 2024-06-13 04:08:20 +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 [BE][Easy] replace import pathlib with from pathlib import Path (#129426) 2024-06-30 01:36:07 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py [inductor] Add lowering and codegen for aten.sort (#128458) 2024-06-26 01:36:39 +00:00
test_throughput_benchmark.py Enable UFMT format on test/test_throughput_benchmark.py test/test_type_hints.py test/test_type_info.py (#125906) 2024-05-11 04:32:01 +00:00
test_torch.py [Caffe2] [2/N] Remove Caffe2 from tests (#128911) 2024-06-19 00:05:50 +00:00
test_transformers.py Skip TestSDPAPrivateUse1Only on FBCODE (#129997) 2024-07-03 06:48:51 +00:00
test_type_hints.py Fix test test_type_hints.py::TestTypeHints::test_doc_examples (#129829) 2024-07-01 13:28:37 +00:00
test_type_info.py Flip default value for mypy disallow_untyped_defs [1/11] (#127838) 2024-06-08 18:16:33 +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 Revert "[BE][Easy] use pathlib.Path instead of dirname / ".." / pardir (#129374)" 2024-06-29 00:47:15 +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 Flip default value for mypy disallow_untyped_defs [final] (#127836) 2024-06-12 15:28:42 +00:00
test_view_ops.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_vulkan.py
test_weak.py
test_xnnpack_integration.py Enable UFMT for numpy_test files, test_xnnpack_integration.py (#129023) 2024-06-28 05:40:31 +00:00
test_xpu.py Refine XPU UTs (#130138) 2024-07-05 09:56:22 +00:00