pytorch/test
2024-11-02 00:10:17 +00:00
..
ao/sparsity remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
autograd
backends/xeon
benchmark_utils c10::optional -> std::optional in PyTorch (#137333) 2024-10-11 00:16:10 +00:00
bottleneck_test
cpp [CMake] Remove pthread linking (#134436) 2024-10-29 23:14:40 +00:00
cpp_api_parity
cpp_extensions Make Context to be Device-agnostic Step by Step (1/N) (#136519) (#138155) 2024-10-17 20:58:56 +00:00
custom_backend
custom_operator C10_UNUSED to [[maybe_unused]] (#6357) (#138364) 2024-10-19 13:17:43 +00:00
distributed [pgnccl] add a restart test for PGs in blocking mode (#139496) 2024-11-01 22:13:37 +00:00
distributions
dynamo Class rename (#139490) 2024-11-02 00:10:17 +00:00
dynamo_expected_failures Revert "[dynamo] Fix constant propagation in builtins and UserClasses (#131354)" 2024-11-01 00:13:20 +00:00
dynamo_skips Remove @skipIfTorchDynamo from test_extremal_numerics_l1_loss_cpu test (#139318) 2024-10-31 19:57:28 +00:00
edge Set RUNPATH so installed tests can find the required shared libraries (#136627) 2024-10-25 09:38:08 +00:00
error_messages
expect Revert "Fix unbind_copy and add its decomposition (#134319)" 2024-10-29 04:54:37 +00:00
export [export] Initial draft export (#139383) 2024-11-01 06:25:44 +00:00
forward_backward_compatibility [BC] Add check for core ATen opset schema BC (#137664) 2024-10-18 01:58:33 +00:00
functorch [aotd] Fuse tangents subclasses runtime traversals (#139068) 2024-11-01 00:03:02 +00:00
fx Refactor FxGraphDrawer to use HTML-like labels (#137726) 2024-11-01 23:19:50 +00:00
higher_order_ops [invoke_subgraph] Generate fake_inputs correctly (#139130) 2024-11-01 21:02:32 +00:00
inductor Profile guided optimization for automatic_dynamic (#139001) 2024-11-01 21:43:25 +00:00
jit remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
jit_hooks
lazy
mobile
nn [TF32][cuDNN][Convolution] Add some missing TF32 decorators (#138768) 2024-10-25 19:03:42 +00:00
onnx [ONNX] New registration API (#135403) 2024-11-01 20:58:54 +00:00
optim Allow SequentialLR to include ChainedScheduler (#133450) 2024-10-18 02:29:38 +00:00
package
profiler init kineto after torch module initialized (#131448) 2024-10-31 13:24:24 +00:00
quantization Add bfloat16 support for per tensor/channel cpu/cuda fake quantize ops (#139306) 2024-10-31 20:41:15 +00:00
scripts
test_img
torch_np Update test_multiarray.py to support numpy 2.0+ (#138461) 2024-10-28 04:30:50 +00:00
typing
xpu
_test_bazel.py
allowlist_for_publicAPI.json [BE][Easy] enable PYFMT for torch.fx (#138443) 2024-10-21 19:15:49 +00:00
conftest.py
create_dummy_torchscript_model.py
delete.py
hi.py
HowToWriteTestsUsingFileCheck.md [Docs] Update FileCheck doc (#135199) 2024-09-06 08:18:38 +00:00
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 Upload artifacts during test run (#125799) 2024-10-22 16:48:57 +00:00
simulate_nccl_errors.py
slow_tests.json Update slow tests (#133203) 2024-10-21 12:00:52 +00:00
test_ao_sparsity.py
test_autocast.py [MPS] Update error message for supported autocast type (#139192) 2024-10-30 16:48:29 +00:00
test_autograd_fallback.py
test_autograd.py [compiled autograd] add tests for bwd hooks relative firing order (#139004) 2024-10-28 05:55:56 +00:00
test_autoload.py
test_binary_ufuncs.py Fix test_binary_ufuncs.py for NumPy 2 (#137937) 2024-10-15 17:04:24 +00:00
test_bundled_images.py Fix lint errors in fbcode (#135614) 2024-09-13 02:04:34 +00:00
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 remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
test_cpp_extensions_jit.py Avoid file encoding issues when loading cpp extensions (#138565) 2024-10-28 14:06:34 +00:00
test_cpp_extensions_mtia_backend.py Unify cpp_extension build directory removal (#136059) 2024-10-03 06:22:11 +00:00
test_cpp_extensions_open_device_registration.py Remove dependency on numpy for serialization for XLA/open registration devices without numpy (#137444) 2024-10-09 19:35:55 +00:00
test_cpp_extensions_stream_and_event.py Unify cpp_extension build directory removal (#136059) 2024-10-03 06:22:11 +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 [BE]: Add better optional typing (#138426) 2024-10-27 14:19:00 +00:00
test_cuda_trace.py
test_cuda.py Refactors empty_cache to return only MemPool memory to the system (#133602) 2024-10-29 23:58:44 +00:00
test_custom_ops.py Scoped extension building for C++ backed custom ops tests (#136695) 2024-10-26 07:41:00 +00:00
test_dataloader.py [2/N] Don't skip ASAN on some tests (#138663) 2024-10-28 03:35:57 +00:00
test_datapipe.py
test_decomp.py [5/N] Don't skip ASAN on some tests (#139265) 2024-10-31 02:49:03 +00:00
test_deploy.py
test_determination.py
test_dispatch.py
test_dlpack.py Use DLPack for creating tensors out of custom classes, when available. (#138697) 2024-10-26 01:27:05 +00:00
test_dynamic_shapes.py Add sym_log2 (#137980) 2024-10-28 17:03:14 +00:00
test_expanded_weights.py
test_fake_tensor.py Add option to save real tensors in TORCH_COMPILE_DEBUG repro (#138110) 2024-10-28 16:18:22 +00:00
test_file_check.py Fix the output of FileCheck when not run and add unit tests (#135345) 2024-09-11 04:13:24 +00:00
test_flop_counter.py
test_foreach.py fix stride compare failed when size value equal to one in ForeachUtils.h (#134546) 2024-09-19 18:43:41 +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 [fx] split_module subgraph should always have an output node (#139275) 2024-10-31 04:53:19 +00:00
test_fx_passes.py [Partitioner] Reuse partition to check whether nodes exist (#135317) 2024-09-21 23:52:02 +00:00
test_fx_reinplace_pass.py
test_fx.py Refactor FxGraphDrawer to use HTML-like labels (#137726) 2024-11-01 23:19:50 +00:00
test_hub.py
test_import_stats.py
test_indexing.py [ROCm] index_put performance improvement (#138259) 2024-10-22 15:21:43 +00:00
test_itt.py
test_jit_autocast.py Using device-agnostic autocast api (#136613) 2024-09-27 07:16:24 +00:00
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 Using device-agnostic autocast api (#136613) 2024-09-27 07:16:24 +00:00
test_jit_profiling.py
test_jit_simple.py
test_jit_string.py
test_jit.py Re-enable skipped ubsan tests (#139008) 2024-10-28 05:21:31 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py
test_license.py
test_linalg.py [ROCm] Fix ADDMM hipBLASLt regression (#138267) 2024-10-28 16:07:11 +00:00
test_logging.py
test_masked.py
test_maskedtensor.py Fix memory leak on masked Tensor (#137890) 2024-10-15 18:37:55 +00:00
test_matmul_cuda.py [FP8][CUDA] Fix stale expected error message (#136581) 2024-09-26 20:57:38 +00:00
test_meta.py remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py
test_mkldnn_verbose.py
test_mkldnn.py
test_mobile_optimizer.py
test_model_dump.py
test_model_exports_to_core_aten.py Replace capture_pre_autograd_graph with export_for_training in torch tests (#135623) 2024-09-11 19:23:08 +00:00
test_module_tracker.py
test_modules.py
test_monitor.py
test_mps.py [MPS] Fix reduction ops outputs for empty tensors (#139446) 2024-11-01 17:32:12 +00:00
test_multiprocessing_spawn.py multiprocessing.spawn: allow a grace period when shutdown (#131278) 2024-10-07 12:37:34 +00:00
test_multiprocessing.py
test_namedtensor.py
test_namedtuple_return_api.py
test_native_functions.py
test_native_mha.py [ROCm] Update to AOTriton 0.7b (#134498) 2024-09-11 20:34:01 +00:00
test_nestedtensor.py Fix and test several NJT reductions (#139317) 2024-10-31 20:55:38 +00:00
test_nn.py Add Weighted Loss Functions to PyTorch : WMSE, WMAE, and Weighted Huber Loss (#132049) 2024-10-31 21:59:43 +00:00
test_nnapi.py
test_numba_integration.py
test_numpy_interop.py Fix dtype test for NumPy 2 (#137532) 2024-10-10 18:12:25 +00:00
test_openmp.py [1/N] Don't skip ASAN on some tests (#138571) 2024-10-23 02:38:45 +00:00
test_ops_fwd_gradients.py
test_ops_gradients.py
test_ops_jit.py
test_ops.py addmm: error on output dtype mismatch. (#138520) 2024-10-30 21:46:39 +00:00
test_optim.py Add Support for Tracking Parameter Names (named_parameters) in Optimizer State Dict (#134107) 2024-10-14 19:24:44 +00:00
test_out_dtype_op.py
test_overrides.py Introduce torch.sym_add, variadic add (#138660) 2024-10-23 17:42:41 +00:00
test_package.py
test_per_overload_api.py
test_prims.py
test_proxy_tensor.py [4/N] Don't skip ASAN on some tests (#139189) 2024-10-30 00:59:32 +00:00
test_pruning_op.py
test_public_bindings.py Revert "[Dynamo] Disable torch function compilation during guard execution and in compiled bytecode (#137669)" 2024-10-15 23:22:58 +00:00
test_python_dispatch.py Fix wrapper subclass reentrant dispatch + TorchDispatchMode (#136566) 2024-09-26 14:06:51 +00:00
test_pytree.py
test_quantization.py
test_reductions.py [dynamo] Support range_iterator as a function input (#138657) 2024-10-24 03:49:26 +00:00
test_scatter_gather_ops.py
test_schema_check.py
test_segment_reductions.py
test_serialization.py Add utility to get all unsafe globals in checkpoint (no pickletools dependency) (#139221) 2024-11-01 19:31:39 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
test_show_pickle.py
test_sort_and_select.py [torch/numpy][numpy2.0 compat] Additional changes for tests to run under numpy-2.0 (#136152) 2024-09-18 02:11:22 +00:00
test_sparse_csr.py Add out_dtype kw argument to optimize_bsr_dense_addmm (#136626) 2024-10-22 09:52:25 +00:00
test_sparse_semi_structured.py Revert "[sparse] add search for optimal alg_id to torch.compile (#137427)" 2024-10-24 17:27:06 +00:00
test_sparse.py remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
test_spectral_ops.py
test_stateless.py Allow optional positional arguments for torch.func.functional_call (#134643) 2024-09-12 15:22:06 +00:00
test_static_runtime.py
test_subclass.py
test_sympy_utils.py Make OpaqueUnaryFn pickleable (#138395) 2024-10-28 13:10:04 +00:00
test_tensor_creation_ops.py remove skips due to https://github.com/pytorch/torchdynamo/issues/1991 (#138133) 2024-10-17 17:42:46 +00:00
test_tensorboard.py
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py More flexible test parametrization with @reparametrize (#138369) 2024-10-29 22:14:38 +00:00
test_throughput_benchmark.py
test_torch.py Revert "Add deterministic path for CUDA cumsum (#136224)" 2024-10-30 14:43:15 +00:00
test_transformers.py Make sure all SDPA tests are ran with tensor cores enabled (#135592) 2024-10-29 20:53:10 +00:00
test_type_hints.py
test_type_info.py
test_type_promotion.py Add type checks for Tensor.add_ (#135864) 2024-09-19 03:09:36 +00:00
test_typing.py
test_unary_ufuncs.py
test_utils_config_module.py config: create Config objects with JK support (#138766) 2024-11-01 19:20:37 +00:00
test_utils_internal.py
test_utils.py
test_view_ops.py Enable additional tests for MPS CI runs (#134356) 2024-10-04 21:52:38 +00:00
test_vulkan.py
test_weak.py
test_xnnpack_integration.py
test_xpu.py Add torch.xpu.get_arch_list and torch.xpu.get_gencode_flags for XPU (#137773) 2024-10-18 02:28:08 +00:00