pytorch/test
Nikita Shulga 0910429d72 [BE][CMake] Use FindPython module (#124613)
As FindPythonInterp and FindPythonLibs has been deprecated since cmake-3.12

Replace `PYTHON_EXECUTABLE` with `Python_EXECUTABLE` everywhere (CMake variable names are case-sensitive)

This makes PyTorch buildable with python3 binary shipped with XCode on MacOS

TODO: Get rid of `FindNumpy` as its part of Python package
Pull Request resolved: https://github.com/pytorch/pytorch/pull/124613
Approved by: https://github.com/cyyever, https://github.com/Skylion007
2024-05-29 13:17:35 +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 [codemod] c10::optional -> std::optional in caffe2/aten/src/ATen/DeviceGuard.h +117 (#126901) 2024-05-24 00:26:15 +00:00
cpp_api_parity [BE]: Update ruff to 0.4.1 (#124549) 2024-04-21 14:06:23 +00:00
cpp_extensions [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_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 [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
distributed [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +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 [dynamo] Support enum construction (#127364) 2024-05-29 08:09:21 +00:00
dynamo_expected_failures Revert "reset dynamo cache before each test (#126586)" 2024-05-25 17:17:19 +00:00
dynamo_skips [dynamo] Graph break on set_num_threads (#126623) 2024-05-20 17:44:32 +00:00
edge [BE][CMake] Use FindPython module (#124613) 2024-05-29 13:17:35 +00:00
error_messages UFMT formatting on test/distributions, test/error_messages, test/forward_backward_compatability (#123527) 2024-04-09 16:03:46 +00:00
expect Revert "Lift jagged -> padded dense forward / backward kernels from fbgemm_gpu (#125946)" 2024-05-24 20:26:07 +00:00
export Add a registry for GraphModuleSerializer (#126550) 2024-05-29 03:12:48 +00:00
forward_backward_compatibility Switched from parameter in can_cast to from_. (#126030) 2024-05-16 20:58:24 +00:00
functorch [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
fx [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
higher_order_ops [torchbind] Add inductor support (#123709) 2024-05-13 18:18:17 +00:00
inductor [AOTI] Update reinplace to cover mutated buffer (#127297) 2024-05-29 13:07:53 +00:00
jit [TorchScript] Expand TorchScript __init__ annotation warning (#127045) 2024-05-28 23:49:10 +00:00
jit_hooks Enable UFMT on all of test/jit (#123623) 2024-04-11 23:45:05 +00:00
lazy [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
mobile [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
nn [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
onnx [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
onnx_caffe2 [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
optim Add testing and fix issues for weights_only load for LRScheduler (#123775) 2024-04-16 20:29:27 +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 [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
quantization Revert "[Quant][PT2E] enable qlinear post op fusion for dynamic quant & qat (#122667)" 2024-05-21 13:45:07 +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 [5/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort torch (#127126) 2024-05-27 14:49:57 +00:00
typing [1/N][Easy] fix typo for usort config in pyproject.toml (kown -> known): sort stdlib (#127122) 2024-05-25 08:25:50 +00:00
xpu [Aten] Fix XPU convolution_overrideable input memory format. (#124841) 2024-04-26 15:55:01 +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 Traceable wrapper subclass support for deferred runtime asserts (#126198) 2024-05-21 01:21:46 +00:00
conftest.py UFMT formatting on test/autograd test/ao test/cpp test/backends (#123369) 2024-04-05 18:51:38 +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 Enable UFMT on test/jit_hooks, test/lazy and some files (#123807) 2024-04-12 03:39:38 +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 Change run_test.py arg parsing to handle additional args better (#126709) 2024-05-23 21:08:12 +00:00
simulate_nccl_errors.py Enable UFMT on test/scripts and some files (#124137) 2024-04-19 22:01:27 +00:00
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 [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +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] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
test_binary_ufuncs.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_bundled_images.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_bundled_inputs.py Enable UFMT on test/scripts and some files (#124137) 2024-04-19 22:01:27 +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 [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 Enable UFMT on test/scripts and some files (#124137) 2024-04-19 22:01:27 +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 rename ort to maia (#123265) 2024-04-23 00:33:25 +00:00
test_cpp_extensions_jit.py Enable UFMT on test/scripts and some files (#124137) 2024-04-19 22:01:27 +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 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 Add test_cpp_extensions tests for stream_and_event and mita_backend (#123614) 2024-04-26 16:17:54 +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 [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
test_custom_ops.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_dataloader.py Enable UFMT on test/test_dataloader.py (#124710) 2024-04-28 21:21:51 +00:00
test_datapipe.py Enable UFMT on test/test_datapipe.py (#124994) 2024-05-15 21:58:35 +00:00
test_decomp.py [decomp] Fix default values missing from inplace rrelu decomposition (#126978) 2024-05-26 23:49:40 +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 [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_dispatch.py Enable UFMT on test/test_dispatch (#123644) 2024-04-10 03:09:38 +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 [export] handle new roots & root swapping in derived dims suggested fixes (#125543) 2024-05-28 20:41:43 +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 Make propagate_real_tensor more safe (#126281) 2024-05-15 23:57:02 +00:00
test_flop_counter.py Foward fix lint after #125747 (#126295) 2024-05-15 16:37:48 +00:00
test_foreach.py in test_foreach.py pacth KINETO_LOG_LEVEL to silence profiler log (#126048) 2024-05-13 15:31:56 +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 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.py Enable UFMT on test/test_functionalization.py (#123926) 2024-04-28 17:02:34 +00:00
test_futures.py
test_fx_experimental.py
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 [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +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
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 Fix global flake8 issues (#124771) 2024-04-26 15:35:53 +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 Enable UFMT format on test/license.py test/logging.py (#125737) 2024-05-11 01:52:35 +00:00
test_linalg.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18: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 [BE] enable ruff rule RSE and remove useless parentheses in raise statements (#124261) 2024-04-17 19:29:34 +00:00
test_matmul_cuda.py [ROCm] Fix ROCm bug that causes numerical errors in float8_experimental (#123275) 2024-04-10 21:52:02 +00:00
test_meta.py Add meta for _embedding_bag_dense_backward and _embedding_bag_per_sample_weights_backward (#125785) 2024-05-09 04:28:16 +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
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 "reset dynamo cache before each test (#126586)" 2024-05-25 17:17:19 +00:00
test_monitor.py
test_mps.py [MPS] Enable toch.mm and friends for complex dtypes (#127241) 2024-05-28 17:56:13 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py skip various unit tests for Jetson (#122531) 2024-04-16 01:26:26 +00:00
test_namedtensor.py
test_namedtuple_return_api.py
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 Revert "Lift jagged -> padded dense forward / backward kernels from fbgemm_gpu (#125946)" 2024-05-24 20:26:07 +00:00
test_nn.py [CUDA] Parallelize upsampling OPS across the batch/channel dimension. (#127082) 2024-05-24 21:17:12 +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 Fix lint after #126845 (#127286) 2024-05-28 12:38:27 +00:00
test_openmp.py Enable ufmt format on test files (#126845) 2024-05-28 01:42:07 +00:00
test_ops_fwd_gradients.py Enable UFMT on test/test_ops* (#123935) 2024-04-13 03:31:56 +00:00
test_ops_gradients.py Enable UFMT on test/test_ops* (#123935) 2024-04-13 03:31:56 +00:00
test_ops_jit.py [BE]: TRY002 - Ban raising vanilla exceptions (#124570) 2024-04-21 22:26:40 +00:00
test_ops.py [BE]: Update ruff to 0.4.1 (#124549) 2024-04-21 14:06:23 +00:00
test_optim.py [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
test_out_dtype_op.py
test_overrides.py Made FlexAttention rewrite getitem calls to use aten.index in score_mod (#124799) 2024-04-26 17:22:13 +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 (#126898) 2024-05-29 12:09:27 +00:00
test_proxy_tensor.py Address issue #125307 (#126351) 2024-05-28 02:03:24 +00:00
test_pruning_op.py
test_public_bindings.py Fix public binding to actually traverse modules (#126103) 2024-05-15 19:36:03 +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 (#126898) 2024-05-29 12:09:27 +00:00
test_quantization.py
test_reductions.py Remove calls of deprecated _aminmax (#127182) 2024-05-28 03:51:45 +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 Fix map_location for wrapper subclass and device tensors that go through numpy (#126728) 2024-05-24 16:39:30 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py Add a variable for some testcases. (#124708) 2024-05-01 23:19:12 +00:00
test_show_pickle.py
test_sort_and_select.py
test_sparse_csr.py [BE]: Update ruff to 0.4.1 (#124549) 2024-04-21 14:06:23 +00:00
test_sparse_semi_structured.py [sparse] Add fast semi-structured spasification kernels (#122350) 2024-04-19 13:31:58 +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 (#126898) 2024-05-29 12:09:27 +00:00
test_static_runtime.py
test_subclass.py
test_sympy_utils.py Generalise mod value ranges (#123253) 2024-04-06 20:19:24 +00:00
test_tensor_creation_ops.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_tensorboard.py [CI] Removed tests for torch.utils.tensorboard.summary.hparams (#122556) 2024-03-29 21:44:02 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py [BE]: Update ruff to 0.4.1 (#124549) 2024-04-21 14:06:23 +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 [BE] wrap deprecated function/class with typing_extensions.deprecated (#126898) 2024-05-29 12:09:27 +00:00
test_transformers.py Revert "Refactoring to remove unused variable (#125252)" 2024-05-02 01:49:57 +00:00
test_type_hints.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_type_info.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_type_promotion.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_typing.py
test_unary_ufuncs.py [dynamo] wrap GraphModule exceptions in dynamo-wrapped tests (#126341) 2024-05-29 05:18:04 +00:00
test_utils.py Enable UFMT format on test/test_utils.py (#125996) 2024-05-15 18:22:57 +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 [BE] enable ruff rule RSE and remove useless parentheses in raise statements (#124261) 2024-04-17 19:29:34 +00:00
test_xnnpack_integration.py
test_xpu.py xpu: implement xpu serialization (#125530) 2024-05-16 20:22:17 +00:00