pytorch/test
Aaron Gokaslan dbad6d71c7 [BE][Ez]: Unskip conv1d MPS test (#154795)
Fixes issue I noticed where conv1d test is skipped for complex types unconditionally
Pull Request resolved: https://github.com/pytorch/pytorch/pull/154795
Approved by: https://github.com/jansel
2025-05-31 23:01:19 +00:00
..
ao/sparsity [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
autograd
backends/xeon
benchmark_utils
bottleneck_test
cpp Revert "[c10d] Separate monitoring thread into a class in PGNCCL (#153977)" 2025-05-30 03:46:43 +00:00
cpp_api_parity
cpp_extensions Remove janky (though at times useful) dlclose test (#153975) 2025-05-20 23:26:42 +00:00
custom_backend [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
custom_operator [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
distributed [FSDP2] allow different dtypes for no grad model params (#154103) 2025-05-30 07:00:54 +00:00
distributions Use property instead of ClassVar for Uniform.arg_constraints and Wishart.arg_constraints (#154361) 2025-05-26 17:48:28 +00:00
dynamo Revert "convert inductor codecache to use getArtifactLogger (#153766)" 2025-05-30 22:20:07 +00:00
dynamo_expected_failures Add CPython dict tests (#150791) 2025-05-30 18:17:09 +00:00
dynamo_skips Add CPython dict tests (#150791) 2025-05-30 18:17:09 +00:00
edge Revert "Use 3.27 as the minimum CMake version (#153153)" 2025-05-31 02:14:24 +00:00
error_messages
expect Bump protobuf version and refactor tensorboard tests (#154244) 2025-05-25 00:50:07 +00:00
export Revert "[draft export] avoid storing intermediate real tensors in proxies (#154630)" 2025-05-31 00:07:56 +00:00
forward_backward_compatibility API change for new enum in cusparseltsplitkmode-t for cusparseLT 0.7.0+ (#150536) 2025-05-14 23:36:53 +00:00
functorch [export][cond] support merging constant ints as unbacked symint (#152742) 2025-05-22 17:25:38 +00:00
fx [Minimizer] Gracefully exit when there is no discrepancy in block mode (#154076) 2025-05-23 06:42:07 +00:00
higher_order_ops [dynamo] dynamic gb_type -> static gb_type (#154435) 2025-05-28 03:14:26 +00:00
inductor [inductor][AMD] support special kwargs in AMD triton configs (#154605) 2025-05-30 22:24:32 +00:00
inductor_expected_failures [dynamo] Support Tensor subclass that has dynamic attributes or calls Parameter.__torch_function__ (#149482) 2025-04-02 20:56:43 +00:00
inductor_skips [BE] Remove test_ops from FIXME_inductor_dont_reset_dynamo (#145307) 2025-01-27 18:12:39 +00:00
jit [JIT] Optimize DCE by storing a MemoryLocations for an entire set<Value*> (#153645) 2025-05-19 21:04:59 +00:00
jit_hooks [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
lazy
mobile Fix some CMake issues (#153686) 2025-05-19 00:31:34 +00:00
nn [BE][Ez]: Unskip conv1d MPS test (#154795) 2025-05-31 23:01:19 +00:00
onnx [ONNX] Update onnx to 1.18 (#153746) 2025-05-25 20:58:47 +00:00
optim Fix lr_scheduler unexpectedly calls step() when init argument last_epoch is larger than -1 (#149312) 2025-05-22 08:42:37 +00:00
package Remove outdated test skipif conditions for Python3.9 (#146144) 2025-01-31 19:01:04 +00:00
profiler Add memory reporting for XPU to Memory Profiler (#152842) 2025-05-21 01:19:19 +00:00
quantization [Reland][pytorch] Patch the _is_conv_node function (#154473) 2025-05-30 00:41:03 +00:00
scripts
strobelight/examples Enable strobelight profiling specific compile frame ids using COMPILE_STROBELIGHT_FRAME_FILTER (#147549) 2025-02-22 03:44:53 +00:00
test_img
torch_np Fix broken URLs (#152237) 2025-04-27 09:56:42 +00:00
typing Revert "Fix non-bitwise type annotations for Tensor operators (see #145838) (#146845)" 2025-02-18 19:01:27 +00:00
xpu [Intel GPU] fix matmul accuracy when offset > 0 (#154495) 2025-05-30 09:53:51 +00:00
_test_bazel.py
allowlist_for_publicAPI.json [export] Move PT2ArchiveWriter/Reader to torch/export (#153795) 2025-05-23 19:04:36 +00:00
bench_mps_ops.py [MPS][Testing] Benchmark reduction ops (#150452) 2025-04-02 01:06:27 +00:00
conftest.py Apply ruff fixes to tests (#146140) 2025-02-04 05:41:01 +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 [Inductor] Record Triton’s Base32 Cache Key in .best_config for Debugging (#154618) 2025-05-30 19:30:25 +00:00
simulate_nccl_errors.py [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
slow_tests.json Update slow tests (#153815) 2025-05-19 11:15:25 +00:00
test_accelerator.py [Easy] Fix the function signature of torch.Event (#151221) 2025-04-26 13:51:56 +00:00
test_ao_sparsity.py
test_appending_byte_serializer.py Check integrity of bytes in AppendingByteSerializer (#152139) 2025-04-26 18:10:58 +00:00
test_autocast.py Enable TemporaryFileName tests on Windows (#146311) 2025-02-07 06:06:18 +00:00
test_autograd_fallback.py
test_autograd.py Fix test_side_stream_backward_overlap flakiness (#153963) 2025-05-20 21:02:56 +00:00
test_autoload.py
test_binary_ufuncs.py Fix lerp weight type promotion (#141117) 2025-01-24 01:18:20 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_ci_sanity_check_fail.py
test_comparison_utils.py
test_compile_benchmark_util.py
test_complex.py
test_content_store.py torch.utils._content_store: fix error in hash_storage on XPU (#147785) 2025-02-26 23:57:59 +00:00
test_cpp_api_parity.py Enable C++ API parity tests on AArch64 (#145370) 2025-01-30 22:42:49 +00:00
test_cpp_extensions_aot.py Make python_agnostic cpp extension tests standalone (#153274) 2025-05-20 19:18:09 +00:00
test_cpp_extensions_jit.py [ROCm] Added unit test to test the cuda_pluggable allocator (#154041) 2025-05-22 18:22:15 +00:00
test_cpp_extensions_mtia_backend.py Revert "Generalize poison fork logic for each device backend (#144664)" 2025-04-10 21:02:14 +00:00
test_cpp_extensions_open_device_registration.py Revert "Fix the Problems About Defining Static Variable in Inline Function (#147095)" 2025-05-28 18:22:39 +00:00
test_cpp_extensions_stream_and_event.py [Easy] Add more check for elapsedTime of torch.xxx.Event and torch.Event (#151404) 2025-04-25 20:15:04 +00:00
test_cuda_expandable_segments.py
test_cuda_multigpu.py [CUDA] try to abate some flakiness in test_stream_event_nogil (#148796) 2025-03-12 19:12:50 +00:00
test_cuda_nvml_based_avail.py
test_cuda_primary_ctx.py Remove outdated skipIfRocmVersionLessThan decorations (#148941) 2025-03-11 18:37:40 +00:00
test_cuda_sanitizer.py
test_cuda_trace.py
test_cuda.py Resubmit Remove MemPoolContext (#154042) (#154746) 2025-05-31 01:21:54 +00:00
test_custom_ops.py Inductor respects exact strides on custom ops by default (#150511) 2025-05-03 00:02:24 +00:00
test_dataloader.py Enable more nightly tests on s390x (#148452) 2025-03-18 16:09:39 +00:00
test_datapipe.py Remove unactivated test (#146233) 2025-02-04 05:26:04 +00:00
test_decomp.py Update ruff linter for PEP585 (#147540) 2025-02-22 04:45:17 +00:00
test_deploy.py
test_determination.py
test_dispatch.py [BE][CI] bump ruff to 0.9.0: string quote styles (#144569) 2025-02-24 19:56:09 +00:00
test_dlpack.py
test_dynamic_shapes.py Fix: Replacements can cause runtime assertions to disappear and can cause invalid inductor code. (#153661) 2025-05-28 09:08:05 +00:00
test_expanded_weights.py
test_extension_utils.py Move privateuse1 test out of test_utils and make them serial (#145380) 2025-01-23 00:31:39 +00:00
test_fake_tensor.py PYFMT lint grandfathered files 1 (#154261) 2025-05-25 17:36:14 +00:00
test_file_check.py
test_flop_counter.py PYFMT lint grandfathered files 1 (#154261) 2025-05-25 17:36:14 +00:00
test_foreach.py Synchronize in foreach tests after profiling (#152857) 2025-05-06 00:56:48 +00:00
test_function_schema.py
test_functional_autograd_benchmark.py Enable Windows tests (#146666) 2025-02-08 00:55:20 +00:00
test_functional_optim.py
test_functionalization_of_rng_ops.py
test_functionalization.py
test_futures.py
test_fx_experimental.py PEP585: Add noqa to necessary tests (#146391) 2025-02-12 15:29:50 +00:00
test_fx_passes.py
test_fx_reinplace_pass.py
test_fx.py [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
test_hop_infra.py Support torch.compile rng selective activation checkpointing with cudagraph (#146878) 2025-02-28 00:47:03 +00:00
test_hub.py
test_import_stats.py
test_indexing.py Fix deterministic indexing with broadcast (#154296) 2025-05-25 21:14:50 +00:00
test_itt.py
test_jit_autocast.py
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py [BE][CI] bump ruff to 0.9.0: string quote styles (#144569) 2025-02-24 19:56:09 +00:00
test_jit_fuser.py
test_jit_legacy.py
test_jit_llga_fuser.py
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py [BE]: Apply ruff PERF403 to use dict comprehensions more often (#149257) 2025-03-18 00:46:07 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py
test_license.py Fix license check for setuptools>=77 (#151158) 2025-04-12 13:41:12 +00:00
test_linalg.py torch.tensordot: performance improvements when contracting to a scalar. (#145936) 2025-05-13 10:57:30 +00:00
test_logging.py
test_masked.py
test_maskedtensor.py
test_matmul_cuda.py [CUDA][cuBLAS][cuBLASLt] avoid polluting prefer cuBLAS/Lt setting across tests (#153655) 2025-05-20 16:18:35 +00:00
test_meta.py [BE] Migrate dtype_abbrs into one location (#152229) 2025-04-28 03:52:47 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py
test_mkldnn_verbose.py
test_mkldnn.py Support fp8 output of _scaled_mm for CPU (#153600) 2025-05-22 01:15:39 +00:00
test_mobile_optimizer.py
test_model_exports_to_core_aten.py [Codemod][AddExplicitStrictExportForTrainingInferenceArg] caffe2/ (#149595) 2025-04-03 23:50:13 +00:00
test_module_tracker.py
test_modules.py Disable slow gradcheck for nn.Transformer ModuleInfo (#145531) 2025-01-25 00:58:03 +00:00
test_monitor.py
test_mps.py [MPS] index copy impl (#154326) 2025-05-29 16:57:43 +00:00
test_multiprocessing_spawn.py Remove NO_MULTIPROCESSING_SPAWN checks (#146705) 2025-02-28 05:53:19 +00:00
test_multiprocessing.py Remove NO_MULTIPROCESSING_SPAWN checks (#146705) 2025-02-28 05:53:19 +00:00
test_namedtensor.py
test_namedtuple_return_api.py
test_native_functions.py
test_native_mha.py
test_nestedtensor.py Rewrite autograd producer consumer stream sync logic (#151079) 2025-05-16 15:42:22 +00:00
test_nn.py Add hint message when parameters is empty in clip_grad_norm_ (#151529) 2025-05-22 11:23:39 +00:00
test_nnapi.py
test_numba_integration.py Fix broken URLs (#152237) 2025-04-27 09:56:42 +00:00
test_numpy_interop.py
test_openmp.py
test_openreg.py [OpenReg] Add _lazy_init and rng_state support for OpenReg (#151914) 2025-05-04 09:42:08 +00:00
test_ops_fwd_gradients.py
test_ops_gradients.py Enable more nightly tests on s390x (#148452) 2025-03-18 16:09:39 +00:00
test_ops_jit.py
test_ops.py [ROCm] unkip test_non_standard_bool except for failings ops (#152956) 2025-05-13 15:55:42 +00:00
test_optim.py Fix test/test_optim.py error message. (#153076) 2025-05-07 22:46:05 +00:00
test_out_dtype_op.py
test_overrides.py [dynamo] Remove traceable_tensor_subclasses-related code (#151062) 2025-04-15 03:55:35 +00:00
test_package.py
test_per_overload_api.py
test_prims.py
test_proxy_tensor.py introduce definitely_contiguous and use it for reshape and tensor meta data computation. (#153432) 2025-05-28 03:41:26 +00:00
test_pruning_op.py
test_public_bindings.py Remove public_allowlist from TestPublicBindings.test_correct_module_names and ensure private_allowlist-ed things are actually private (#145620) 2025-01-27 17:30:02 +00:00
test_python_dispatch.py Make DispatchKeySet serializable; add __eq__ (#152732) 2025-05-03 14:40:06 +00:00
test_pytree.py [pytree] Register normal class to register_dataclass (#147752) 2025-04-01 23:28:20 +00:00
test_quantization.py [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
test_reductions.py More descriptive error message for torch.nanmean() with complex dtypes (#153252) 2025-05-26 05:42:57 +00:00
test_scatter_gather_ops.py Reland fast gather and index implementation (#151917) 2025-04-23 19:13:13 +00:00
test_schema_check.py
test_segment_reductions.py
test_serialization.py Temporarily disable sparse tensor validation when loading from external storage. (#154758) 2025-05-31 19:45:44 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py [Quant] flip: throw runtime error for QUInt4x2 and QUInt2x4 input (#147430) 2025-02-25 03:47:40 +00:00
test_show_pickle.py
test_sort_and_select.py Fix linter F821 error (#146665) 2025-02-08 07:19:37 +00:00
test_sparse_csr.py [ROCm] improve sparse addmm, enable complex (#153262) 2025-05-19 22:23:18 +00:00
test_sparse_semi_structured.py ROCm Sparsity through HipSparseLT (#150578) 2025-05-31 02:03:40 +00:00
test_sparse.py Fix signature of torch.sparse_coo_tensor() (#152681) 2025-05-28 13:16:41 +00:00
test_spectral_ops.py Re-add stft option to align window for center = false (#146379) 2025-02-06 14:07:13 +00:00
test_stateless.py
test_static_runtime.py
test_subclass.py
test_sympy_utils.py [Inductor] Expand Identity ops prior to block pattern matching (#146000) 2025-02-08 18:11:53 +00:00
test_tensor_creation_ops.py [dynamo] Fix syntax error in aot graph from kwarg-less torch.Tensor.[random_|uniform_] calls (#154645) 2025-05-30 18:50:58 +00:00
test_tensorboard.py Fix test_tensorboard when started w/o tensorboard package (#154709) 2025-05-30 19:18:43 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py [Torch] Fix crash when comparing fp8 tensors that have more than 1 dimension (#153508) 2025-05-15 08:41:46 +00:00
test_throughput_benchmark.py Fix Throughputbenchmark issue (#144669) 2025-01-26 03:37:20 +00:00
test_torch.py convert guard_size_oblivious to runtime check in infer_size_impl (#148872) 2025-05-13 00:32:28 +00:00
test_transformers_privateuse1.py [OpenReg] Move SDPA to OpenReg from open_registration_extension.cpp (#153309) 2025-05-13 03:49:19 +00:00
test_transformers.py [CUDA] Fixes for backwards in memefficient attn for large tensors (#154663) 2025-05-30 19:30:07 +00:00
test_type_hints.py
test_type_info.py
test_type_promotion.py
test_typing.py
test_unary_ufuncs.py Fix broken URLs (#152237) 2025-04-27 09:56:42 +00:00
test_utils_config_module.py Add check that envvar configs are boolean (#145454) 2025-02-05 19:40:10 +00:00
test_utils_filelock.py
test_utils.py [utils] add try_import method for importing optional modules (#145528) 2025-01-25 00:14:07 +00:00
test_view_ops.py Fix overflow in checkInBoundsForStorage (#147352) 2025-02-27 15:48:50 +00:00
test_vulkan.py
test_weak.py Consistently use load_torchbind_test_lib in tests (#148082) 2025-03-03 19:37:28 +00:00
test_xnnpack_integration.py [BE][Ez]: ISC001 Auto concatenate implicit one line strings (#146408) 2025-02-04 19:07:04 +00:00
test_xpu.py Enhance UT on elapsed_time for XPUEvent (#154494) 2025-05-30 02:00:02 +00:00