| .. |
|
ao/sparsity
|
Add linux cpu test for 3.12 (#117853)
|
2024-02-14 20:52:23 +00:00 |
|
autograd
|
Autograd attaches logging hooks only in debug level (#116522)
|
2024-01-02 20:06:18 +00:00 |
|
backends/xeon
|
|
|
|
benchmark_utils
|
|
|
|
bottleneck_test
|
|
|
|
cpp
|
[export] Add effect token to export (#121424)
|
2024-03-09 02:43:26 +00:00 |
|
cpp_api_parity
|
Add python and C++ support for LPPool3d (#114199)
|
2023-12-08 18:18:44 +00:00 |
|
cpp_extensions
|
Revert "Change ATEN generator argument type to const std::optional<Generator>& (#120076)"
|
2024-03-08 20:01:03 +00:00 |
|
custom_backend
|
|
|
|
custom_operator
|
Better error messages for impl_abstract_pystub (#120959)
|
2024-03-04 15:24:36 +00:00 |
|
distributed
|
[dtensor] move early return check into redistribute autograd function (#121653)
|
2024-03-12 17:37:30 +00:00 |
|
distributions
|
Bugfix to MixtureSameFamily's _pad_mixture_dimension (#118947)
|
2024-02-06 16:24:22 +00:00 |
|
dynamo
|
[dynamo] Delete record replay tests as they are not maintained (#121705)
|
2024-03-12 17:16:34 +00:00 |
|
dynamo_expected_failures
|
[dynamo] Support _unsafe_set_version_counter (#121086)
|
2024-03-11 05:14:42 +00:00 |
|
dynamo_skips
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
edge
|
Adding event_tracer evalue logging calls in codegen (#114584)
|
2023-11-28 18:32:05 +00:00 |
|
error_messages
|
|
|
|
expect
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
export
|
Don't run non-strict for test case that doesn't need non-strict (#121710)
|
2024-03-12 21:32:33 +00:00 |
|
forward_backward_compatibility
|
Revert "[RELAND] Remove deprecated fbgemm operators (#112153)"
|
2024-02-01 18:35:19 +00:00 |
|
functorch
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
fx
|
Revert "[fx] Preserve Fx graph node order in partitioner across runs (#115621)"
|
2024-03-08 19:50:57 +00:00 |
|
higher_order_ops
|
[export] Add effect token to export (#121424)
|
2024-03-09 02:43:26 +00:00 |
|
inductor
|
[Inductor Cutlass backend] Move tests to separate file (#121489)
|
2024-03-12 21:59:48 +00:00 |
|
jit
|
[torch] Use __prepare_scriptable__ for closures (#121553)
|
2024-03-11 19:14:19 +00:00 |
|
jit_hooks
|
|
|
|
lazy
|
Implement shallow copy functions for FunctionalTensorWrapper. (#118783)
|
2024-02-08 17:15:46 +00:00 |
|
mobile
|
[BE][Ez]: FURB129: remove unneeded readlines() (#119796)
|
2024-02-13 21:21:22 +00:00 |
|
nn
|
Upgrade submodule onednn to v3.3.5 (#120767)
|
2024-03-11 12:56:59 +00:00 |
|
onnx
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
onnx_caffe2
|
|
|
|
optim
|
[optim][BE] move complex_2d (last of complex tests) to OptimInfo (#120618)
|
2024-03-12 02:33:21 +00:00 |
|
package
|
|
|
|
profiler
|
Change default torch_function behavior to be disabled when torch_dispatch is defined (take 2) (#120632)
|
2024-03-09 01:08:37 +00:00 |
|
quantization
|
[quant][pt2e] Call sub-quantizers' transform_for_annotation in ComposableQuantizer (#121548)
|
2024-03-12 02:59:12 +00:00 |
|
scripts
|
|
|
|
test_img
|
|
|
|
torch_np
|
Create a sentinel file for each dynamo test failure (#120355)
|
2024-02-23 05:22:11 +00:00 |
|
typing
|
Fix torch.return_types init signature (#119284)
|
2024-02-23 21:52:34 +00:00 |
|
_test_bazel.py
|
|
|
|
allowlist_for_publicAPI.json
|
Autograd doc cleanup (#118500)
|
2024-01-29 21:51:33 +00:00 |
|
conftest.py
|
Various CI settings (#117668)
|
2024-01-26 00:17:29 +00:00 |
|
create_dummy_torchscript_model.py
|
|
|
|
delete.py
|
|
|
|
HowToWriteTestsUsingFileCheck.md
|
|
|
|
linear.py
|
|
|
|
load_torchscript_model.py
|
|
|
|
minioptest_failures_dict.json
|
|
|
|
mkl_verbose.py
|
|
|
|
mkldnn_verbose.py
|
|
|
|
pytest_shard_custom.py
|
Reduce pytest prints (#117069)
|
2024-01-23 18:39:30 +00:00 |
|
run_doctests.sh
|
|
|
|
run_test.py
|
[Inductor Cutlass backend] Move tests to separate file (#121489)
|
2024-03-12 21:59:48 +00:00 |
|
simulate_nccl_errors.py
|
|
|
|
test_ao_sparsity.py
|
|
|
|
test_autocast.py
|
Remove incorrect usages of skipIfTorchDynamo (#117114)
|
2024-01-10 22:25:31 +00:00 |
|
test_autograd_fallback.py
|
Update to TorchFix 0.4.0 (#119424)
|
2024-02-12 23:30:12 +00:00 |
|
test_autograd.py
|
Change default torch_function behavior to be disabled when torch_dispatch is defined (take 2) (#120632)
|
2024-03-09 01:08:37 +00:00 |
|
test_binary_ufuncs.py
|
[TEST] Prepare test_cumulative_trapezoid for SciPy 1.12 (#121541)
|
2024-03-11 17:48:29 +00:00 |
|
test_bundled_images.py
|
[BE]: Update flake8 to v6.1.0 and fix lints (#116591)
|
2024-01-03 06:04:44 +00:00 |
|
test_bundled_inputs.py
|
|
|
|
test_ci_sanity_check_fail.py
|
CI sanity check test for env vars (#120519)
|
2024-03-11 15:35:45 +00:00 |
|
test_comparison_utils.py
|
|
|
|
test_compile_benchmark_util.py
|
|
|
|
test_complex.py
|
|
|
|
test_content_store.py
|
Windows Dynamo Error Removal CI Check (#115969)
|
2024-02-14 21:14:36 +00:00 |
|
test_cpp_api_parity.py
|
markDynamoStrictTest some test_cpp_extensions.* (#115858)
|
2023-12-15 01:22:38 +00:00 |
|
test_cpp_extensions_aot.py
|
markDynamoStrictTest some test_cpp_extensions.* (#115858)
|
2023-12-15 01:22:38 +00:00 |
|
test_cpp_extensions_jit.py
|
markDynamoStrictTest some test_cpp_extensions.* (#115858)
|
2023-12-15 01:22:38 +00:00 |
|
test_cpp_extensions_open_device_registration.py
|
Modify StorageImplCreateHelper (#118459)
|
2024-03-07 06:26:55 +00:00 |
|
test_cuda_expandable_segments.py
|
|
|
|
test_cuda_multigpu.py
|
[PyTorch][CUDA Caching Allocator] Export sync-stream-and-free-HBM counter in memory_stats for performance debugging (#120050)
|
2024-02-27 04:34:53 +00:00 |
|
test_cuda_nvml_based_avail.py
|
markDynamoStrictTest some more tests (#115857)
|
2023-12-15 01:22:38 +00:00 |
|
test_cuda_primary_ctx.py
|
markDynamoStrictTest some more tests (#115857)
|
2023-12-15 01:22:38 +00:00 |
|
test_cuda_sanitizer.py
|
|
|
|
test_cuda_trace.py
|
[ROCm] HIP Lazy Streams (#119996)
|
2024-02-20 16:24:04 +00:00 |
|
test_cuda.py
|
[ROCm] Autocast RNN Support (#121539)
|
2024-03-11 21:14:43 +00:00 |
|
test_custom_ops.py
|
Revert "[compiled autograd] support custom ops backed by c++ autograd::Function (#120681)"
|
2024-03-11 22:18:36 +00:00 |
|
test_dataloader.py
|
[BE]: Apply RUF025 dict.fromkeys preview rule (#118637)
|
2024-01-30 20:46:54 +00:00 |
|
test_datapipe.py
|
Replace follow_imports = silent with normal (#118414)
|
2024-01-27 02:44:11 +00:00 |
|
test_decomp.py
|
Add linux cpu test for 3.12 (#117853)
|
2024-02-14 20:52:23 +00:00 |
|
test_deploy.py
|
|
|
|
test_determination.py
|
|
|
|
test_dispatch.py
|
Revert "markDynamoStrictTest more tests (#115871)"
|
2023-12-19 15:36:27 +00:00 |
|
test_dlpack.py
|
Improve uint{16,32,64} dlpack/numpy compatibility (#116808)
|
2024-01-11 17:01:54 +00:00 |
|
test_dynamic_shapes.py
|
Simplify guards using info from previous guards (#121463)
|
2024-03-12 04:22:20 +00:00 |
|
test_expanded_weights.py
|
Make variables in dict LazyTrackers (not lazily guarded yet) and avoid using DICT_KEYS guard (#117625)
|
2024-02-02 14:38:08 +00:00 |
|
test_fake_tensor.py
|
Change FakeTensor serialization to consider only an _active_ FakeTensor mode (#120848)
|
2024-03-01 02:37:21 +00:00 |
|
test_flop_counter.py
|
fixed flop counter formula for conv transposed backwards pass (#119874)
|
2024-02-16 02:43:49 +00:00 |
|
test_foreach.py
|
Update python binding for in-place foreach to return List[Tensor] (#121405)
|
2024-03-08 21:00:01 +00:00 |
|
test_function_schema.py
|
|
|
|
test_functional_autograd_benchmark.py
|
|
|
|
test_functional_optim.py
|
|
|
|
test_functionalization_of_rng_ops.py
|
|
|
|
test_functionalization.py
|
Enable reverse view_funcs by default for python subclasses (#116512)
|
2024-01-05 16:48:12 +00:00 |
|
test_futures.py
|
|
|
|
test_fx_experimental.py
|
Add ATen Op _chunk_cat and _chunk_cat.out (#121081)
|
2024-03-08 21:48:12 +00:00 |
|
test_fx_passes.py
|
Update to TorchFix 0.4.0 (#119424)
|
2024-02-12 23:30:12 +00:00 |
|
test_fx_reinplace_pass.py
|
|
|
|
test_fx.py
|
Add linux cpu test for 3.12 (#117853)
|
2024-02-14 20:52:23 +00:00 |
|
test_hub.py
|
[BE][Ez]: FURB129: remove unneeded readlines() (#119796)
|
2024-02-13 21:21:22 +00:00 |
|
test_import_stats.py
|
|
|
|
test_indexing.py
|
Support builtin callable with object arguments in dynamo (#118678)
|
2024-01-31 17:54:08 +00:00 |
|
test_itt.py
|
|
|
|
test_jit_autocast.py
|
|
|
|
test_jit_disabled.py
|
|
|
|
test_jit_fuser_legacy.py
|
|
|
|
test_jit_fuser_te.py
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
test_jit_fuser.py
|
[BE]: Enable F821 and fix bugs (#116579)
|
2024-01-01 08:40:46 +00:00 |
|
test_jit_legacy.py
|
|
|
|
test_jit_llga_fuser.py
|
|
|
|
test_jit_profiling.py
|
|
|
|
test_jit_simple.py
|
|
|
|
test_jit_string.py
|
|
|
|
test_jit.py
|
support bool as Scalar Type in TorchScript (#113835)
|
2024-03-01 04:20:15 +00:00 |
|
test_jiterator.py
|
|
|
|
test_kernel_launch_checks.py
|
|
|
|
test_legacy_vmap.py
|
Skip some slow tests (under Dynamo) (#117389)
|
2024-01-12 22:18:07 +00:00 |
|
test_license.py
|
|
|
|
test_linalg.py
|
add int8 packed gemm support on CPU device (#118056)
|
2024-03-07 08:41:43 +00:00 |
|
test_logging.py
|
|
|
|
test_masked.py
|
|
|
|
test_maskedtensor.py
|
|
|
|
test_matmul_cuda.py
|
[ROCm] enable scaled_gemm (#117822)
|
2024-02-29 10:20:48 +00:00 |
|
test_meta.py
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
test_metal.py
|
|
|
|
test_mkl_verbose.py
|
|
|
|
test_mkldnn_fusion.py
|
[codemod] markDynamoStrictTest batch 22 (#117729)
|
2024-01-18 16:59:26 +00:00 |
|
test_mkldnn_verbose.py
|
|
|
|
test_mkldnn.py
|
[BE]: Enable RUFF PERF402 and apply fixes (#115505)
|
2023-12-20 18:01:24 +00:00 |
|
test_mobile_optimizer.py
|
Revert "markDynamoStrictTest on more tests (#115879)"
|
2023-12-15 20:00:09 +00:00 |
|
test_model_dump.py
|
|
|
|
test_model_exports_to_core_aten.py
|
Build and test ExecuTorch on PyTorch (#113364)
|
2023-11-16 02:19:58 +00:00 |
|
test_modules.py
|
Add exhaustive module and optimizer tests for torch.load(state_dict, weights_only=True) (#121049)
|
2024-03-05 14:27:50 +00:00 |
|
test_monitor.py
|
Change dynamo_test_failures.py to silently run skipped tests (#117401)
|
2024-01-17 02:48:19 +00:00 |
|
test_mps.py
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
test_multiprocessing_spawn.py
|
Revert "markDynamoStrictTest on more tests (#115879)"
|
2023-12-15 20:00:09 +00:00 |
|
test_multiprocessing.py
|
Intel GPU Runtime Upstreaming for Guard (#118523)
|
2024-02-22 14:07:21 +00:00 |
|
test_namedtensor.py
|
Add the bound check for flatten with out_dim (#120894)
|
2024-03-02 03:56:55 +00:00 |
|
test_namedtuple_return_api.py
|
[CUDNN][SDPA] Experimental cuDNN Flash Attention v2 Inference (#115663)
|
2024-02-14 22:02:06 +00:00 |
|
test_native_functions.py
|
|
|
|
test_native_mha.py
|
Re-add initial Flash Attention support on ROCM (#115981)
|
2024-01-04 22:21:31 +00:00 |
|
test_nestedtensor.py
|
Subclass view fake-ification via reified ViewFuncs (#118405)
|
2024-03-07 19:56:16 +00:00 |
|
test_nn.py
|
Bugfix consume_prefix_in_state_dict_if_present function to keep the order of the state_dict (#117464)
|
2024-03-07 04:00:49 +00:00 |
|
test_nnapi.py
|
|
|
|
test_numba_integration.py
|
|
|
|
test_numpy_interop.py
|
Fixed a memory leak when calling from_numpy on a numpy array with an … (#121156)
|
2024-03-06 19:37:38 +00:00 |
|
test_openmp.py
|
|
|
|
test_ops_fwd_gradients.py
|
unMarkDynamoStrictTest on OpInfo-based tests (#115856)
|
2023-12-15 01:22:31 +00:00 |
|
test_ops_gradients.py
|
unMarkDynamoStrictTest on OpInfo-based tests (#115856)
|
2023-12-15 01:22:31 +00:00 |
|
test_ops_jit.py
|
unMarkDynamoStrictTest on OpInfo-based tests (#115856)
|
2023-12-15 01:22:31 +00:00 |
|
test_ops.py
|
[Autograd] Improve error for leaf tensors as out argument to fallback (#121089)
|
2024-03-05 21:13:27 +00:00 |
|
test_optim.py
|
[optim][BE] move complex_2d (last of complex tests) to OptimInfo (#120618)
|
2024-03-12 02:33:21 +00:00 |
|
test_out_dtype_op.py
|
[export][reland] Disable exported_program.__call__ (#120019)
|
2024-03-05 05:29:46 +00:00 |
|
test_overrides.py
|
[BE]: Update flake8 to v6.1.0 and fix lints (#116591)
|
2024-01-03 06:04:44 +00:00 |
|
test_package.py
|
|
|
|
test_per_overload_api.py
|
|
|
|
test_prims.py
|
Revert "markDynamoStrictTest some more (#115885)"
|
2023-12-15 19:51:24 +00:00 |
|
test_proxy_tensor.py
|
Revert "Batch Norm Consolidation (#116092)"
|
2024-03-11 22:22:41 +00:00 |
|
test_pruning_op.py
|
|
|
|
test_public_bindings.py
|
Add torch.dtype instances to the public API (#119307)
|
2024-02-07 02:57:49 +00:00 |
|
test_python_dispatch.py
|
Change default torch_function behavior to be disabled when torch_dispatch is defined (take 2) (#120632)
|
2024-03-09 01:08:37 +00:00 |
|
test_pytree.py
|
[pytree][reland] Require pytree serialized_type_name (#120636)
|
2024-02-27 06:53:33 +00:00 |
|
test_quantization.py
|
enable cat for cuda bits types (#115044)
|
2023-12-06 00:05:18 +00:00 |
|
test_reductions.py
|
Fix permuted sum precision issue for lower precision on CPU (#108559)
|
2024-03-06 01:01:35 +00:00 |
|
test_scatter_gather_ops.py
|
|
|
|
test_schema_check.py
|
Change default torch_function behavior to be disabled when torch_dispatch is defined (take 2) (#120632)
|
2024-03-09 01:08:37 +00:00 |
|
test_segment_reductions.py
|
|
|
|
test_serialization.py
|
add complex32 to v3_dtypes (#120388)
|
2024-02-28 02:32:29 +00:00 |
|
test_set_default_mobile_cpu_allocator.py
|
|
|
|
test_shape_ops.py
|
|
|
|
test_show_pickle.py
|
Revert "markDynamoStrictTest some more (#115885)"
|
2023-12-15 19:51:24 +00:00 |
|
test_sort_and_select.py
|
Removed an internal assertion for the optional stable value and inste… (#117414)
|
2024-01-17 02:25:21 +00:00 |
|
test_sparse_csr.py
|
[ROCm] enable complex128 in test_addmm_sizes_all_sparse_csr for rocm for trivial (k,n,m) cases (#120504)
|
2024-03-12 07:29:57 +00:00 |
|
test_sparse_semi_structured.py
|
Skip semi-structured-sparse on windows (#120807)
|
2024-02-29 21:48:52 +00:00 |
|
test_sparse.py
|
[ROCm] enable complex128 in test_addmm_sizes_all_sparse_csr for rocm for trivial (k,n,m) cases (#120504)
|
2024-03-12 07:29:57 +00:00 |
|
test_spectral_ops.py
|
[ROCm] Enable float16/complex32 fft tests on ROCm (#117296)
|
2024-02-13 22:35:32 +00:00 |
|
test_stateless.py
|
|
|
|
test_static_runtime.py
|
[PyTorch] Split StaticModule out of test_static_runtime (#121028)
|
2024-03-05 23:14:07 +00:00 |
|
test_subclass.py
|
Change default torch_function behavior to be disabled when torch_dispatch is defined (take 2) (#120632)
|
2024-03-09 01:08:37 +00:00 |
|
test_sympy_utils.py
|
Run sympy expressions with Python values / FX tracing (#113978)
|
2023-11-20 21:25:11 +00:00 |
|
test_tensor_creation_ops.py
|
Unskip test_complex_type_conversions (#118694)
|
2024-01-31 08:04:15 +00:00 |
|
test_tensorboard.py
|
[tensorboard] Handle bfloat16 type in add_histogram (#120087)
|
2024-03-05 00:27:21 +00:00 |
|
test_tensorexpr_pybind.py
|
|
|
|
test_tensorexpr.py
|
|
|
|
test_testing.py
|
[BE]: Apply RUF025 dict.fromkeys preview rule (#118637)
|
2024-01-30 20:46:54 +00:00 |
|
test_throughput_benchmark.py
|
|
|
|
test_torch.py
|
Avoid COW materialization in at::parallel_for/parallel_reduce (#120455)
|
2024-03-01 05:05:28 +00:00 |
|
test_transformers.py
|
Add Flash Attention support on ROCM (#121561)
|
2024-03-12 01:16:53 +00:00 |
|
test_type_hints.py
|
|
|
|
test_type_info.py
|
|
|
|
test_type_promotion.py
|
Improve uint{16,32,64} dlpack/numpy compatibility (#116808)
|
2024-01-11 17:01:54 +00:00 |
|
test_typing.py
|
More progress on type checking ValueRanges (#118870)
|
2024-02-05 20:29:25 +00:00 |
|
test_unary_ufuncs.py
|
add decomposition for frexp (#119217)
|
2024-02-23 21:52:42 +00:00 |
|
test_utils.py
|
Revert "Increased compile time max GPUs to 512. Switched to int16_t DeviceIndex. (#119639)"
|
2024-02-28 18:57:09 +00:00 |
|
test_view_ops.py
|
|
|
|
test_vulkan.py
|
|
|
|
test_weak.py
|
[BE]: Enable RUF015 codebase wide (#115507)
|
2023-12-11 15:51:01 +00:00 |
|
test_xnnpack_integration.py
|
|
|
|
test_xpu.py
|
[2/2] Intel GPU Runtime Upstreaming for Generator (#118613)
|
2024-02-28 05:28:11 +00:00 |