..
ao /sparsity
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
autograd
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
backends /xeon
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
benchmark_utils
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
bottleneck_test
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
cpp
[Distributed] [7/N] Fix clang-tidy warnings in torch/csrc/distributed/c10d ( #124987 )
2024-04-27 07:22:27 +00:00
cpp_api_parity
[BE]: Update ruff to 0.4.1 ( #124549 )
2024-04-21 14:06:23 +00:00
cpp_extensions
Add test_cpp_extensions tests for stream_and_event and mita_backend ( #123614 )
2024-04-26 16:17:54 +00:00
custom_backend
Enable UFMT on test/cpp_api_parity, test/cpp_extensions, test/create_dummy_torchscript_model.py, test/custom_backend, test/custom_operator ( #123518 )
2024-04-08 20:18:42 +00:00
custom_operator
Stop requiring a pystub for register_fake by default ( #124064 )
2024-04-17 23:51:20 +00:00
distributed
elastic/rendezvous: make barrier and rank assignment operations O(n) instead of O(n^2) ( #124982 )
2024-04-27 02:21:44 +00:00
distributions
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
dynamo
Dynamo x autograd.Function supports setup_context ( #124802 )
2024-04-27 04:57:13 +00:00
dynamo_expected_failures
[dynamo] Add support for DELETE_SUBSCR ( #123526 )
2024-04-25 22:07:24 +00:00
dynamo_skips
[dynamo] Add support for DELETE_SUBSCR ( #123526 )
2024-04-25 22:07:24 +00:00
edge
error_messages
UFMT formatting on test/distributions, test/error_messages, test/forward_backward_compatability ( #123527 )
2024-04-09 16:03:46 +00:00
expect
[cuDNN] cuDNN SDPA (Flash Attention) Backward ( #122510 )
2024-04-27 04:15:49 +00:00
export
[export] Serialize empty list based on argument type ( #123748 )
2024-04-25 23:03:27 +00:00
forward_backward_compatibility
[cuDNN] cuDNN SDPA (Flash Attention) Backward ( #122510 )
2024-04-27 04:15:49 +00:00
functorch
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
fx
[BE]: TRY002 - Ban raising vanilla exceptions ( #124570 )
2024-04-21 22:26:40 +00:00
higher_order_ops
[effects] Add way to register effectul op ( #122348 )
2024-04-09 03:22:32 +00:00
inductor
[compiled autograd] verbose logs for debugging cache misses ( #124980 )
2024-04-27 01:10:37 +00:00
jit
Revert "Refresh OpOverloadPacket if a new OpOverload gets added ( #124654 )"
2024-04-26 08:56:03 +00:00
jit_hooks
Enable UFMT on all of test/jit ( #123623 )
2024-04-11 23:45:05 +00:00
lazy
[BE] enable ruff rule RSE and remove useless parentheses in raise statements ( #124261 )
2024-04-17 19:29:34 +00:00
mobile
UFMT formatting on test/mobile ( #123521 )
2024-04-09 14:06:22 +00:00
nn
[parametrization] fix requires_grad propagation ( #124888 )
2024-04-26 10:19:31 +00:00
onnx
rename ort to maia in dynamo's ort backend. ( #124967 )
2024-04-26 19:09:29 +00:00
onnx_caffe2
Enable UFMT on test/onnx_caffe2, test/optim, test/package and test/profiler ( #123901 )
2024-04-15 17:46:59 +00:00
optim
Add testing and fix issues for weights_only load for LRScheduler ( #123775 )
2024-04-16 20:29:27 +00:00
package
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
profiler
[profiler] Split up profiler test file ( #124856 )
2024-04-26 03:19:25 +00:00
quantization
[Quant][PT2E] Enable linear-binary(-unary) post-op recipe for X86Inductor quantizer ( #122387 )
2024-04-27 02:40:57 +00:00
scripts
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_img
torch_np
[BE]: TRY002 - Ban raising vanilla exceptions ( #124570 )
2024-04-21 22:26:40 +00:00
typing
Fix torch.return_types init signature ( #119284 )
2024-02-23 21:52:34 +00:00
xpu
[Aten] Fix XPU convolution_overrideable input memory format. ( #124841 )
2024-04-26 15:55:01 +00:00
_test_bazel.py
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
allowlist_for_publicAPI.json
Update get_aten_graph_module ( #121937 )
2024-03-15 20:35:55 +00:00
conftest.py
UFMT formatting on test/autograd test/ao test/cpp test/backends ( #123369 )
2024-04-05 18:51:38 +00:00
create_dummy_torchscript_model.py
Enable UFMT on test/cpp_api_parity, test/cpp_extensions, test/create_dummy_torchscript_model.py, test/custom_backend, test/custom_operator ( #123518 )
2024-04-08 20:18:42 +00:00
delete.py
hi.py
Dont precompile already seen keys, limit epilogue choices ( #122642 )
2024-04-19 17:34:22 +00:00
HowToWriteTestsUsingFileCheck.md
linear.py
Enable UFMT on test/jit_hooks, test/lazy and some files ( #123807 )
2024-04-12 03:39:38 +00:00
load_torchscript_model.py
Enable UFMT on test/jit_hooks, test/lazy and some files ( #123807 )
2024-04-12 03:39:38 +00:00
minioptest_failures_dict.json
mkl_verbose.py
Enable UFMT on test/jit_hooks, test/lazy and some files ( #123807 )
2024-04-12 03:39:38 +00:00
mkldnn_verbose.py
Enable UFMT on test/jit_hooks, test/lazy and some files ( #123807 )
2024-04-12 03:39:38 +00:00
pytest_shard_custom.py
Reduce pytest prints ( #117069 )
2024-01-23 18:39:30 +00:00
run_doctests.sh
run_test.py
Add test_cpp_extensions tests for stream_and_event and mita_backend ( #123614 )
2024-04-26 16:17:54 +00:00
simulate_nccl_errors.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_ao_sparsity.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_autocast.py
add new API torch.amp.is_autocast_available ( #124938 )
2024-04-26 08:45:20 +00:00
test_autograd_fallback.py
Update to TorchFix 0.4.0 ( #119424 )
2024-02-12 23:30:12 +00:00
test_autograd.py
[Profiler] Unify the device(CUDA, XPU, PrivateUse1) in torch profiler post processing ( #123247 )
2024-04-22 01:26:55 +00:00
test_binary_ufuncs.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_bundled_images.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_bundled_inputs.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
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
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_compile_benchmark_util.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_complex.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_content_store.py
Windows Dynamo Error Removal CI Check ( #115969 )
2024-02-14 21:14:36 +00:00
test_cpp_api_parity.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_cpp_extensions_aot.py
rename ort to maia ( #123265 )
2024-04-23 00:33:25 +00:00
test_cpp_extensions_jit.py
Enable UFMT on test/scripts and some files ( #124137 )
2024-04-19 22:01:27 +00:00
test_cpp_extensions_mtia_backend.py
Add test_cpp_extensions tests for stream_and_event and mita_backend ( #123614 )
2024-04-26 16:17:54 +00:00
test_cpp_extensions_open_device_registration.py
add methods for open device in PackedSequence module. ( #124923 )
2024-04-26 15:26:20 +00:00
test_cpp_extensions_stream_and_event.py
Add test_cpp_extensions tests for stream_and_event and mita_backend ( #123614 )
2024-04-26 16:17:54 +00:00
test_cuda_expandable_segments.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda_multigpu.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda_nvml_based_avail.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda_primary_ctx.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda_sanitizer.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda_trace.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_cuda.py
Enable UFMT on test/test_cuda*.py ( #124352 )
2024-04-25 18:31:08 +00:00
test_custom_ops.py
Fix torch.library.register_fake's module reporting ( #125037 )
2024-04-26 20:53:33 +00:00
test_dataloader.py
[BE]: FURB142 - Remove set mutations. Use set update ( #124551 )
2024-04-21 14:12:33 +00:00
test_datapipe.py
Replace follow_imports = silent with normal ( #118414 )
2024-01-27 02:44:11 +00:00
test_decomp.py
Fix test_decomp test for ops with py_impl(CompositeImplicitAutograd) ( #116832 )
2024-04-20 11:10:38 +00:00
test_deploy.py
test_determination.py
test_dispatch.py
Enable UFMT on test/test_dispatch ( #123644 )
2024-04-10 03:09:38 +00:00
test_dlpack.py
test_dynamic_shapes.py
Implement deepcopy / clone for SymNode, NestedIntSymNode ( #121361 )
2024-04-26 04:18:29 +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
Avoid cuda init to FakeTensorMode ( #124413 )
2024-04-19 02:39:35 +00:00
test_flop_counter.py
[BE]: Optimize min/max/sum comprehensions C419 ( #123960 )
2024-04-12 23:54:15 +00:00
test_foreach.py
Disable test_binary_op_list_error_cases in test_foreach ( #125046 )
2024-04-26 21:25:38 +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
Add ATen Op _chunk_cat and _chunk_cat.out ( #121081 )
2024-03-08 21:48:12 +00:00
test_fx_passes.py
Revert "remove empty partition ( #124920 )"
2024-04-26 02:03:01 +00:00
test_fx_reinplace_pass.py
test_fx.py
[BE]: Optimize min/max/sum comprehensions C419 ( #123960 )
2024-04-12 23:54:15 +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
Made FlexAttention rewrite getitem calls to use aten.index in score_mod ( #124799 )
2024-04-26 17:22:13 +00:00
test_itt.py
test_jit_autocast.py
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py
Batch Norm Consolidation ( #116092 )
2024-03-18 21:01:30 +00:00
test_jit_fuser.py
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +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
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py
Enable UFMT on test/test_legacy_vmap.py ( #124381 )
2024-04-20 03:37:57 +00:00
test_license.py
test_linalg.py
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
test_logging.py
test_masked.py
test_maskedtensor.py
[BE] enable ruff rule RSE and remove useless parentheses in raise statements ( #124261 )
2024-04-17 19:29:34 +00:00
test_matmul_cuda.py
[ROCm] Fix ROCm bug that causes numerical errors in float8_experimental ( #123275 )
2024-04-10 21:52:02 +00:00
test_meta.py
Add meta function for torch.histc ( #124548 )
2024-04-23 00:24:59 +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
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
test_mps.py
[MPS] Fix nextafter for negative values ( #125029 )
2024-04-27 02:58:05 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py
skip various unit tests for Jetson ( #122531 )
2024-04-16 01:26:26 +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
[BE]: TRY002 - Ban raising vanilla exceptions ( #124570 )
2024-04-21 22:26:40 +00:00
test_native_mha.py
test_nestedtensor.py
[Nested Tensor]Add unit test that cover the internal use cases ( #124880 )
2024-04-25 05:04:27 +00:00
test_nn.py
Fixed issue in affine_grid_backward when grad_grid is non-contiguous ( #124370 )
2024-04-18 16:30:10 +00:00
test_nnapi.py
[BE]: TRY002 - Ban raising vanilla exceptions ( #124570 )
2024-04-21 22:26:40 +00:00
test_numba_integration.py
special-case cuda array interface of zero size ( #121458 )
2024-03-18 15:21:38 +00:00
test_numpy_interop.py
Support numpy array in Tensor.__eq__ ( #122249 )
2024-03-21 04:55:01 +00:00
test_openmp.py
test_ops_fwd_gradients.py
Enable UFMT on test/test_ops* ( #123935 )
2024-04-13 03:31:56 +00:00
test_ops_gradients.py
Enable UFMT on test/test_ops* ( #123935 )
2024-04-13 03:31:56 +00:00
test_ops_jit.py
[BE]: TRY002 - Ban raising vanilla exceptions ( #124570 )
2024-04-21 22:26:40 +00:00
test_ops.py
[BE]: Update ruff to 0.4.1 ( #124549 )
2024-04-21 14:06:23 +00:00
test_optim.py
Fixes for 123400 ( #123406 )
2024-04-19 17:20:57 +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
Made FlexAttention rewrite getitem calls to use aten.index in score_mod ( #124799 )
2024-04-26 17:22:13 +00:00
test_package.py
test_per_overload_api.py
test_prims.py
test_proxy_tensor.py
Ban replacements with unbacked SymInt on both sides ( #124316 )
2024-04-25 02:08:59 +00:00
test_pruning_op.py
test_public_bindings.py
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
test_python_dispatch.py
Enable UFMT on test/test_python_dispatch.py ( #124373 )
2024-04-19 00:57:18 +00:00
test_pytree.py
[pytree] Fix namedtuple serialization ( #123388 )
2024-04-08 20:55:19 +00:00
test_quantization.py
test_reductions.py
relax tol for flaky nansum_out_dtype_cuda_float32 test ( #121550 )
2024-03-14 15:28:45 +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
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
test_show_pickle.py
test_sort_and_select.py
test_sparse_csr.py
[BE]: Update ruff to 0.4.1 ( #124549 )
2024-04-21 14:06:23 +00:00
test_sparse_semi_structured.py
[sparse] Add fast semi-structured spasification kernels ( #122350 )
2024-04-19 13:31:58 +00:00
test_sparse.py
Add Half support to torch.sparse.addmm for CPU ( #124694 )
2024-04-24 01:24:01 +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
Graph break cleanly in Dynamo for module parametrization ( #121041 )
2024-03-26 23:44:51 +00:00
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
Generalise mod value ranges ( #123253 )
2024-04-06 20:19:24 +00:00
test_tensor_creation_ops.py
[BE]: Update ruff to 0.4.1 ( #124549 )
2024-04-21 14:06:23 +00:00
test_tensorboard.py
[CI] Removed tests for torch.utils.tensorboard.summary.hparams ( #122556 )
2024-03-29 21:44:02 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py
[BE]: Update ruff to 0.4.1 ( #124549 )
2024-04-21 14:06:23 +00:00
test_throughput_benchmark.py
test_torch.py
Fix global flake8 issues ( #124771 )
2024-04-26 15:35:53 +00:00
test_transformers.py
skip various unit tests for Jetson ( #122531 )
2024-04-16 01:26:26 +00:00
test_type_hints.py
test_type_info.py
test_type_promotion.py
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
[BE] enable ruff rule RSE and remove useless parentheses in raise statements ( #124261 )
2024-04-17 19:29:34 +00:00
test_view_ops.py
test_vulkan.py
test_weak.py
[BE] enable ruff rule RSE and remove useless parentheses in raise statements ( #124261 )
2024-04-17 19:29:34 +00:00
test_xnnpack_integration.py
test_xpu.py
Support gpu trace on XPU ( #121795 )
2024-03-30 13:07:53 +00:00