pytorch/test
2025-05-14 15:22:47 +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 [nativert] Improve MPMCQueue tests. (#153154) 2025-05-09 19:25:42 +00:00
cpp_api_parity
cpp_extensions [OpenReg] Move SDPA to OpenReg from open_registration_extension.cpp (#153309) 2025-05-13 03:49:19 +00:00
custom_backend
custom_operator
distributed Revert "Fix skipIfXpu and skipIfHpu disables tests when used on class (#151315)" 2025-05-14 13:15:03 +00:00
distributions add generalized pareto distribution (GPD) (#135968) 2025-04-17 18:51:02 +00:00
dynamo [dynamo][compile-time] Cache the cleaned insturctions while inlining (#153333) 2025-05-14 09:26:26 +00:00
dynamo_expected_failures [map] always turn on dynamo for map (#152041) 2025-05-12 02:10:08 +00:00
dynamo_skips [dynamo] context manager/decorator for dynamo config patching during tracing (#150586) 2025-04-23 09:12:13 +00:00
edge
error_messages
expect Add TensorLR variant for fused Adagrad on CPU (#153078) 2025-05-14 02:23:33 +00:00
export [export] Make draft_export public (#153219) 2025-05-14 02:18:36 +00:00
forward_backward_compatibility [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
functorch Revert "[export][cond] support merging constant ints as unbacked symint (#152742)" 2025-05-12 23:06:33 +00:00
fx [Codemod][AddExplicitStrictExportForTrainingInferenceArg] caffe2/ (#149595) 2025-04-03 23:50:13 +00:00
higher_order_ops Stop proxy-ing autograd.Function.ctx into the graph (#152621) 2025-05-08 13:32:54 +00:00
inductor Revert "Fix skipIfXpu and skipIfHpu disables tests when used on class (#151315)" 2025-05-14 13:15:03 +00:00
inductor_expected_failures
inductor_skips
jit [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
jit_hooks
lazy
mobile
nn [CUDA][CUDNN] Dispatch to cuDNN for non-batch-splittable 64-bit NCHW convolutions (#153101) 2025-05-14 15:22:47 +00:00
onnx [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
optim Add lr_lambda type check in MultiplicativeLR (#151973) 2025-04-29 08:21:41 +00:00
package
profiler
quantization [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
scripts
strobelight/examples
test_img
torch_np Fix broken URLs (#152237) 2025-04-27 09:56:42 +00:00
typing
xpu [Intel GPU] add tf32 support for matmul on XPU (#144240) 2025-05-13 14:03:01 +00:00
_test_bazel.py
allowlist_for_publicAPI.json consolidate guard_or_x and definitely_x (#152463) 2025-05-02 18:08:11 +00:00
bench_mps_ops.py
conftest.py
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 Add infra to run CPython tests under Dynamo (#150787) 2025-05-07 04:03:14 +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 (#151207) 2025-05-12 12:05:58 +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
test_autograd_fallback.py
test_autograd.py Revert "Rewrite autograd producer consumer stream sync logic (#151079)" 2025-05-14 13:07:12 +00:00
test_autoload.py
test_binary_ufuncs.py
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
test_cpp_api_parity.py
test_cpp_extensions_aot.py
test_cpp_extensions_jit.py xpu: get xpu arch flags at runtime in cpp_extensions (#152192) 2025-05-09 05:43:50 +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 [Openreg][PrivateUse1] Improve openreg module capabilities (#151000) 2025-04-12 17:21:35 +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
test_cuda_nvml_based_avail.py
test_cuda_primary_ctx.py
test_cuda_sanitizer.py
test_cuda_trace.py
test_cuda.py make use_mem_pool threadlocal (#153356) 2025-05-13 00:16:07 +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
test_datapipe.py
test_decomp.py
test_deploy.py
test_determination.py
test_dispatch.py
test_dlpack.py
test_dynamic_shapes.py Support using SymInt shapes for torch.baddbmm no-broadcast case (#153112) 2025-05-08 21:34:24 +00:00
test_expanded_weights.py
test_extension_utils.py
test_fake_tensor.py Revert "Fix fake tensor caching when output has unbacked (#153034)" 2025-05-09 23:43:56 +00:00
test_file_check.py
test_flop_counter.py
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
test_functional_optim.py
test_functionalization_of_rng_ops.py
test_functionalization.py
test_futures.py
test_fx_experimental.py
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
test_hub.py
test_import_stats.py
test_indexing.py
test_itt.py
test_jit_autocast.py
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py
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
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 error out on negative offs or on K=0 in group gemm (#153226) 2025-05-10 01:13:18 +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 Revert "refine fp32 precision api (#125888)" 2025-05-11 00:35:46 +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
test_monitor.py
test_mps.py [MPS] SDPA specialized kernels (#152781) 2025-05-07 00:40:11 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py
test_namedtensor.py
test_namedtuple_return_api.py
test_native_functions.py
test_native_mha.py
test_nestedtensor.py Revert "Rewrite autograd producer consumer stream sync logic (#151079)" 2025-05-14 13:07:12 +00:00
test_nn.py [CUDA][cuDNN] Fix handling of CPU side input and target length tensors in CTCLoss (#152745) 2025-05-07 22:01:18 +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
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 Support C++ statically_known_true (#151346) 2025-04-18 06:42:12 +00:00
test_pruning_op.py
test_public_bindings.py
test_python_dispatch.py Make DispatchKeySet serializable; add __eq__ (#152732) 2025-05-03 14:40:06 +00:00
test_pytree.py
test_quantization.py [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
test_reductions.py Fix broken URLs (#152237) 2025-04-27 09:56:42 +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
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
test_show_pickle.py
test_sort_and_select.py
test_sparse_csr.py [cuSPARSE][B200] Bump tolerances for test_sparse_csr matvec (#148721) 2025-04-16 18:44:18 +00:00
test_sparse_semi_structured.py Fix setUpClass() / tearDownClass() for device-specific tests (#151129) 2025-04-16 02:18:42 +00:00
test_sparse.py Make device check error message more descriptive (#150750) 2025-05-08 06:19:44 +00:00
test_spectral_ops.py
test_stateless.py
test_static_runtime.py
test_subclass.py
test_sympy_utils.py
test_tensor_creation_ops.py
test_tensorboard.py
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py [BE]: Add PEP621 project section to pyproject.toml (#153055) 2025-05-12 02:16:07 +00:00
test_throughput_benchmark.py
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 [cuDNN][SDPA] cuDNN SDPA refactor/cleanup, nested tensor backward, test priority bump for sm90, sm100 (#149282) 2025-05-14 01:39:24 +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
test_utils_filelock.py
test_utils.py
test_view_ops.py
test_vulkan.py
test_weak.py
test_xnnpack_integration.py
test_xpu.py Correct torch.xpu.is_bf16_supported return False if no XPU detected (#152317) 2025-05-06 10:03:17 +00:00