pytorch/test
drisspg 987314aa96 Split batch-num-heads grid dim between y and z (#157745)
for #157018

doesn't totally fix the problem but should help alot

Pull Request resolved: https://github.com/pytorch/pytorch/pull/157745
Approved by: https://github.com/Chillee
2025-07-08 05:17:43 +00:00
..
ao/sparsity [BE][PYFMT] migrate PYFMT for test/[a-h]*/ to ruff format (#144555) 2025-06-24 04:53:54 +00:00
autograd
backends/xeon
benchmark_utils [BE][PYFMT] migrate PYFMT for test/[a-h]*/ to ruff format (#144555) 2025-06-24 04:53:54 +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 [AOTI] Fix AOT inductor CMake build dependency order (#157557) 2025-07-04 14:33:36 +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 [OpenReg][1/N] Migrate cpp_extensions_open_device_registration to OpenReg (#156588) 2025-06-26 03:59:50 +00:00
custom_backend [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
custom_operator [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
distributed [SymmMem] find_path does not search /usr/local/lib (#157695) 2025-07-08 01:21:59 +00:00
distributions Use property instead of ClassVar for Uniform.arg_constraints and Wishart.arg_constraints (#154361) 2025-05-26 17:48:28 +00:00
dynamo [dynamo] Replace unimplemented with unimplemented_v2 in torch/_dynamo/variables/torch.py (#157344) 2025-07-08 00:46:56 +00:00
dynamo_expected_failures [list] Add list.__delitem__ (#156339) 2025-07-07 14:51:32 +00:00
dynamo_skips Add CPython dict tests (#150791) 2025-05-30 18:17:09 +00:00
error_messages
expect Revert "Fix full_like decomposition to preserve strides (#144765)" 2025-07-02 13:56:03 +00:00
export [attempt 2] Compute contiguity symbolically to avoid dde, and introduce c++ sym_is_contiguous (#157472) 2025-07-02 23:12:29 +00:00
forward_backward_compatibility [BE][PYFMT] migrate PYFMT for test/[a-h]*/ to ruff format (#144555) 2025-06-24 04:53:54 +00:00
functorch Add isnan exit condition to special ops (#157464) 2025-07-05 04:19:50 +00:00
fx [BE][PYFMT] migrate PYFMT for test/[a-h]*/ to ruff format (#144555) 2025-06-24 04:53:54 +00:00
higher_order_ops [invoke_subgraph][partitioner] Add meta val on run_and_save_rng ops (#157319) 2025-07-01 21:02:08 +00:00
inductor Split batch-num-heads grid dim between y and z (#157745) 2025-07-08 05:17:43 +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
jit Fix typo: 'initalized' → 'initialized' in alias analysis test (#157628) 2025-07-04 13:41:53 +00:00
jit_hooks [Cmake] Make PyTorch buildable by CMake-4.x (#150203) 2025-03-29 01:39:13 +00:00
lazy Add __main__ guards to tests (#154716) 2025-06-04 14:38:13 +00:00
mobile Fix typo: 'occurances' → 'occurrences' in mobile model test (#157629) 2025-07-05 01:36:42 +00:00
nn Add max_pool3d backward pass for MPS (#157498) 2025-07-07 19:46:44 +00:00
onnx [ONNX] Fix conversion of attention - 4D (#157130) 2025-07-02 18:05:10 +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 Preserve GrpahModule node stack trace after torch package deserializaion re-tracing (#155638) 2025-06-12 03:48:27 +00:00
profiler Inductor logging + analysis of torch.profile (#149697) 2025-07-07 22:13:34 +00:00
quantization Fix typo: 'paramter' → 'parameter' in quantization model report test (#157646) 2025-07-05 12:28:36 +00:00
scripts
strobelight/examples
test_img
torch_np [BE] Raise NotImplementedError (#155470) 2025-06-13 22:07:03 +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 [export] Move PT2ArchiveWriter/Reader to torch/export (#153795) 2025-05-23 19:04:36 +00:00
bench_mps_ops.py [MPS] Add benchmark for scan with indices (#156860) 2025-06-26 18:44:16 +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 Fix unbound local when an error occurs before pool is initialized (#156750) 2025-07-08 00:28:21 +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
test_autograd_fallback.py
test_autograd.py Add missing attr access check for legacy autograd.Function (#155055) 2025-06-11 01:03:49 +00:00
test_autoload.py
test_binary_ufuncs.py complex.pow(2) on GPU by replacing with complex * complex to avoid numerical instability (#152373) 2025-06-27 02:21:59 +00:00
test_bundled_images.py Add __main__ guards to tests (#154716) 2025-06-04 14:38:13 +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 Typo fixes for "overridden" in comments and function names (#155944) 2025-06-14 03:37:38 +00:00
test_cpp_extensions_jit.py load inline user overridable gencode (#156850) 2025-06-26 10:15:08 +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][2/N] Migrate cpp_extensions_open_device_registration to OpenReg (#156589) 2025-06-26 03:59:50 +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 [C10][CUDA] Eagerly create context on torch.cuda.set_device(device) call (#155900) 2025-06-17 18:59:44 +00:00
test_cuda_sanitizer.py
test_cuda_trace.py
test_cuda.py [BE] @serialTest decorator must be called (#157388) 2025-07-02 19:15:19 +00:00
test_custom_ops.py [dynamo] temporarily disabling generation of weblinks for torch v2.8 release (#157299) 2025-07-01 02:31:17 +00:00
test_dataloader.py Disable pinning check when loading sparse tensors (#154638) 2025-06-18 14:33:36 +00:00
test_datapipe.py
test_decomp.py Revert "Fix full_like decomposition to preserve strides (#144765)" 2025-07-02 13:56:03 +00:00
test_deploy.py
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 Upgrade to DLPack 1.0. (#145000) 2025-06-30 16:58:06 +00:00
test_dynamic_shapes.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_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
test_fake_tensor.py [fake tensor] fix issue of no attribute tags (#156689) 2025-07-03 01:16:01 +00:00
test_file_check.py
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
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 Add __main__ guards to tests (#154716) 2025-06-04 14:38:13 +00:00
test_import_stats.py
test_indexing.py fix numpy compatibility for 2d small list indices (#154806) 2025-06-04 01:58:52 +00:00
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 [ROCm][CI] fix mi300 test failure after 6.4.1 update (#156368) 2025-06-19 15:02:40 +00:00
test_logging.py
test_masked.py
test_maskedtensor.py
test_matmul_cuda.py [ROCm] support experimental CU carveout (#149466) 2025-07-01 08:54:52 +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 allow to use bf16 as fp32 internal precision for mkldnn conv (#126050) 2025-07-02 01:31:23 +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 Add max_pool3d backward pass for MPS (#157498) 2025-07-07 19:46:44 +00:00
test_multiprocessing_spawn.py
test_multiprocessing.py Revert "[CI] Use setup-python from for Mac tests (#155698)" 2025-06-12 14:42:32 +00:00
test_namedtensor.py
test_namedtuple_return_api.py
test_native_functions.py
test_native_mha.py
test_nestedtensor.py Revert "Fix full_like decomposition to preserve strides (#144765)" 2025-07-02 13:56:03 +00:00
test_nn.py Add device check in mse_loss (#155089) 2025-07-04 12:37:48 +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 Fix segfault during NumPy string tensor conversion (#155364) 2025-06-07 01:55:00 +00:00
test_openmp.py
test_openreg.py [OpenReg] Remove the unit.skip for test_serialization (#156804) 2025-06-26 03:59:50 +00:00
test_ops_fwd_gradients.py
test_ops_gradients.py
test_ops_jit.py
test_ops.py [ez] Add super().setUp() in test_ops::TestFakeTensor (#157475) 2025-07-02 20:34:00 +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 Revert "Use std::string_view in torchgen (#157050)" 2025-06-30 18:08:54 +00:00
test_package.py
test_per_overload_api.py
test_prims.py
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] Introduce torch.AcceleratorError (#152023) 2025-06-01 21:02:43 +00:00
test_python_dispatch.py Make DispatchKeySet serializable; add __eq__ (#152732) 2025-05-03 14:40:06 +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 [BE]: Update ruff to 0.11.8 (#153249) 2025-05-12 18:30:52 +00:00
test_reductions.py More descriptive error message for torch.nanmean() with complex dtypes (#153252) 2025-05-26 05:42:57 +00:00
test_scatter_gather_ops.py use more efficient implementation for broadcasted indexing in determi… (#156744) 2025-06-25 02:59:50 +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
test_serialization.py User-controlled sparse tensor validation when loading data from external storage (#154610) 2025-06-02 10:17:07 +00:00
test_set_default_mobile_cpu_allocator.py
test_shape_ops.py
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 [ROCm] improve sparse addmm, enable complex (#153262) 2025-05-19 22:23:18 +00:00
test_sparse_semi_structured.py ROCm Sparsity through HipSparseLT (#150578) 2025-05-31 02:03:40 +00:00
test_sparse.py Fix signature of torch.sparse_coo_tensor() (#152681) 2025-05-28 13:16:41 +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
test_static_runtime.py
test_subclass.py
test_sympy_utils.py Add__int__ and __float__ methods to _sympy.functions.Identity (#155873) 2025-06-15 04:24:40 +00:00
test_tensor_creation_ops.py [BE] Raise better exception in torch.[con]cat[enate] (#155460) 2025-06-09 22:18:00 +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
test_testing.py [Torch] Fix crash when comparing fp8 tensors that have more than 1 dimension (#153508) 2025-05-15 08:41:46 +00:00
test_throughput_benchmark.py
test_torch.py Increase tolerance for test_corrcoef_cuda_int32 (#157206) 2025-06-29 16:30:54 +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 [CPU] Fix memory access for sbgemm bf16 (#156585) 2025-07-08 02:36:28 +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 [docs] Decorator to create a deprecation warning (#155127) 2025-06-25 18:09:04 +00:00
test_view_ops.py
test_vulkan.py
test_weak.py
test_xnnpack_integration.py
test_xpu.py Add device_id to XPU device properties (#156481) 2025-07-03 01:22:11 +00:00