pytorch/test
PyTorch MergeBot fe15645619 Revert "Serve multistream graph captures from correct pool (#114647)"
This reverts commit 8a445f7bd5.

Reverted https://github.com/pytorch/pytorch/pull/114647 on behalf of https://github.com/jeanschmidt due to breaking multiple internal build jobs, please check internal diff in order to obtain more details ([comment](https://github.com/pytorch/pytorch/pull/114647#issuecomment-1864840724))
2023-12-20 17:11:42 +00:00
..
ao/sparsity Fix typo under test directory (#111304) 2023-10-16 23:06:06 +00:00
autograd Add basic autograd TORCH_LOGS support (#115438) 2023-12-20 15:23:44 +00:00
backends/xeon
benchmark_utils
bottleneck_test
cpp [AOTI][refactor] Organize model runner files (#116022) 2023-12-20 15:35:34 +00:00
cpp_api_parity Add python and C++ support for LPPool3d (#114199) 2023-12-08 18:18:44 +00:00
cpp_extensions Revert "Add function to materialize COW storages (#113396)" 2023-11-20 10:26:01 +00:00
custom_backend
custom_operator Update impl_abstract_pystub to be less boilerplatey (#113182) 2023-11-08 00:39:00 +00:00
distributed [re-land] Introduce 3 low-latency, intra-node allreduce algorithms for small messages to PyTorch (#114001) (#116125) 2023-12-20 07:13:50 +00:00
distributions Add Half support for poisson and use float for Half cumulative distribution on CPU (#112124) 2023-11-05 16:10:27 +00:00
dynamo Activation checkpoint and checkpoint_sequential errors if use_reentrant not passed explicitly (#115868) 2023-12-20 15:23:44 +00:00
edge Adding event_tracer evalue logging calls in codegen (#114584) 2023-11-28 18:32:05 +00:00
error_messages
expect [sparse][semi-structured] add alg_id to _cslt_sparse_mm and _cslt_sparse_mm_search (#115178) 2023-12-11 23:08:51 +00:00
export Support nn_module_stack in torch.export(strict=False) (#115454) 2023-12-20 01:43:39 +00:00
forward_backward_compatibility Fix backward for SDPA NT jagged layout (#115576) 2023-12-12 18:35:40 +00:00
functorch Add call to run_tests for more tests? (#115781) 2023-12-19 22:20:10 +00:00
fx [fx][split][testing] Add testing for #107981 (#108731) 2023-12-18 20:19:18 +00:00
inductor Activation checkpoint and checkpoint_sequential errors if use_reentrant not passed explicitly (#115868) 2023-12-20 15:23:44 +00:00
jit Add support for torch.Generator type in TorchScript (#110413) 2023-11-21 23:07:21 +00:00
jit_hooks
lazy [BE]: Enable RUF015 codebase wide (#115507) 2023-12-11 15:51:01 +00:00
mobile [TorchFix] Update old pretrained TorchVision API in tests (#111708) 2023-10-21 07:05:33 +00:00
nn Add call to run_tests for more tests? (#115781) 2023-12-19 22:20:10 +00:00
onnx Add huggingface gpt2 fake tensor unit test for torch.onnx.dynamo_export (#115380) 2023-12-13 19:49:06 +00:00
onnx_caffe2 Revert "[ONNX] Remove the depreacated function _export (#109763)" 2023-09-25 17:47:21 +00:00
optim Revert "Adamw refactor (#115983)" 2023-12-19 15:26:44 +00:00
package
profiler Add basic autograd TORCH_LOGS support (#115438) 2023-12-20 15:23:44 +00:00
quantization Revert "[PT2] [Quant] Change the QConv2d Binary post op name from add to sum (#115329)" 2023-12-19 15:52:57 +00:00
scripts
test_img
torch_np add support for dynamic shapes in round (#115259) 2023-12-19 15:45:50 +00:00
typing Add regression test for cuda_stream type checks (#111430) 2023-10-18 07:24:01 +00:00
_test_bazel.py
allowlist_for_publicAPI.json Remove dead tensor_has_hints. (#114071) 2023-11-20 16:02:24 +00:00
conftest.py Reset stepcurrent cache if file succeeds (#115775) 2023-12-19 22:19:57 +00:00
create_dummy_torchscript_model.py
delete.py
HowToWriteTestsUsingFileCheck.md
linear.py
load_torchscript_model.py
minioptest_failures_dict.json [generate_opcheck_tests] Enable using same failures_dict for multiple testclasses (#110164) 2023-09-28 17:56:45 +00:00
mkl_verbose.py
mkldnn_verbose.py
run_doctests.sh
run_test.py [ez] Remove some args from run_test.py (#115459) 2023-12-11 19:56:37 +00:00
simulate_nccl_errors.py
test_ao_sparsity.py
test_autocast.py Revert "More markDynamoStrictTest (#115870)" 2023-12-19 15:40:57 +00:00
test_autograd_fallback.py
test_autograd.py Activation checkpoint and checkpoint_sequential errors if use_reentrant not passed explicitly (#115868) 2023-12-20 15:23:44 +00:00
test_binary_ufuncs.py Check for boolean values as argument on pow function. (#114133) 2023-11-22 22:57:36 +00:00
test_bundled_images.py
test_bundled_inputs.py
test_comparison_utils.py
test_compile_benchmark_util.py
test_complex.py
test_content_store.py Fix recompilation issue with content store (#113533) 2023-11-13 23:58:13 +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 markDynamoStrictTest some test_cpp_extensions.* (#115858) 2023-12-15 01:22:38 +00:00
test_cuda_expandable_segments.py
test_cuda_multigpu.py
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 markDynamoStrictTest some more tests (#115857) 2023-12-15 01:22:38 +00:00
test_cuda.py Revert "Serve multistream graph captures from correct pool (#114647)" 2023-12-20 17:11:42 +00:00
test_custom_ops.py fix error message in pytorch (#115349) 2023-12-07 19:27:29 +00:00
test_dataloader.py [BE]: Apply FURB145 to make code more readable and idiomatic. (#112990) 2023-11-06 13:15:04 +00:00
test_datapipe.py Disable compile for massive data pipe test (#109063) 2023-09-12 00:15:52 +00:00
test_decomp.py unMarkDynamoStrictTest on OpInfo-based tests (#115856) 2023-12-15 01:22:31 +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
test_dynamic_shapes.py add support for dynamic shapes in round (#115259) 2023-12-19 15:45:50 +00:00
test_expanded_weights.py
test_fake_tensor.py Revert "markDynamoStrictTest more tests (#115871)" 2023-12-19 15:36:27 +00:00
test_flop_counter.py Updated flop counter to accept pytree inputs/outputs (#111990) 2023-10-26 01:25:27 +00:00
test_foreach.py [BE]: Enable RUF015 codebase wide (#115507) 2023-12-11 15:51: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 Skip aliasing correction for lift_fresh. (#112202) 2023-11-03 20:46:30 +00:00
test_futures.py
test_fx_experimental.py
test_fx_passes.py
test_fx_reinplace_pass.py
test_fx.py [sigmoid] fix for FX tracing unflattened modules (#115708) 2023-12-13 19:43:46 +00:00
test_hub.py
test_import_stats.py
test_indexing.py Fix index range check (#116062) 2023-12-20 15:40:57 +00:00
test_itt.py
test_jit_autocast.py
test_jit_disabled.py
test_jit_fuser_legacy.py
test_jit_fuser_te.py [jit] Skip NNAPI, test_ivalue, CPU NNC tests in fbcode (#108937) 2023-09-11 22:42:30 +00:00
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 fix error message in pytorch (#115349) 2023-12-07 19:27:29 +00:00
test_jiterator.py
test_kernel_launch_checks.py
test_legacy_vmap.py
test_license.py
test_linalg.py Revert "markDynamoStrictTest more tests (#115871)" 2023-12-19 15:36:27 +00:00
test_logging.py
test_masked.py
test_maskedtensor.py
test_matmul_cuda.py Skip unit tests that fail on MI210 runners (#114613) 2023-11-27 22:25:35 +00:00
test_meta.py add Half support for layer_norm on CPU (#99590) 2023-12-20 01:11:15 +00:00
test_metal.py
test_mkl_verbose.py
test_mkldnn_fusion.py improve mkldnn_linear_pointwise performance for contiguous tensor with non default contiguous strides (#114939) 2023-12-01 23:30:07 +00:00
test_mkldnn_verbose.py
test_mkldnn.py [TorchFix] Update old pretrained TorchVision API in tests (#111708) 2023-10-21 07:05:33 +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_module_init.py Revert "markDynamoStrictTest on more tests (#115879)" 2023-12-15 20:00:09 +00:00
test_modules.py Revert "markDynamoStrictTest on more tests (#115879)" 2023-12-15 20:00:09 +00:00
test_monitor.py
test_mps.py add Half support for layer_norm on CPU (#99590) 2023-12-20 01:11:15 +00:00
test_multiprocessing_spawn.py Revert "markDynamoStrictTest on more tests (#115879)" 2023-12-15 20:00:09 +00:00
test_multiprocessing.py Revert "markDynamoStrictTest on more tests (#115879)" 2023-12-15 20:00:09 +00:00
test_namedtensor.py Add some checks about Device and Layout when create/convert named tensor (#113628) 2023-11-14 20:40:27 +00:00
test_namedtuple_return_api.py
test_native_functions.py
test_native_mha.py Revert "markDynamoStrictTest some more (#115885)" 2023-12-15 19:51:24 +00:00
test_nestedtensor.py Fix jagged composite impl of flatten() (#115192) 2023-12-19 19:15:21 +00:00
test_nn.py add Half support for layer_norm on CPU (#99590) 2023-12-20 01:11:15 +00:00
test_nnapi.py
test_numba_integration.py
test_numpy_interop.py Fix NULL dereference in binary CPU ops (#115183) 2023-12-06 03:37:47 +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 [easy] aten ops: support passing all args as kwargs, including self (#114920) 2023-12-16 18:32:58 +00:00
test_optim.py add markDynamoStrictTest to TestOptimRenewed, removing flakiness (#115947) 2023-12-16 01:33:32 +00:00
test_out_dtype_op.py
test_overrides.py Disabled UserWarnings for some public functions in torch.overrides (#109890) 2023-09-23 20:40:04 +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 Support nn_module_stack in torch.export(strict=False) (#115454) 2023-12-20 01:43:39 +00:00
test_pruning_op.py [dynamo] Eagerly install guards (#111415) 2023-11-07 19:55:19 +00:00
test_public_bindings.py [DeviceMesh] Rename _device_mesh.py to device_mesh.py to prepare for beta (#115099) (#115193) 2023-12-08 08:44:32 +00:00
test_python_dispatch.py Allow functionalization to work with optional mutable (#114803) 2023-11-30 23:48:03 +00:00
test_pytree.py [pytree] expand tree_map to accept multi-inputs (#115642) 2023-12-14 06:16:42 +00:00
test_quantization.py enable cat for cuda bits types (#115044) 2023-12-06 00:05:18 +00:00
test_reductions.py Add Half support for cummax, cummin, cumprod, logcumsumexp, and prod on CPU (#112132) 2023-11-05 12:31:38 +00:00
test_scatter_gather_ops.py
test_schema_check.py Revert "markDynamoStrictTest some more (#115885)" 2023-12-15 19:51:24 +00:00
test_segment_reductions.py
test_serialization.py Revert "markDynamoStrictTest some more (#115885)" 2023-12-15 19:51:24 +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 Actually run Dynamo tests in all Dynamo shards (#115962) 2023-12-19 14:12:53 +00:00
test_sparse_csr.py Fix sparse compressed tensor invariants checks when nnz==0 (#115826) 2023-12-20 12:16:07 +00:00
test_sparse_semi_structured.py [sparse][semi-structured] enable fp32 support, separate sparse and dense constraints (#115550) 2023-12-15 02:28:17 +00:00
test_sparse.py Add values backward support for sparse CSR, CSC, BSR, and BSC tensors (#115586) 2023-12-14 23:09:13 +00:00
test_spectral_ops.py [CUDA][cuFFT] Initialize CUDA context for cuFFT before execute is called (#110326) 2023-10-13 18:02:25 +00:00
test_stateless.py
test_static_runtime.py Skip test_fork_wait_4 and test_fork_wait_4_async (#112743) 2023-11-02 20:46:29 +00:00
test_subclass.py
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 Remove unecessary warning when getting storage.filename (#113212) 2023-11-08 02:09:59 +00:00
test_tensorboard.py Add tensorboard to pip requirements (#109349) 2023-09-15 10:39:48 +00:00
test_tensorexpr_pybind.py
test_tensorexpr.py
test_testing.py Print the index and summary of the SampleInput that failed an OpInfo test (#99444) 2023-11-21 23:08:35 +00:00
test_throughput_benchmark.py
test_torch.py Fix troch.gradient check for spacing arg list length (#115686) 2023-12-13 20:17:20 +00:00
test_transformers.py Revert "Fix allowed dtypes for mem_eff attention (#116026)" 2023-12-20 12:01:34 +00:00
test_type_hints.py
test_type_info.py Add finfo properties for float8 dtypes (#109744) 2023-09-21 03:41:48 +00:00
test_type_promotion.py Disallow fp8 type promotion (#113975) 2023-11-20 19:47:43 +00:00
test_typing.py [BE] Revive test_typing (#111428) 2023-10-18 02:19:49 +00:00
test_unary_ufuncs.py Skip some flaky Dynamo tests (#116165) 2023-12-20 05:05:02 +00:00
test_utils.py Some tiny modification about torch.set/get_default_device (#116014) 2023-12-19 05:08:06 +00:00
test_view_ops.py Implement numpy(force=True) (#109636) 2023-09-20 20:06:13 +00:00
test_vulkan.py
test_weak.py [BE]: Enable RUF015 codebase wide (#115507) 2023-12-11 15:51:01 +00:00
test_xnnpack_integration.py