pytorch/test
2025-07-29 07:10:46 +00:00
..
ao/sparsity [BE][3/6] fix typos in test/ (#157637) 2025-07-17 12:08:33 +00:00
autograd
backends/xeon
benchmark_utils [BE][3/6] fix typos in test/ (#157637) 2025-07-17 12:08:33 +00:00
bottleneck_test
compiled_autograd_skips [ca] skip on some PYTORCH_TEST_WITH_DYNAMO=1 autograd tests (#156374) 2025-06-21 18:33:38 +00:00
cpp Move some of vec into headeronly in preparation for Half.h (#158976) 2025-07-29 05:43:53 +00:00
cpp_api_parity [BE][PYFMT] migrate PYFMT for test/[a-h]*/ to ruff format (#144555) 2025-06-24 04:53:54 +00:00
cpp_extensions Enable generating generic c_shim that doesn't bypass dispatcher (#158974) 2025-07-25 21:59:14 +00:00
custom_backend [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
custom_operator Using the latest torch.library.register_fake API instead of torch.library.impl_abstract (#158839) 2025-07-25 02:37:30 +00:00
distributed Revert "[dynamo][fsdp] Consistent behavior of int attributes (#157262)" 2025-07-28 16:58:27 +00:00
distributions [BE] fix remaining flake8 v7 warnings (#159044) 2025-07-25 02:56:34 +00:00
dynamo Add CPython tests for collections module (#158950) 2025-07-29 02:24:27 +00:00
dynamo_expected_failures Add CPython tests for collections module (#158950) 2025-07-29 02:24:27 +00:00
dynamo_skips Add CPython dict tests (#150791) 2025-05-30 18:17:09 +00:00
error_messages
expect Revert "[BE] Remove __reduce_deploy__ (#158291)" 2025-07-25 16:09:39 +00:00
export [test][torchbind] don't allow set torchbind attr at runtime (#158608) 2025-07-25 20:55:41 +00:00
forward_backward_compatibility Fused RMSNorm implementation (#153666) 2025-07-22 22:25:44 +00:00
functorch Add aot_autograd.fx_utils (#159005) 2025-07-25 22:52:33 +00:00
fx Partitioner: Fix to align partition node order with original graph (#157892) 2025-07-28 17:36:29 +00:00
higher_order_ops Using the latest torch.library.register_fake API instead of torch.library.impl_abstract (#158839) 2025-07-25 02:37:30 +00:00
inductor Fix flaky test_inductor_multiple_specializations (#159264) 2025-07-29 05:16:55 +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 [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
jit_hooks [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
lazy [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
mobile [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
nn [conv][cuDNN][64-bit indexing] reduce memory usage of depthwise conv 64-bit indexing test (#158981) 2025-07-25 23:58:45 +00:00
onnx [BE] fix remaining flake8 v7 warnings (#159044) 2025-07-25 02:56:34 +00:00
optim [BE][PYFMT] migrate PYFMT for {torch,test}/{nn,optim}/** to ruff format (#144548) 2025-06-14 11:27:04 +00:00
package [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
profiler [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
quantization [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
scripts [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
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 [BE][PYFMT] migrate PYFMT for test/[i-z]*/ to ruff format (#144556) 2025-07-29 03:26:09 +00:00
typing More testing of Python arithmetic operators between tensors and scalars (see 157266) (#157632) 2025-07-05 17:48: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 remove guard_or_x from allowlist_for_publicAPI (#159181) 2025-07-26 01:22:17 +00:00
bench_mps_ops.py [MPS] Fix index_kernel for large tensors (#158064) 2025-07-11 22:35:44 +00:00
conftest.py [CI][run_test] Fix rerun logic for failing at exit (#155853) 2025-06-17 17:51:40 +00:00
create_dummy_torchscript_model.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 [OpenReg] move fallback tests into test_openreg.py (#158441) 2025-07-25 02:39:41 +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 (#157696) 2025-07-07 12:09:06 +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 Add __main__ guards to ao tests (#154612) 2025-06-10 18:33:09 +00:00
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 Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_autograd.py [dynamo] [guard] Add caching for inside torch.compile.disable function to avoid unnecessary recompilation. (#157566) 2025-07-28 12:44:22 +00:00
test_autoload.py
test_binary_ufuncs.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_bundled_images.py Add __main__ guards to tests (#154716) 2025-06-04 14:38:13 +00:00
test_bundled_inputs.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
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 [build] modernize build-frontend: python setup.py develop/install -> [uv ]pip install --no-build-isolation [-e ]. (#156027) 2025-07-09 11:24:27 +00:00
test_cpp_extensions_jit.py [CI] Fixes CI for CUDA Version > 12.9 (#157385) 2025-07-19 06:51:57 +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_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 Revert "Use absolute path path.resolve() -> path.absolute() (#129409)" 2025-01-04 14:17:20 +00:00
test_cuda_multigpu.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_cuda_nvml_based_avail.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_cuda_primary_ctx.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_cuda_sanitizer.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_cuda_trace.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_cuda.py [BE] add noqa for flake8 rule B036: found except BaseException without re-raising (#159043) 2025-07-25 02:56:34 +00:00
test_custom_ops.py Revert "[BE] remove torch deploy - conditionals (#158288)" 2025-07-25 16:09:39 +00:00
test_dataloader.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_datapipe.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_decomp.py Fix full_like decomposition to preserve strides (#158898) 2025-07-25 20:21:36 +00:00
test_deploy.py Revert "[BE] Remove torch deploy | remove torch deploy specific files (#158290)" 2025-07-25 16:09:39 +00:00
test_determination.py
test_dispatch.py Typo fixes for "overridden" in comments and function names (#155944) 2025-06-14 03:37:38 +00:00
test_dlpack.py [MPS] Enable dlpack integration (#158888) 2025-07-24 18:05:41 +00:00
test_dynamic_shapes.py unbacked handling for view_copy (#159244) 2025-07-29 07:10:46 +00:00
test_expanded_weights.py Move non inductor workflows cuda 12.6->cuda 12.8 (#155234) 2025-06-12 12:42:34 +00:00
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 removed zero dim cpu logic from fake_tensor.py (#147501) 2025-07-24 06:19:46 +00:00
test_file_check.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_flop_counter.py PYFMT lint grandfathered files 1 (#154261) 2025-05-25 17:36:14 +00:00
test_foreach.py Stop skipping entire foreach tests, just skip the profiler portion (#156871) 2025-06-27 22:35:34 +00:00
test_function_schema.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_functional_autograd_benchmark.py Enable Windows tests (#146666) 2025-02-08 00:55:20 +00:00
test_functional_optim.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_functionalization_of_rng_ops.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_functionalization.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_futures.py
test_fx_experimental.py Add flag to fx.passes.split_module to normalize input names (#157733) 2025-07-08 13:47:24 +00:00
test_fx_passes.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_fx_reinplace_pass.py [dynamic shapes] avoid unnecessary slices (#157528) 2025-07-10 06:34:46 +00:00
test_fx.py [BE][2/16] fix typos in torch/ (torch/_*/) (#156312) 2025-07-12 05:47:06 +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 Add __main__ guards to tests (#154716) 2025-06-04 14:38:13 +00:00
test_import_stats.py
test_indexing.py [MPS] Speedup torch.full for 1-byte types (#158874) 2025-07-23 14:00:40 +00:00
test_itt.py
test_jit_autocast.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py Remove tensorexpr tests (#158928) 2025-07-27 07:13:27 +00:00
test_jit_fuser.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_jit_legacy.py
test_jit_llga_fuser.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py PEP585 update - test (#145176) 2025-01-22 04:48:28 +00:00
test_jit.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_jiterator.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_kernel_launch_checks.py
test_legacy_vmap.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_license.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_linalg.py [CPU] fix _weight_int8pack_mm with large output shape (#158341) 2025-07-29 01:14:50 +00:00
test_logging.py
test_masked.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_maskedtensor.py Fix MaskedTensor to device ignored mask (#151205) 2025-07-21 21:44:49 +00:00
test_matmul_cuda.py Scaled MM Fix NVfp4 (#159170) 2025-07-25 23:34:03 +00:00
test_meta.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_metal.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_mkl_verbose.py
test_mkldnn_fusion.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_mkldnn_verbose.py
test_mkldnn.py Enable TF32 as fp32 internal precision for matmul/linear/conv (#157520) 2025-07-17 08:57:34 +00:00
test_mobile_optimizer.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_model_exports_to_core_aten.py [Codemod][AddExplicitStrictExportForTrainingInferenceArg] caffe2/ (#149595) 2025-04-03 23:50:13 +00:00
test_module_tracker.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_modules.py Disable slow gradcheck for nn.Transformer ModuleInfo (#145531) 2025-01-25 00:58:03 +00:00
test_monitor.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_mps.py [MPS] Do not crash if tensor dim > INT_MAX (#158824) 2025-07-22 15:12:26 +00:00
test_multiprocessing_spawn.py [BE] fix remaining flake8 v7 warnings (#159044) 2025-07-25 02:56:34 +00:00
test_multiprocessing.py Revert "[CI] Use setup-python from for Mac tests (#155698)" 2025-06-12 14:42:32 +00:00
test_namedtensor.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_namedtuple_return_api.py
test_native_functions.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_native_mha.py
test_nestedtensor.py Fix full_like decomposition to preserve strides (#158898) 2025-07-25 20:21:36 +00:00
test_nn.py [CUDA] Fix missing __syncthreads in MultiMarginLoss backward (#158994) 2025-07-24 20:47:29 +00:00
test_nnapi.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_numa_binding.py NUMA binding integration with elastic agent and torchrun (#149334) 2025-07-25 21:19:49 +00:00
test_numba_integration.py Fix broken URLs (#152237) 2025-04-27 09:56:42 +00:00
test_numpy_interop.py Throw invalid_argument instead of RuntimeError when parameters exceed… (#158267) 2025-07-25 23:49:46 +00:00
test_openmp.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_openreg.py [OpenReg] move fallback tests into test_openreg.py (#158441) 2025-07-25 02:39:41 +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 [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_ops.py [BE] Raise ValueError from torch.cat meta func (#158249) 2025-07-20 23:49:18 +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 [Codemod][AddExplicitStrictExportArg] caffe2/test (#143688) 2024-12-27 07:58:44 +00:00
test_overrides.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_package.py
test_per_overload_api.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_prims.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_proxy_tensor.py [attempt 2] Compute contiguity symbolically to avoid dde, and introduce c++ sym_is_contiguous (#157472) 2025-07-02 23:12:29 +00:00
test_pruning_op.py
test_public_bindings.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_python_dispatch.py [hop] add supports_higher_order_operators flag to TorchDispatchMode (#158077) 2025-07-16 17:26:20 +00:00
test_pytree.py Preserve Enum types during torch.export serialization and deserialization (#154821) 2025-06-08 17:30:31 +00:00
test_quantization.py Remove pytorch quant docs since we are moving to torchao (#157766) 2025-07-11 03:21:47 +00:00
test_reductions.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_rename_privateuse1_to_existing_device.py [Device] Add support for PrivateUse1 device type in parse_type function (#157609) 2025-07-17 01:27:44 +00:00
test_scatter_gather_ops.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_schema_check.py Typo fixes for "overridden" in comments and function names (#155944) 2025-06-14 03:37:38 +00:00
test_segment_reductions.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_serialization.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +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 [TEST] Modernize test_sort_large (#155546) 2025-06-10 19:59:12 +00:00
test_sparse_csr.py Revert "[BE] remove torch deploy - conditionals (#158288)" 2025-07-25 16:09:39 +00:00
test_sparse_semi_structured.py [BE] fix remaining flake8 v7 warnings (#159044) 2025-07-25 02:56:34 +00:00
test_sparse.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_spectral_ops.py fix numpy compatibility for 2d small list indices (#154806) 2025-06-04 01:58:52 +00:00
test_stateless.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_static_runtime.py [4/N] Apply py39 ruff and pyupgrade fixes (#143257) 2025-01-04 10:47:51 +00:00
test_subclass.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_sympy_utils.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_tensor_creation_ops.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +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 [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_testing.py Fix XPU CI UT test_circular_dependencies (#158189) 2025-07-13 09:30:57 +00:00
test_throughput_benchmark.py Fix Throughputbenchmark issue (#144669) 2025-01-26 03:37:20 +00:00
test_torch.py Throw invalid_argument instead of RuntimeError when parameters exceed… (#158267) 2025-07-25 23:49:46 +00:00
test_transformers_privateuse1.py Refactor and Improve the OpenReg Module (#158090) 2025-07-15 08:10:05 +00:00
test_transformers.py Add stride check for attn_mask on non-cpu device (#158424) 2025-07-18 01:10:58 +00:00
test_type_hints.py Revert "Use absolute path path.resolve() -> path.absolute() (#129409)" 2025-01-04 14:17:20 +00:00
test_type_info.py
test_type_promotion.py [BE] Raise ValueError from torch.cat meta func (#158249) 2025-07-20 23:49:18 +00:00
test_typing.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_unary_ufuncs.py [BE][2/16] fix typos in torch/ (torch/_*/) (#156312) 2025-07-12 05:47:06 +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 [docs] Decorator to create a deprecation warning (#155127) 2025-06-25 18:09:04 +00:00
test_view_ops.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +00:00
test_vulkan.py Fix unused Python variables in test/[e-z]* (#136964) 2024-12-18 23:02:30 +00:00
test_weak.py [BE][2/6] fix typos in test/ (test/test_*.py) (#157636) 2025-07-09 11:02:23 +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 Add device_id to XPU device properties (#156481) 2025-07-03 01:22:11 +00:00