[codemod] markDynamoStrictTest batch 22 (#117729)

[codemod] markDynamoStrictTest test_autograd
[codemod] markDynamoStrictTest test_ao_sparsity
[codemod] markDynamoStrictTest test_jit
[codemod] markDynamoStrictTest test_quantization
Pull Request resolved: https://github.com/pytorch/pytorch/pull/117729
Approved by: https://github.com/bdhirsh
This commit is contained in:
rzou 2024-01-18 07:56:14 -08:00 committed by PyTorch MergeBot
parent fa86fa7a61
commit db1a6eda9e
9 changed files with 591 additions and 215 deletions

View File

@ -268,22 +268,15 @@ test_dynamo_shard() {
exit 1
fi
python tools/dynamo/verify_dynamo.py
# Temporarily disable test_fx for dynamo pending the investigation on TTS
# regression in https://github.com/pytorch/torchdynamo/issues/784
# PLEASE DO NOT ADD ADDITIONAL EXCLUDES HERE.
# Instead, use @skipIfTorchDynamo on your tests.
time python test/run_test.py --dynamo \
--exclude-jit-executor \
--exclude-distributed-tests \
--exclude \
test_ao_sparsity \
test_autograd \
test_jit \
test_quantization \
test_dataloader \
test_reductions \
test_python_dispatch \
test_fx \
test_custom_ops \
functorch/test_dims \
--shard "$1" "$NUM_TEST_SHARDS" \
--verbose
assert_git_not_dirty

View File

@ -10,7 +10,7 @@ from functorch.dim import Tensor, Dim, dims, dimlists, stack, DimensionBindError
from attn_ft import BertSelfAttention as BertSelfAttentionA, Linear
from attn_positional import BertSelfAttention as BertSelfAttentionB
from torch.testing._internal.common_utils import TestCase, run_tests, TEST_CUDA
from torch.testing._internal.common_utils import TestCase, run_tests, TEST_CUDA, skipIfTorchDynamo
from unittest import skip, skipIf
import torch
@ -71,6 +71,7 @@ def gpu_time(lmb, name, r=100):
print(name, elapsed / r)
return elapsed / r
@skipIfTorchDynamo("Bad interaction")
class TestMin(TestCase):
def setUp(self):

View File

@ -8,7 +8,7 @@ from typing import NamedTuple, Optional
import torch
from torch import Tensor
from torch.testing._internal.common_utils import TemporaryFileName
from torch.testing._internal.common_utils import TemporaryFileName, skipIfTorchDynamo
# Make the helper files in test/ importable
pytorch_test_dir = os.path.dirname(os.path.dirname(os.path.realpath(__file__)))
@ -709,6 +709,7 @@ class TestSaveLoad(JitTestCase):
traced_inputs, loaded_inputs = get_loaded_inputs(input4)
self.assertEqual(traced_inputs[1].type(), loaded_inputs[1].type())
@skipIfTorchDynamo("too slow")
def test_save_load_large_string_attribute(self):
"""
Check if the model with string > 4GB can be loaded.

View File

@ -2283,6 +2283,7 @@ class TestFXNumericSuiteNShadows(FXNumericSuiteQuantizationTestCase):
# stats should be empty, but comparisons should be there
_check_logger_count(msq, 0, 1)
@skipIfTorchDynamo("too slow")
@skip_if_no_torchvision
@withQNNPACKBackend
def test_mobilenet_v2(self):
@ -2890,6 +2891,7 @@ class TestFXNumericSuiteCoreAPIsModels(FXNumericSuiteQuantizationTestCase):
results_len=3,
should_log_inputs=should_log_inputs)
@skipIfTorchDynamo("too slow")
@skip_if_no_torchvision
@skipIfNoFBGEMM
def test_resnet18(self):
@ -2901,6 +2903,7 @@ class TestFXNumericSuiteCoreAPIsModels(FXNumericSuiteQuantizationTestCase):
qconfig_dict=qconfig_dict,
should_log_inputs=False)
@skipIfTorchDynamo("too slow")
@skip_if_no_torchvision
@skipIfNoFBGEMM
def test_mobilenet_v2(self):

View File

@ -16,6 +16,7 @@ from torch.testing._internal.common_quantization import (
skipIfNoX86,
skipIfNoDynamoSupport,
)
from torch.testing._internal.common_utils import skipIfTorchDynamo
from torch.testing._internal.common_quantized import override_quantized_engine
from enum import Enum
import itertools
@ -1007,6 +1008,7 @@ class TestQuantizePT2EX86Inductor(X86InductorQuantTestCase):
node_list,
)
@skipIfTorchDynamo("very slow")
@skipIfNoX86
def test_qat_conv2d(self):
"""
@ -1044,6 +1046,7 @@ class TestQuantizePT2EX86Inductor(X86InductorQuantTestCase):
is_qat=True,
)
@skipIfTorchDynamo("very slow")
@skipIfNoX86
def test_qat_conv2d_unary(self):
"""
@ -1093,6 +1096,7 @@ class TestQuantizePT2EX86Inductor(X86InductorQuantTestCase):
is_qat=True,
)
@skipIfTorchDynamo("very slow")
@skipIfNoX86
def test_qat_conv2d_binary(self):
"""
@ -1135,6 +1139,7 @@ class TestQuantizePT2EX86Inductor(X86InductorQuantTestCase):
is_qat=True,
)
@skipIfTorchDynamo("very slow")
@skipIfNoX86
def test_qat_conv2d_binary2(self):
"""
@ -1177,6 +1182,7 @@ class TestQuantizePT2EX86Inductor(X86InductorQuantTestCase):
is_qat=True,
)
@skipIfTorchDynamo("very slow")
@skipIfNoX86
def test_qat_conv2d_binary_unary(self):
"""

View File

@ -33,7 +33,8 @@ from torch.testing._internal.common_cuda import TEST_CUDA
from torch.testing._internal.common_utils import (
TestCase, run_tests, skipIfNoLapack, slowTest, IS_WINDOWS, IS_MACOS,
disable_gc, gradcheck, gradgradcheck, parametrize,
instantiate_parametrized_tests, skipIfMps, set_warn_always_context)
instantiate_parametrized_tests, skipIfMps, set_warn_always_context,
skipIfTorchDynamo)
from torch.autograd import Variable, Function, detect_anomaly, kineto_available, _calculate_shape
from torch.autograd.function import InplaceFunction
import torch.autograd.forward_ad as fwAD
@ -2132,6 +2133,7 @@ class TestAutograd(TestCase):
with torch.autograd.grad_mode.no_grad():
v.grad_fn
@skipIfTorchDynamo("too slow")
def test_free_deep_graph(self):
def scope():
depth = 150000
@ -2149,6 +2151,7 @@ class TestAutograd(TestCase):
# Should not stack overflow
scope()
@skipIfTorchDynamo("too slow")
def test_free_deep_graph_complicated(self):
def scope():
depth = 100000
@ -2179,6 +2182,7 @@ class TestAutograd(TestCase):
# Should not stack overflow
scope()
@skipIfTorchDynamo("too slow")
def test_free_deep_graph_pyfunction(self):
class MyOp(Function):
@staticmethod

View File

@ -57,6 +57,7 @@ from torch.testing._internal.common_utils import (
IS_WINDOWS,
find_library_location,
run_tests,
skipIfTorchDynamo,
)
from torch.testing._internal.jit_utils import JitTestCase
@ -4454,6 +4455,7 @@ TestFunctionalTracing.generate_tests()
instantiate_device_type_tests(TestOperatorSignatures, globals())
@skipIfTorchDynamo("too slow")
@skipIfNoTorchVision
class TestVisionTracing(JitTestCase):
def setUp(self):

View File

@ -6,7 +6,7 @@ from typing import NamedTuple, List
import torch
from torch import nn
from torch.testing._internal.common_utils import run_tests
from torch.testing._internal.common_utils import run_tests, skipIfTorchDynamo
from torch.testing._internal.jit_utils import JitTestCase
from test_tensorexpr import warmup_and_run_forward
@ -22,6 +22,7 @@ class PointwisePostOp(NamedTuple):
CONV_MODULES = {2: torch.nn.Conv2d, 3: torch.nn.Conv3d}
CONV_TRANSPOSE_MODULES = {2: torch.nn.ConvTranspose2d}
@skipIfTorchDynamo("too slow")
@unittest.skipIf(not torch.backends.mkldnn.is_available(), "MKL-DNN build is disabled")
class TestMkldnnFusion(JitTestCase):
def assertFused(self, graph, fused_patterns):

View File

@ -56,12 +56,8 @@ FIXME_default_non_strict = {
"inductor/test_triton_heuristics",
"inductor/test_triton_wrapper",
"inductor/test_unbacked_symints",
"test_ao_sparsity",
"test_autograd",
"test_custom_ops",
"test_jit",
"test_python_dispatch",
"test_quantization",
}
# Tests that run without strict mode in PYTORCH_TEST_WITH_INDUCTOR=1.
@ -82,34 +78,8 @@ dynamo_expected_failures = {
"TestCppExtensionJIT.test_custom_compound_op_autograd",
"TestCppExtensionJIT.test_cpp_frontend_module_has_up_to_date_attributes",
"TestCppExtensionOpenRgistration.test_open_device_registration",
"TestAutogradFallback.test_supports_tensor_lists_mode_nothing",
"TestAutogradFallback.test_post_autograd_returns_mix_of_requires_grad_tensors_mode_warn",
"TestAutogradFallback.test_cpu_return_self_mode_warn",
"TestAutogradFallback.test_base_does_not_require_grad_mode_warn",
"TestAutogradFallback.test_undefined_grads_mode_nothing",
"TestAutogradFallback.test_undefined_grads_mode_warn",
"TestAutogradFallback.test_autograd_function_registered_to_cpu_mode_warn",
"TestAutogradFallback.test_cpu_return_self_mode_nothing",
"TestAutogradFallback.test_composite_registered_to_cpu_mode_nothing",
"TestAutogradFallback.test_undefined_inputs_outputs_mode_nothing",
"TestAutogradFallback.test_no_autograd_kernel_inplace_mode_nothing",
"TestAutogradFallback.test_post_autograd_returns_leaf_mode_nothing",
"TestAutogradFallback.test_inplace_on_tensor_that_does_not_require_grad_mode_nothing",
"TestAutogradFallback.test_no_grad_mode_warn",
"TestAutogradFallback.test_inplace_autograd_function_registered_to_cpu_mode_warn",
"TestAutogradFallback.test_no_autograd_kernel_mode_warn",
"TestAutogradFallback.test_base_does_not_require_grad_mode_nothing",
"TestAutogradFallback.test_composite_registered_to_cpu_mode_warn",
"TestAutogradFallback.test_post_autograd_returns_mix_of_requires_grad_tensors_mode_nothing",
"TestAutogradFallback.test_no_autograd_kernel_inplace_mode_warn",
"TestAutogradFallback.test_no_grad_mode_nothing",
"TestAutogradFallback.test_no_autograd_kernel_mode_nothing",
"TestAutogradFallback.test_supports_tensor_lists_mode_warn",
"TestAutogradFallback.test_post_autograd_returns_leaf_mode_warn",
"TestAutogradFallback.test_undefined_inputs_outputs_mode_warn",
"TestAutogradFallback.test_inplace_on_tensor_that_does_not_require_grad_mode_warn",
"TestAutogradFallback.test_inplace_autograd_function_registered_to_cpu_mode_nothing",
"TestAutogradFallback.test_autograd_function_registered_to_cpu_mode_nothing",
"TestFunctionalOptimParity.test_functional_optim_parity_sgd",
"TestIndexingCPU.test_invalid_index_cpu",
"NumpyTestsCPU.test_boolean_shape_mismatch_cpu",
@ -2919,197 +2889,25 @@ dynamo_expected_failures = {
"TestNamedTensor.test_mv", # test_namedtensor
"TestNamedTensor.test_using_unseen_interned_string_bumps_refcount_permanently", # test_namedtensor
"TestNamedTensor.test_resize", # test_namedtensor
"TestFX.test_graph_edit_with_proxy", # test_fx
"TestFX.test_native_callable", # test_fx
"TestFX.test_interpreter_default_args", # test_fx
"TestFX.test_tuple_no_subscript", # test_fx
"TestFX.test_symbolic_trace_assert", # test_fx
"TestFX.test_layout", # test_fx
"TestFX.test_interpreter_onthefly_swap", # test_fx
"TestFX.test_pytree_concrete", # test_fx
"TestFX.test_wrapped_retrace", # test_fx
"TestFX.test_wrong_target_type", # test_fx
"TestFX.test_delete_unused_submodules_leaf", # test_fx
"TestFX.test_trace_fn_constant", # test_fx
"TestFX.test_interpreter_not_enough_args", # test_fx
"TestFX.test_ast_rewriter_wrap_fn_directly", # test_fx
"TestFX.test_module_deepcopy_edit_nodes", # test_fx
"TestFX.test_stack_traces_with_transformer", # test_fx
"TestFX.test_trace_multiple_funcs", # test_fx
"TestFX.test_string_literal_return", # test_fx
"TestFX.test_interpreter", # test_fx
"TestFX.test_graph_module", # test_fx
"TestFX.test_pretty_print_targets", # test_fx
"TestFX.test_tensor_constant", # test_fx
"TestFX.test_erase_node_error", # test_fx
"TestFX.test_node_tagging", # test_fx
"TestFX.test_transformer_preserves_nn_module_stack_for_get_attr", # test_fx
"TestFX.test_trace_return_dataclass_nested", # test_fx
"TestFX.test_find_uses", # test_fx
"TestFX.test_varargs_concrete", # test_fx
"TestCommonPass.test_correctness_CSEPass_Mutation_cpu", # test_fx
"TestFX.test_deepcopy_graph_with_tracer_cls", # test_fx
"TestFX.test_submodule_manipulation_API", # test_fx
"TestFX.test_annotations_with_non_torch_reference_and_no_internal_forward_references", # test_fx
"TestFX.test_custom_traceback_raised_when_exception_source_is_graphmodule", # test_fx
"TestFX.test_single_default_arg", # test_fx
"TestFX.test_partial_trace", # test_fx
"TestFX.test_prepend_self", # test_fx
"TestFX.test_transformer_noop", # test_fx
"TestFX.test_enum", # test_fx
"TestConstFold.test_check_skip_folding_quant_dequant_pattern", # test_fx
"TestFX.test_nonetype_annotation", # test_fx
"TestFX.test_profiler_ranges_side_effect", # test_fx
"TestFX.test_unpack_dict_better_error", # test_fx
"TestFX.test_custom_import", # test_fx
"TestFX.test_custom_proxy_type_literal", # test_fx
"TestFX.test_pretty_print_node", # test_fx
"TestFX.test_interpreter_other_graph", # test_fx
"TestFX.test_trace_function", # test_fx
"TestFX.test_custom_proxy_type", # test_fx
"TestFX.test_immutable_list_pytree_ops", # test_fx
"TestFX.test_throw_out_variant", # test_fx
"TestFX.test_no_mutation", # test_fx
"TestFX.test_fx_and_or", # test_fx
"TestFX.test_interpreter_star_args", # test_fx
"TestFX.test_pickle_nonetype_annotation", # test_fx
"TestFX.test_all_input_nodes", # test_fx
"TestFX.test_script_tensor_constant", # test_fx
"TestFX.test_pickle_torch_custom_ops", # test_fx
"TestFX.test_deepcopy_no_recursion", # test_fx
"TestFX.test_torch_custom_ops", # test_fx
"TestFX.test_ast_rewriter_wrap_with_submodule", # test_fx
"TestFX.test_torch_fx_len", # test_fx
"TestFX.test_construct_root_dict", # test_fx
"TestFX.test_fx_shifts", # test_fx
"TestFX.test_inf_nan", # test_fx
"TestFX.test_lineno_map", # test_fx
"TestFX.test_pretty_print", # test_fx
"TestFX.test_trace_dict_proxy_keys", # test_fx
"TestFX.test_ast_rewriter_wrapped_via_decorator_and_transformed", # test_fx
"TestFX.test_wrap_decorated_function", # test_fx
"TestFX.test_tensor_attribute", # test_fx
"TestFX.test_user_friendly_call_provenance_with_module", # test_fx
"TestFX.test_pickle_custom_import", # test_fx
"TestFX.test_informative_co_filename", # test_fx
"TestFX.test_remove_uses", # test_fx
"TestFX.test_deepcopy_with_submods_params", # test_fx
"TestFX.test_custom_codegen_with_transformer", # test_fx
"TestFX.test_annotation_with_future", # test_fx
"TestFX.test_copy_it", # test_fx
"TestFX.test_getitem_subproc", # test_fx
"TestFX.test_leaf_module", # test_fx
"TestFX.test_update_kwargs_api", # test_fx
"TestCommonPass.test_correctness_CSEPass_TakeList_cpu", # test_fx
"TestPassManager.test_pass_manager", # test_fx
"TestFX.test_control_flow_tracing", # test_fx
"TestFX.test_pytree", # test_fx
"TestFX.test_user_friendly_call_provenance_with_function", # test_fx
"TestFX.test_wrap_with_submodule", # test_fx
"TestFX.test_example_shape_prop", # test_fx
"TestFX.test_stack_traces", # test_fx
"TestFX.test_tracing_graphmodules_as_leaf_submodules", # test_fx
"TestFX.test_symbolic_trace_sequential", # test_fx
"TestFX.test_script_method_trace", # test_fx
"TestFX.test_return_type_exists", # test_fx
"TestFX.test_transformer_multi_outputs", # test_fx
"TestFX.test_unpack", # test_fx
"TestCommonPass.test_correctness_CSEPass_MutationMetadata_cpu", # test_fx
"TestCommonPass.test_correctness_CSEPass_MutationTorchTensorCall_cpu", # test_fx
"TestCommonPass.test_correctness_CSEPass_MutationInput_cpu", # test_fx
"TestFX.test_metadata_on_ph", # test_fx
"TestFX.test_shape_prop_aggregate", # test_fx
"TestFX.test_custom_codegen", # test_fx
"TestFX.test_namedtuple_return_trace", # test_fx
"TestFX.test_interpreter_partial_eval", # test_fx
"TestFX.test_reserved_getattr", # test_fx
"TestFX.test_deepcopy_graphmodule_with_transform", # test_fx
"TestFX.test_multi_insert_point", # test_fx
"TestFX.test_pretty_print_graph", # test_fx
"TestFX.test_graph_module_replicate_for_dp", # test_fx
"TestFX.test_fn_type_annotation_empty", # test_fx
"TestFX.test_immutable_dict_pytree_ops", # test_fx
"TestFX.test_reassign_args_kwargs_uses", # test_fx
"TestFX.test_fn_type_annotations", # test_fx
"TestFX.test_custom_proxy_input_dependent_control_flow", # test_fx
"TestFX.test_interpreter_run_node_override", # test_fx
"TestFX.test_ctx_mgr", # test_fx
"TestFX.test_wrap", # test_fx
"TestFX.test_deepcopy_recursion_depth", # test_fx
"TestFX.test_wrapped_method", # test_fx
"TestFX.test_wrong_topo", # test_fx
"TestFX.test_autowrap_functions", # test_fx
"TestFX.test_fx_create_arg", # test_fx
"TestFX.test_regular_and_default_args", # test_fx
"TestFX.test_inf_nan_kwds", # test_fx
"TestFX.test_wrapped_via_decorator_and_transformed", # test_fx
"TestFX.test_ast_rewriter_reassigns_submodules", # test_fx
"TestFX.test_ast_rewriter_rewrites_assert", # test_fx
"TestFX.test_annotations_with_forward_references", # test_fx
"TestFX.test_ast_rewriter_rewrites_assert_with_message", # test_fx
"TestFX.test_matmul_tracing", # test_fx
"TestFX.test_torch_op_overloads", # test_fx
"TestFX.test_args_kwargs_no_self", # test_fx
"TestFX.test_custom_traceback_not_raised_when_exception_source_is_submodule", # test_fx
"TestFX.test_imul_code_print", # test_fx
"TestCommonPass.test_correctness_factory_CSEPass_MutationFactory_cpu", # test_fx
"TestFX.test_inline_graph", # test_fx
"TestFX.test_trace_return_dataclass", # test_fx
"TestFX.test_get_torch_func_signature", # test_fx
"TestCommonPass.test_correctness_factory_CSEPass_FactoryFunctionCall_cpu", # test_fx
"TestFX.test_direct_param_use", # test_fx
"TestFX.test_multiple_default_args", # test_fx
"TestFX.test_tensor_attribute_coalseced", # test_fx
"TestFX.test_insertion_point", # test_fx
"TestFX.test_namedtuple_return_qualname", # test_fx
"TestFX.test_annotations_with_non_torch_reference_and_internal_forward_references", # test_fx
"TestFX.test_concrete_arg_none_assert", # test_fx
"TestFX.test_torch_fx_getattr", # test_fx
"TestFX.test_named_tuple_inlined", # test_fx
"TestFX.test_wrap_fn_directly", # test_fx
"TestFX.test_graph_fns", # test_fx
"TestFX.test_args_kwargs", # test_fx
"TestFX.test_return_tuple", # test_fx
"TestFX.test_trace_return_namedtuple", # test_fx
"TestFX.test_ast_rewriter_wrapped_via_decorator", # test_fx
"TestCommonPass.test_correctness_CSEPass_ReturnList_cpu", # test_fx
"TestFX.test_replace_input", # test_fx
"TestFX.test_sqrt", # test_fx
"TestFX.test_remove_uses_with_custom_filter", # test_fx
"TestFX.test_empty_graph_codegen", # test_fx
"TestFX.test_deepcopy_tracer", # test_fx
"TestFX.test_insert_arg", # test_fx
"TestFX.test_interpreter_with_codegen", # test_fx
"TestFX.test_torchbind_class_attribute_in_fx", # test_fx
"TestFX.test_pickle_graphmodule", # test_fx
"TestFX.test_graph_module_init_buffer_param_copied_mod_init", # test_fx
"TestFX.test_update_args_api", # test_fx
"TestFX.test_nn_module_stack", # test_fx
"TestFX.test_graph_unique_names", # test_fx
"TestFX.test_trace_dict_int_keys", # test_fx
"TestFX.test_custom_proxy_dynamic_value", # test_fx
"TestFX.test_typename_print", # test_fx
"TestFX.test_move_before", # test_fx
"TestFXAPIBackwardCompatibility.test_public_api_surface", # test_fx
"TestFX.test_copy_no_remap", # test_fx
"TestFX.test_shape_prop_layout", # test_fx
"TestFX.test_shape_prop_layout_3d", # test_fx
"TestFX.test_update_args_kwargs_yells_at_you", # test_fx
"TestFX.test_transformer_op_swap", # test_fx
"TestFX.test_unpack_list_better_error", # test_fx
"TestFX.test_graph_module_init_buffer_param_copied_dict_init", # test_fx
"TestFX.test_disallow_override", # test_fx
"TestFX.test_fx_stateless", # test_fx
"TestFX.test_sequential", # test_fx
"TestFX.test_dict", # test_fx
"TestFX.test_snake_case", # test_fx
"TestFX.test_deepcopy_graphmodule", # test_fx
"TestFX.test_annotations_with_no_forward_references", # test_fx
"TestFX.test_wrapped_via_decorator", # test_fx
"TestFX.test_graph_unique_names_manual", # test_fx
"TestFX.test_ast_rewriter_wrap", # test_fx
"TestFX.test_torchbind_class_attribute_in_fx_tensor_arg", # test_fx
"TestFX.test_ellipsis", # test_fx
"TestContentStoreCPU.test_repeated_hash_cpu", # test_content_store
"TestLazyTensor.test_tensor_ctr", # lazy/test_ts_opinfo
"TestAnalyze.test_trace_dependencies", # test_package
@ -3358,6 +3156,528 @@ dynamo_expected_failures = {
"TestTorch.test_parsing_double", # test_torch
"TestTorchDeviceTypeCPU.test_exponential_kstest_cpu_float32", # test_torch
"TestTorchDeviceTypeCPU.test_deterministic_empty_cpu_uint64", # test_torch
"TestAutograd.test_checkpoint_detects_non_determinism", # test_autograd
"TestAutograd.test_gradcheck_backward_mul_by_grad_output", # test_autograd
"TestAutogradForwardModeBatchedGrad.test_out_of_place_basic", # test_autograd
"TestAutogradLogging.test_logging", # test_autograd
"TestAutograd.test_custom_function_cycle", # test_autograd
"TestAutogradForwardMode.test_detach_view_tracking", # test_autograd
"TestAutograd.test_return_duplicate_inplace", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_set_early_stop_no_recompution_needed", # test_autograd
"TestAutograd.test_backward_with_inputs", # test_autograd
"TestAutograd.test_setitem", # test_autograd
"TestAutogradDeviceTypeCPU.test_inplace_on_view_python_cpu", # test_autograd
"TestAutogradForwardMode.test_make_dual_inference_tensor_in_inference_mode", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_normal_mode_inplace_op", # test_autograd
"TestAutograd.test_custom_function_save_for_forward", # test_autograd
"TestAutograd.test_sparse_mm_backward", # test_autograd
"TestAutograd.test_checkpointing_without_reentrant_with_context_fn", # test_autograd
"TestAutograd.test_custom_function_saved_tensors", # test_autograd
"TestAutograd.test_custom_function_forward_mode_wrong_formula", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_decorator", # test_autograd
"TestAutogradForwardMode.test_forward_level_cleanup", # test_autograd
"TestAutograd.test_gradcheck_check_forward_or_backward_only", # test_autograd
"TestAutogradDeviceTypeCPU.test_inplace_on_view_modify_base_cpu", # test_autograd
"TestAutograd.test_full_backward_hook_double_backward", # test_autograd
"TestAutograd.test_gradcheck_forward_ad_batched_grad", # test_autograd
"TestAutograd.test_custom_function_non_tensor_inputs_outputs", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_non_tensor_inputs_and_outputs_early_stop_True", # test_autograd
"TestAutograd.test_autograd_views_codegen", # test_autograd
"TestAutograd.test_profiler_aggregation_table", # test_autograd
"TestAutograd.test_profiler_propagation", # test_autograd
"TestAutograd.test_profiler_seq_nr", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_kwargs_early_stop_False", # test_autograd
"TestAutograd.test_checkpointing_non_reentrant_autocast_cpu", # test_autograd
"TestAutograd.test_named_tensor_for_complex_views", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_existing_autograd_session", # test_autograd
"TestAutograd.test_set_grad_generator_functions_recursive", # test_autograd
"TestAutograd.test_increment_version", # test_autograd
"TestAutograd.test_record_function_callbacks", # test_autograd
"TestAutograd.test_save_on_cpu_and_checkpoint", # test_autograd
"TestAutogradForwardMode.test_make_dual_torch_dispatch", # test_autograd
"TestAutogradDeviceTypeCPU.test_sparse_ctor_getter_backward_cpu_complex128", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_non_tensor_inputs_and_outputs_early_stop_False", # test_autograd
"TestAutograd.test_gradcheck_nondeterministic", # test_autograd
"TestAutograd.test_custom_function_forward_mode_forward_is_no_op", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_set_early_stop", # test_autograd
"TestAutograd.test_version_counter", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_normal_mode_view_op", # test_autograd
"TestAutograd.test_set_grad_generator_functions", # test_autograd
"TestAutograd.test_record_function", # test_autograd
"TestAutograd.test_custom_function_forward_mode_view_checks", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_early_stop_True", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_two_children_early_stop_True", # test_autograd
"TestAutograd.test_gradcheck_check_no_differentiable_outputs", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_two_children_early_stop_False", # test_autograd
"TestAutograd.test_custom_autograd_repeated_grad_grad", # test_autograd
"TestAutograd.test_setitem_mask", # test_autograd
"TestAutogradDeviceTypeCPU.test_sparse_ctor_getter_backward_cpu_float64", # test_autograd
"TestAutograd.test_anomaly_mode_no_check_nan", # test_autograd
"TestAutograd.test_return_duplicate", # test_autograd
"TestAutogradForwardMode.test_create_new_zeros_with_same_meta", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_tensor_creation", # test_autograd
"TestAutograd.test_set_grad_coroutines", # test_autograd
"TestAutograd.test_no_grad_copy_sparse", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_inf_mode_view_op", # test_autograd
"TestAutograd.test_set_grad_coroutines_exit", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_reentrant_backwards_early_stop_True", # test_autograd
"TestAutograd.test_saved_tensor_hooks_custom_function_intermediates", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_reentrant_backwards_early_stop_False", # test_autograd
"TestAutograd.test_custom_autograd_no_early_free", # test_autograd
"TestAutograd.test_checkpointing_without_reentrant_custom_function_works", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_kwargs_early_stop_True", # test_autograd
"TestAutograd.test_gradcheck_forward_ad", # test_autograd
"TestAutograd.test_access_saved_tensor_twice_without_recomputation_works", # test_autograd
"TestMultithreadAutograd.test_fork_join_in_middle", # test_autograd
"TestAutograd.test_hook_closure_cycle_use_custom_function_True_use_tensor_hook_False", # test_autograd
"TestAutograd.test_accumulate_grad_tensor_reference", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_inf_mode_functional_op", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_normal_mode_functional_op", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_inf_tensor_in_inf_mode_inplace_op", # test_autograd
"TestMultithreadAutograd.test_set_multithreading_enabled_as_context_manager_and_function", # test_autograd
"TestAutogradDeviceTypeCPU.test_scatter_index_reduce_prod_gradgrad_error_cpu", # test_autograd
"TestAutograd.test_current_graph_task_execution_order", # test_autograd
"TestAutograd.test_nested_anomaly_detect_nan", # test_autograd
"TestAutograd.test_nested_anomaly_printstack_cleanup", # test_autograd
"TestAutograd.test_post_accumulate_grad_hook_gets_cleaned_up", # test_autograd
"TestAutogradInferenceMode.test_inference_mode_context_manager", # test_autograd
"TestAutograd.test_hook_none", # test_autograd
"TestAutograd.test_set_data_tensorimpl_type", # test_autograd
"TestAutograd.test_autograd_simple_views_python", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_early_stop_False", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_same_graph_early_stop_False", # test_autograd
"TestAutograd.test_profiler_shapes", # test_autograd
"TestAutograd.test_profiler", # test_autograd
"TestNestedCheckpoint.test_nested_checkpoint_same_graph_early_stop_True", # test_autograd
"TestAutograd.test_custom_function_forward_mode_inplace_checks", # test_autograd
"TestAutograd.test_record_function_legacy", # test_autograd
"TestBaseStructuredSparsifier.test_constructor", # test_ao_sparsity
"TestBaseStructuredSparsifier.test_prepare_linear", # test_ao_sparsity
"TestFxComposability.test_q_prep_fx_s_prep_ref_conv", # test_ao_sparsity
"TestFxComposability.test_s_prep_before_q_prep_fx", # test_ao_sparsity
"TestBaseStructuredSparsifier.test_step_linear", # test_ao_sparsity
"TestComposability.test_convert_without_squash_mask", # test_ao_sparsity
"TestComposability.test_s_prep_before_qat_prep", # test_ao_sparsity
"TestComposability.test_qat_prep_before_s_prep", # test_ao_sparsity
"TestFxComposability.test_q_prep_fx_before_s_prep", # test_ao_sparsity
"TestFakeSparsity.test_jit_trace", # test_ao_sparsity
"TestFakeSparsity.test_masking_logic", # test_ao_sparsity
"TestComposability.test_fusion_before_s_prep", # test_ao_sparsity
"TestFxComposability.test_s_prep_before_qat_prep_fx", # test_ao_sparsity
"TestFxComposability.test_s_prep_q_prep_fx_ref", # test_ao_sparsity
"TestComposability.test_s_prep_before_q_prep", # test_ao_sparsity
"TestBaseSparsifier.test_state_dict", # test_ao_sparsity
"TestComposability.test_q_prep_before_s_prep", # test_ao_sparsity
"TestComposability.test_s_prep_before_fusion", # test_ao_sparsity
"TestBaseStructuredSparsifier.test_prepare_conv2d", # test_ao_sparsity
"TestQuantizeFx.test_conv_transpose_relu_not_reference", # test_quantization
"TestPT2ERepresentation.test_qdq", # test_quantization
"TestQuantizeFx.test_custom_module_class", # test_quantization
"TestQuantizedConv.test_qconv2d_sum_relu_float_output_pt2e", # test_quantization
"TestStaticQuantizedModule.test_batch_norm3d", # test_quantization
"TestQuantizeFxOps.test_conv_transpose_1d", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_relu_fusion", # test_quantization
"TestQuantizeFxOps.test_fixed_qparams_ops_qint8", # test_quantization
"TestStaticQuantizedModule.test_channel_shuffle", # test_quantization
"TestQuantizedTensor.test_qtensor_resize", # test_quantization
"TestQuantizeFx.test_state_dict", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_extract_weights_conv_fun_qat", # test_quantization
"TestQuantizeFx.test__convert_to_reference_decomposed_fx_dynamic_quant", # test_quantization
"TestQuantizedOps.test_qtanh", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_fusion", # test_quantization
"TestQuantizePT2E.test_fold_quantize", # test_quantization
"TestQuantizeFx.test_static_lstm_with_custom_fixed_qparams", # test_quantization
"TestEqualizeFx.test_input_weight_equalization_graphs", # test_quantization
"TestComparatorOps.test_compare_tensor_scalar", # test_quantization
"TestQuantizedFunctionalOps.test_grid_sample", # test_quantization
"TestQuantizeFxOps.test_chunk", # test_quantization
"TestXNNPACKQuantizer.test_gru", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_prepare_qat_conv_bn_fusion_getitem_placeholder", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_conv3d", # test_quantization
"TestQuantizeFx.test_quantized_model_type", # test_quantization
"TestQuantizedOps.test_equal", # test_quantization
"TestQuantizedOps.test_qelu", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_relu_fusion_no_conv_bias", # test_quantization
"TestQuantizedTensor.test_qtensor_equal", # test_quantization
"TestQuantizedTensor.test_qtensor_index_put_cpu", # test_quantization
"TestQuantizedConv.test_qconv3d_relu", # test_quantization
"TestQuantizedConv.test_qconv3d", # test_quantization
"TestXNNPACKQuantizer.test_propagate_annotation", # test_quantization
"TestQuantizedTensor.test_choose_qparams_optimized", # test_quantization
"TestXNNPACKQuantizer.test_linear_gru", # test_quantization
"TestDynamicQuantizedModule.test_cell_api", # test_quantization
"TestQuantizedOps.test_interpolate", # test_quantization
"TestQuantizeFx.test_conv_transpose_reference", # test_quantization
"TestPT2ERepresentation.test_conv2d", # test_quantization
"TestQuantizeFxOps.test_embedding", # test_quantization
"TestQuantizedTensor.test_qtensor_float_assignment", # test_quantization
"TestFXNumericSuiteNShadows.test_qconfig_multi_mapping_from_list", # test_quantization
"TestXNNPACKQuantizer.test_conv_linear", # test_quantization
"TestQuantizedOps.test_qadd_broadcast", # test_quantization
"TestFXNumericSuiteNShadows.test_qconfig_multi_mapping_ordering", # test_quantization
"TestFXNumericSuiteNShadows.test_linear_relu_mod", # test_quantization
"TestQuantizedOps.test_sigmoid_non_observed", # test_quantization
"TestStaticQuantizedModule.test_sigmoid", # test_quantization
"TestQuantizedOps.test_mean", # test_quantization
"TestQuantizeFx.test_shape_followed_by_quantized_op", # test_quantization
"TestQuantizedTensor.test_decomposed_quantize_per_tensor_bfloat16_input", # test_quantization
"TestQuantizeFxOps.test_clamp", # test_quantization
"TestQuantizeFxOps.test_conv_module", # test_quantization
"TestQuantizedOps.test_qmul_relu_different_qparams", # test_quantization
"TestQuantizeFx.test_attention", # test_quantization
"TestQuantizeFxOps.test_conv_transpose_2d", # test_quantization
"TestStaticQuantizedModule.test_relu", # test_quantization
"TestQuantizedOps.test_linear_bias_unpack", # test_quantization
"TestPT2ERepresentation.test_dynamic_linear", # test_quantization
"TestQuantizeFxModels.test_resnet_base", # test_quantization
"TestQuantizeFxOps.test_qbatch_norm", # test_quantization
"TestQNNPackOps.test_qnnpack_sigmoid", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_extract_weights_linear_fun_qat", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_update_shared_qspec", # test_quantization
"TestQuantizeFxModels.test_qat_embedding_linear", # test_quantization
"TestQuantizePT2E.test_fold_all_ops_before_quantize", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_int8_shadows_fp32_coverage", # test_quantization
"TestQuantizePT2E.test_fold_quantize_per_channel", # test_quantization
"TestQuantizationDocs.test_quantization_doc_qat", # test_quantization
"TestQuantizedOps.test_custom_module_lstm", # test_quantization
"TestStaticQuantizedModule.test_pool_api", # test_quantization
"TestQuantizeFx.test_quant_output_always_observed", # test_quantization
"TestQuantizeEagerOps.test_functional_module", # test_quantization
"TestFakeQuantizeOps.test_learnable_backward_per_channel_cuda", # test_quantization
"TestFXNumericSuiteNShadows.test_partial_qconfig_mapping", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_no_bias", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_layer_names", # test_quantization
"TestQuantizedConv.test_qconv1d_unpack", # test_quantization
"TestQuantizeFx.test_custom_module_class_input_has_duplicate_nodes", # test_quantization
"TestXNNPACKQuantizer.test_linear_relu", # test_quantization
"TestSerialization.test_linear_relu_package_quantization_transforms", # test_quantization
"TestDynamicQuantizedModule.test_gru_api", # test_quantization
"TestQuantizeFx.test_qconfig_for_call_method", # test_quantization
"TestXNNPACKQuantizer.test_conv1d_with_conv2d", # test_quantization
"TestQuantizedOps.test_qsoftmax", # test_quantization
"TestQuantizedEmbeddingOps.test_embedding_bag_2bit", # test_quantization
"TestObserver.test_per_tensor_observers", # test_quantization
"TestQuantizedTensor.test_qtensor_per_channel_load_save", # test_quantization
"TestQuantizedOps.test_max_pool2d_nhwc", # test_quantization
"TestFXGraphMatcher.test_simple_fun", # test_quantization
"TestEqualizeFx.test_selective_equalization", # test_quantization
"TestQuantizeFx.test__convert_to_reference_decomposed_fx", # test_quantization
"TestQuantizeFx.test_remove_qconfig", # test_quantization
"TestBackendConfig.test_backend_op_config_set_input_type_to_index", # test_quantization
"TestQuantizedLinear.test_qlinear_relu", # test_quantization
"TestQuantizePT2E.test_constant_prop_preserve_metadata", # test_quantization
"TestQuantizedTensor.test_qtensor_permute", # test_quantization
"TestQuantizedTensor.test_quantize_per_channel_sub_byte", # test_quantization
"TestStaticQuantizedModule.test_conv3d_relu_api", # test_quantization
"TestPT2ERepresentation.test_add_relu", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_fusion_no_conv_bias", # test_quantization
"TestQuantizeFxOps.test_layer_norm", # test_quantization
"TestQuantizeFxOps.test_add_relu", # test_quantization
"TestQuantizedOps.test_qthreshold", # test_quantization
"TestXNNPACKQuantizer.test_dynamic_linear_with_conv", # test_quantization
"TestQuantizeFx.test_custom_module_class_input_has_multiple_users", # test_quantization
"TestXNNPACKQuantizer.test_add_mul_scalar", # test_quantization
"TestQuantizedTensor.test_qtensor_load_save", # test_quantization
"TestFXNumericSuiteNShadows.test_add_loggers_functions", # test_quantization
"TestFXNumericSuiteNShadows.test_linear_mod", # test_quantization
"TestXNNPACKQuantizer.test_add_and_inplace_add", # test_quantization
"TestQuantizeFxOps.test_elu", # test_quantization
"TestQuantizeFx.test_conv_lowering", # test_quantization
"TestQuantizedFunctionalOps.test_conv1d_api", # test_quantization
"TestQuantizeFx.test_lowering_functional_linear_with_kwargs", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_fusion_literal_args", # test_quantization
"TestQuantizedTensor.test_per_tensor_qtensor_to_memory_format", # test_quantization
"TestQuantizedOps.test_cat_nhwc", # test_quantization
"TestStaticQuantizedModule.test_conv2d_relu_api", # test_quantization
"TestQuantizeFx.test_prepare_custom_config_set_standalone_module_class", # test_quantization
"TestQuantizeFxOps.test_mul", # test_quantization
"TestQuantizedTensor.test_qtensor_quant_dequant", # test_quantization
"TestQuantizeFx.test_qconfig_module_name_regex", # test_quantization
"TestQuantizeFx.test_qconfig_module_type", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_inplace_add_relu", # test_quantization
"TestStaticQuantizedModule.test_embedding_api", # test_quantization
"TestQuantizePT2E.test_speed", # test_quantization
"TestStaticQuantizedModule.test_dropout", # test_quantization
"TestQNNPackOps.test_qnnpack_sigmoid_sweep", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_match_activations_fun_qat", # test_quantization
"TestQuantizedOps.test_qclamp", # test_quantization
"TestQuantizedOps.test_avg_pool2d", # test_quantization
"TestQuantizedOps.test_add_scalar_relu", # test_quantization
"TestQuantizedTensor.test_decomposed_dequantize_per_tensor", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_int8_shadows_int8_mod", # test_quantization
"TestQuantizedTensor.test_qtensor_dtypes", # test_quantization
"TestQuantizedOps.test_quantized_equal", # test_quantization
"TestQuantizeFx.test_fold_quant_dequant", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_prepare_qat_conv_bn_fusion_getitem_placeholder", # test_quantization
"TestFakeQuantizeOps.test_fake_quant_per_channel_qparam_range", # test_quantization
"TestQuantizedTensor.test_fp16_saturate_op", # test_quantization
"TestQuantizedFunctionalOps.test_conv2d_api", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_fusion", # test_quantization
"TestQuantizedOps.test_avg_pool2d_nhwc", # test_quantization
"TestQuantizeFxOps.test_quantized_conv_relu", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_update_shared_qspec", # test_quantization
"TestQuantizeFx.test_fp32_sum", # test_quantization
"TestQuantizedTensor.test_per_channel_qtensor_to_memory_format", # test_quantization
"TestQuantizeFx.test_dict_output", # test_quantization
"TestQuantizedConv.test_qconv2d_pt2e", # test_quantization
"TestQuantizedLinear.test_qlinear_unpack", # test_quantization
"TestQuantizeFx.test_lowering_functional_conv_with_kwargs", # test_quantization
"TestQuantizePT2E.test_reentrant", # test_quantization
"TestFXNumericSuiteNShadows.test_add_loggers_conv_bn_relu_fusion_quant", # test_quantization
"TestQuantizedLinear.test_qlinear_qnnpack_free_memory_and_unpack", # test_quantization
"TestDynamicQuantizedOps.test_qrnncell", # test_quantization
"TestFXNumericSuiteNShadows.test_functions", # test_quantization
"TestQuantizedOps.test_qmul_broadcast", # test_quantization
"TestQuantizeFx.test_dequantize", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_convtranspose3d", # test_quantization
"TestQuantizeFx.test_static_lstm_consume_tuple", # test_quantization
"TestXNNPACKQuantizer.test_conv_linear_no_permute", # test_quantization
"TestReferenceQuantizedModule.test_rnn_cell", # test_quantization
"TestBackendConfig.test_backend_op_config_add_dtype_config", # test_quantization
"TestStaticQuantizedModule.test_conv2d_add", # test_quantization
"TestQuantizedConv.test_qconv2d_relu_pt2e", # test_quantization
"TestPT2ERepresentation.test_add", # test_quantization
"TestQuantizedEmbeddingOps.test_embedding_bag_4bit", # test_quantization
"TestQuantizedTensor.test_qtensor_channel_float_assignment", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_match_activations_fun_ptq", # test_quantization
"TestXNNPACKQuantizer.test_mul_float32_max", # test_quantization
"TestFXNumericSuiteNShadows.test_add_loggers_linear_mod_quant_quant", # test_quantization
"TestQuantizeFx.test_standalone_module_float_interface", # test_quantization
"TestFXNumericSuiteNShadows.test_custom_functions_and_tracer", # test_quantization
"TestQuantizeFxOps.test_multiple_qconfigs_for_single_value", # test_quantization
"TestQuantizedOps.test_leaky_relu_observed_output", # test_quantization
"TestFakeQuantizeOps.test_learnable_forward_per_tensor_cuda", # test_quantization
"TestQuantizedTensor.test_repeat", # test_quantization
"TestStaticQuantizedModule.test_linear_leaky_relu", # test_quantization
"TestBitsCPU.test_subclass_cpu", # test_quantization
"TestFakeQuantizeOps.test_learnable_backward_per_channel_cpu", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_add_shadow_loggers_fun_ptq", # test_quantization
"TestQuantizeFx.test_static_lstm", # test_quantization
"TestQuantizeFx.test_qconfig_qat_module_type", # test_quantization
"TestQuantizedOps.test_mul_scalar_relu", # test_quantization
"TestQuantizedTensor.test_qtensor_per_channel_permute", # test_quantization
"TestStaticQuantizedModule.test_batch_norm2d", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_conv2d", # test_quantization
"TestGenerateNumericDebugHandle.test_quantize_pt2e_preserve_handle", # test_quantization
"TestQuantizedTensor.test_qtensor_sub_byte_not_aligned_cols", # test_quantization
"TestQuantizeFx.test_conv_linear_reference", # test_quantization
"TestQuantizePT2E.test_composable_quantizer_linear_conv", # test_quantization
"TestBackendConfig.test_backend_op_config_from_dict", # test_quantization
"TestFakeQuantizeOps.test_learnable_backward_per_tensor_cuda", # test_quantization
"TestXNNPACKQuantizer.test_linear_with_dynamic_shape", # test_quantization
"TestQuantizedOps.test_empty_batch", # test_quantization
"TestQuantizeFx.test_symmetric_qnnpack_qconfig_mapping", # test_quantization
"TestQuantizedEmbeddingOps.test_embedding_bag_2d_indices", # test_quantization
"TestQuantizeFx.test_symmetric_qnnpack_qat_qconfig_mapping", # test_quantization
"TestQuantizePT2E.test_save_load", # test_quantization
"TestPT2ERepresentation.test_qdq_per_channel", # test_quantization
"TestQuantizeFxOps.test_prelu", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_conv1d", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_match_activations_fqn", # test_quantization
"TestQuantizeFx.test_assert_on_size_after_quant_layer", # test_quantization
"TestQuantizedConv.test_qconv1d_pt2e", # test_quantization
"TestQuantizeFx.test_conv_linear_not_reference", # test_quantization
"TestFakeQuantizeOps.test_forward_per_channel", # test_quantization
"TestQuantizeFx.test_qconfig_none", # test_quantization
"TestQuantizeFx.test__convert_to_reference_decomposed_fx_per_channel_quant", # test_quantization
"TestPadding.test_reflection_pad2d", # test_quantization
"TestStaticQuantizedModule.test_quant_dequant_api", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_add_shadow_loggers_fun_qat", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_conv2d", # test_quantization
"TestQuantizedOps.test_qsoftmax_qnnpack", # test_quantization
"TestStaticQuantizedModule.test_prelu", # test_quantization
"TestQuantizedEmbeddingOps.test_embedding_bag_byte", # test_quantization
"TestQuantizedConv.test_qconv3d_pt2e", # test_quantization
"TestQuantizedOps.test_qcelu", # test_quantization
"TestReferenceQuantizedModule.test_sparse", # test_quantization
"TestQuantizedOps.test_max_pool3d", # test_quantization
"TestPadding.test_reflection_pad1d", # test_quantization
"TestQuantizedConv.test_qconv2d_sum_relu_pt2e", # test_quantization
"TestDynamicQuantizedOps.test_qlstmGRU", # test_quantization
"TestFakeQuantizeOps.test_fixed_qparams_fq_module", # test_quantization
"TestQuantizeFxOps.test_qmatmul", # test_quantization
"TestQuantizeFx.test_conv_transpose_not_reference", # test_quantization
"TestUtils.test_get_fqn_to_example_inputs_default_kwargs", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_extract_weights_linear_fun_ptq", # test_quantization
"TestQuantizeFxOps.test_cat", # test_quantization
"TestQuantizeFx.test_sequential", # test_quantization
"TestFakeQuantizeOps.test_learnable_backward_per_tensor_cpu", # test_quantization
"TestQuantizedTensor.test_qtensor_quantize_per_channel", # test_quantization
"TestDynamicQuantizedModule.test_linear_api", # test_quantization
"TestQuantizedTensor.test_qtensor_unsqueeze", # test_quantization
"TestQuantizedFunctionalOps.test_relu_api", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_convtranspose1d", # test_quantization
"TestQuantizeFxOps.test_add", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_fusion_literal_args", # test_quantization
"TestQuantizedTensor.test_qtensor_fill_per_channel", # test_quantization
"TestQuantizeFx.test_dynamic_with_fusion", # test_quantization
"TestQuantizeFx.test_convert_qconfig_mapping", # test_quantization
"TestQuantizeFx.test_save_observer_state_dict", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_convtranspose1d", # test_quantization
"TestQuantizePT2E.test_derived_qspec", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_convtranspose2d", # test_quantization
"TestFuseFx.test_fuse_conv_bn_add_relu_lowering", # test_quantization
"TestQuantizedConv.test_qconv2d_sum_pt2e", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_convtranspose2d", # test_quantization
"TestPT2ERepresentation.test_maxpool2d", # test_quantization
"TestQuantizeFx.test_lowering_functional_conv_transpose_with_kwargs", # test_quantization
"TestQuantizedOps.test_avg_pool3d_nhwc", # test_quantization
"TestQuantizeFx.test_qparams_buffers", # test_quantization
"TestStaticQuantizedModule.test_instance_norm", # test_quantization
"TestQuantizeFxOps.test_functional_conv", # test_quantization
"TestXNNPACKQuantizer.test_qat_dynamic_linear", # test_quantization
"TestQuantizedLinear.test_qlinear", # test_quantization
"TestQuantizeFx.test_no_obs_between_unmatched_node_and_copy_node", # test_quantization
"TestStaticQuantizedModule.test_conv1d_relu_api", # test_quantization
"TestXNNPACKQuantizer.test_linear", # test_quantization
"TestQuantizeFxOps.test_norm_weight_bias", # test_quantization
"TestQuantizeFxOps.test_reshape_fp16", # test_quantization
"TestQuantizeFx.test_packed_weight_fused_op", # test_quantization
"TestStaticQuantizedModule.test_embedding_bag_api", # test_quantization
"TestQuantizedOps.test_advanced_indexing", # test_quantization
"TestQuantizeFx.test_conv_bn_relu", # test_quantization
"TestQuantizeFx.test_qconfig_for_call_func", # test_quantization
"TestQuantizedConv.test_qconv3d_unpack", # test_quantization
"TestFakeQuantizeOps.test_fq_module_per_tensor", # test_quantization
"TestDynamicQuantizedOps.test_qlinear", # test_quantization
"TestStaticQuantizedModule.test_layer_norm", # test_quantization
"TestQuantizedOps.test_leaky_relu", # test_quantization
"TestFakeQuantize.test_fq_module_per_channel", # test_quantization
"TestQuantizeFxOps.test_getitem", # test_quantization
"TestQuantizeFx.test_mixed_dtypes", # test_quantization
"TestQuantizeFx.test_linear_tanh_lowering", # test_quantization
"TestStaticQuantizedModule.test_conv3d_api", # test_quantization
"TestStaticQuantizedModule.test_linear_tanh", # test_quantization
"TestQuantizedOps.test_sigmoid", # test_quantization
"TestQuantizedConv.test_qconv2d_unpack", # test_quantization
"TestQuantizedOps.test_qgelu", # test_quantization
"TestQuantizedTensor.test_qtensor_view", # test_quantization
"TestUtils.test_get_fqn_to_example_inputs_complex_args", # test_quantization
"TestQuantizeFxOps.test_embedding_bag", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_inplace_add_relu", # test_quantization
"TestQuantizePT2E.test_embedding_conv_linear_quantization", # test_quantization
"TestFakeQuantizeOps.test_learnable_forward_per_channel_cuda", # test_quantization
"TestPT2ERepresentation.test_static_linear", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_fusion_no_conv_bias", # test_quantization
"TestQuantizedOps.test_qadd_relu_different_qparams", # test_quantization
"TestQuantizeFxOps.test_qbatch_norm_relu", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_shadow_activations_fqn", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_conv3d", # test_quantization
"TestFXNumericSuiteNShadows.test_add_loggers_linear_mod_quant_fp32", # test_quantization
"TestFXNumericSuiteNShadows.test_qconfig_multi_mapping_end_to_end", # test_quantization
"TestQuantizedConv.test_qconv2d", # test_quantization
"TestFXNumericSuiteNShadows.test_logger_enabled_and_save_activations_flags", # test_quantization
"TestXNNPACKQuantizer.test_add_mul_long", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_relu_fusion", # test_quantization
"TestDynamicQuantizedModule.test_lstm_api", # test_quantization
"TestComparatorOps.test_compare_tensor_tensor", # test_quantization
"TestQuantizeFxModels.test_qat_functional_linear", # test_quantization
"TestQuantizeFxOps.test_functional_linear", # test_quantization
"TestQuantizedTensor.test_per_channel_qtensor_creation_cpu", # test_quantization
"TestQuantizedOps.test_max_pool2d_cudnn", # test_quantization
"TestQNNPackOps.test_qnnpack_mul", # test_quantization
"TestUtils.test_get_fqn_to_example_inputs_simple", # test_quantization
"TestQuantizeEagerQATNumerics.test_conv_bn_folded_vs_unfolded", # test_quantization
"TestQNNPackOps.test_qnnpack_maxpool2d", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_extract_weights_conv_fun_ptq", # test_quantization
"TestQuantizeFx.test_qconfig_module_name_object_type_order", # test_quantization
"TestDynamicQuantizedModule.test_dynamic_conv1d", # test_quantization
"TestEqualizeFx.test_input_weight_equalization_convert", # test_quantization
"TestFXNumericSuiteNShadows.test_add_loggers_linear_mod_fp32_quant", # test_quantization
"TestQNNPackOps.test_qnnpack_add", # test_quantization
"TestStaticQuantizedModule.test_conv2d_api", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_bn_bias_derived_qspec", # test_quantization
"TestQuantizedOps.test_std", # test_quantization
"TestBitsCPU.test_cat_cpu", # test_quantization
"TestFakeQuantizeOps.test_forward_per_tensor", # test_quantization
"TestQNNPackOps.test_qnnpack_tanh", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_loggers_preserve_qat_numerics", # test_quantization
"TestDynamicQuantizedOps.test_qlinear_legacy", # test_quantization
"TestQuantizedOps.test_cat", # test_quantization
"TestXNNPACKQuantizer.test_conv1d", # test_quantization
"TestQuantizedOps.test_qadd_relu_same_qparams", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_shadow_loggers_preserve_qat_numerics", # test_quantization
"TestXNNPACKQuantizer.test_dynamic_linear", # test_quantization
"TestXNNPACKQuantizer.test_dynamic_linear_int4_weight", # test_quantization
"TestFakeQuantizeOps.test_learnable_forward_per_channel_cpu", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_int8_shadows_fp32_simple", # test_quantization
"TestXNNPACKQuantizer.test_conv2d", # test_quantization
"TestQuantizeFx.test_linear_leaky_relu_lowering", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_bias_derived_qspec", # test_quantization
"TestFakeQuantizeOps.test_backward_per_tensor", # test_quantization
"TestQuantizedTensor.test_qtensor_int_repr", # test_quantization
"TestQuantizedEmbeddingOps.test_embedding_2d_indices", # test_quantization
"TestQuantizedTensor.test_qtensor_sub_byte_aligned_cols", # test_quantization
"TestQuantizeFxOps.test_leaky_relu", # test_quantization
"TestFXGraphMatcher.test_simple_fusion", # test_quantization
"TestXNNPACKQuantizer.test_mul_and_inplace_mul", # test_quantization
"TestQuantizedOps.test_max_pool2d", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_preserve_source_fn_stack", # test_quantization
"TestQuantizeFx.test_qparams_fqn", # test_quantization
"TestFakeQuantizeOps.test_backward_per_channel", # test_quantization
"TestQuantizeFx.test_conv_transpose_relu_reference", # test_quantization
"TestQuantizedConv.test_qconv2d_hardtanh_pt2e", # test_quantization
"TestQuantizedTensor.test_decomposed_quantize_per_tensor", # test_quantization
"TestQNNPackOps.test_qnnpack_add_broadcast", # test_quantization
"TestQuantizeFxOps.test_linear_module", # test_quantization
"TestQuantizePT2EQAT_ConvBn2d.test_qat_conv_no_bias", # test_quantization
"TestFakeQuantizeOps.test_learnable_forward_per_tensor_cpu", # test_quantization
"TestStaticQuantizedModule.test_hard_swish", # test_quantization
"TestQuantizeFxModels.test_qat_embeddingbag_linear", # test_quantization
"TestStaticQuantizedModule.test_conv2d_add_relu", # test_quantization
"TestQuantizedOps.test_interpolate3d", # test_quantization
"TestDynamicQuantizedOps.test_dynamic_convtranspose3d", # test_quantization
"TestQNNPackOps.test_qnnpack_relu", # test_quantization
"TestFXNumericSuiteCoreAPIs.test_int8_shadows_int8_fun", # test_quantization
"TestStaticQuantizedModule.test_conv1d_api", # test_quantization
"TestQuantizationDocs.test_quantization_doc_fx", # test_quantization
"TestQuantizedOps.test_channel_shuffle", # test_quantization
"TestQuantizedOps.test_hardtanh", # test_quantization
"TestQuantizeFx.test_qconfig_function", # test_quantization
"TestQuantizeFx.test_ref_conv_module", # test_quantization
"TestBackendConfig.test_backend_op_config_set_num_tensor_args_to_observation_type", # test_quantization
"TestQuantizedOps.test_max_pool1d", # test_quantization
"TestStaticQuantizedModule.test_linear", # test_quantization
"TestQuantizeFxOps.test_mul_relu", # test_quantization
"TestQuantizePT2E.test_groupwise_per_channel_quant", # test_quantization
"TestQuantizeFxOps.test_hardswish", # test_quantization
"TestQuantizedTensor.test_qtensor_cpu", # test_quantization
"TestQuantizedConv.test_qconv_transpose1d", # test_quantization
"TestEqualizeFx.test_input_weight_equalization_results", # test_quantization
"TestQuantizedFunctionalOps.test_conv3d_api", # test_quantization
"TestQuantizeFx.test_linear_bn", # test_quantization
"TestStaticQuantizedModule.test_elu", # test_quantization
"TestQuantizeFx.test_standalone_module_quantized_interface", # test_quantization
"TestQuantizedOps.test_qprelu", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_preserve_source_fn_stack", # test_quantization
"TestQuantizedOps.test_qmatmul", # test_quantization
"TestPadding.test_constant_padNd", # test_quantization
"TestQuantizedConv.test_qconv2d_relu", # test_quantization
"TestQuantizedConv.test_qconv2d_add", # test_quantization
"TestQuantizedTensor.test_qtensor_reshape", # test_quantization
"TestQuantizeFx.test_ref_linear_module", # test_quantization
"TestQuantizePT2EQAT_ConvBn1d.test_qat_conv_bn_relu_fusion_no_conv_bias", # test_quantization
"TestReferenceQuantizedModule.test_rnn", # test_quantization
"TestQuantizedConv.test_qconv1d", # test_quantization
"TestQuantizedTensor.test_choose_qparams", # test_quantization
"TestQuantizedConv.test_qconv1d_relu", # test_quantization
"TestFXNumericSuiteNShadows.test_conv_bn_relu_mod", # test_quantization
"TestQuantizedConv.test_qconv2d_add_relu", # test_quantization
"TestStaticQuantizedModule.test_group_norm", # test_quantization
"TestStaticQuantizedModule.test_leaky_relu", # test_quantization
"TestQuantizedTensor.test_torch_qtensor_deepcopy", # test_quantization
"TestXNNPACKQuantizer.test_obs_sharing_ops", # test_quantization
"TestStaticQuantizedModule.test_linear_relu", # test_quantization
"TestQuantizedOps.test_avg_pool3d", # test_quantization
"TestQuantizedTensor.test_quantize_per_channel_float_qparams", # test_quantization
"TestQuantizedOps.test_qmul_relu_same_qparams", # test_quantization
"TestQuantizeFxOps.test_instance_norm", # test_quantization
"TestQuantizedTensor.test_qtensor_legacy_new_failure", # test_quantization
"TestXNNPACKQuantizerModels.test_resnet18", # test_quantization.py
"TestFXGraphMatcherModels.test_mobilenet_v2_qat", # test_quantization.py
"TestQuantizePT2EQATModels.test_qat_resnet18", # test_quantization.py
"TestQuantizePT2EQATModels.test_qat_mobilenet_v2", # test_quantization.py
"TestObserver.test_per_channel_observers", # test_quantization.py
}
dynamo_skips = {
@ -7799,6 +8119,51 @@ dynamo_skips = {
"TestTorch.test_bmm_multithreaded",
"TestTorch.test_terminate_handler_on_crash", # known py38 fail
"TestTorch.test_storage_casts", # known py311 fail
"TestAutograd.test_hook_closure_cycle_use_custom_function_True_use_tensor_hook_True", # known py311 fail
"TestQuantizeFxOps.test_fixed_qparams_ops", # known py38 fail
"TestQuantizeFxOps.test_int8_input_no_unnecessary_fq", # known py38 fail
"TestQuantizeFxOps.test_general_value_ops", # known py38 fail
"TestQuantizeFxOps.test_fixed_qparams_ops_wrong_qconfig", # known py38 fail
"TestQuantizeFxOps.test_narrow", # known py38 fail
"TestQuantizeFxOps.test_float_functional", # known py38 fail
"TestQuantizeFxOps.test_copy_node_fp32_input", # known py38 fail
"TestQuantizeFxOps.test_ave_pool_with_custom_cfg", # known py38 fail
"TestQuantizeFxOps.test_pixel_unshuffle", # known py38 fail
"TestQuantizeFxOps.test_quantized_add_qat", # known py38 fail
"TestQuantizeFxOps.test_ref_pattern_multi_use", # known py38 fail
"TestQuantizeFxOps.test_pixel_unshuffle_module", # known py38 fail
"TestQuantizeFxOps.test_pixel_shuffle", # known py38 fail
"TestQuantizeFxOps.test_boolean_tensor", # known py38 fail
"TestQuantizeFxOps.test_bmm_int_reference", # known py38 fail
"TestQuantizeFxOps.test_rnn_cell", # known py38 fail
"TestQuantizeFxOps.test_pixel_shuffle_module", # known py38 fail
"TestQuantizeFxOps.test_fixed_qparams_ops_fp16", # known py38 fail
"TestQuantizeFxOps.test_quantized_mul_qat", # known py38 fail
"TestQuantizeFxOps.test_general_shape_ops", # known py38 fail
"TestQuantizeFxOps.test_add_relu_multiple_uses_of_relu", # known py38 fail
"TestQuantizeFxOps.test_rnn", # known py38 fail
"TestQuantizeFxOps.test_linear_dynamic_fp16", # known py38 fail
"TestQuantizeFxOps.test_linear_static_fp16", # known py38 fail
"TestAutogradFallback.test_no_grad_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_no_autograd_kernel_inplace_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_no_autograd_kernel_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_undefined_grads_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_post_autograd_returns_mix_of_requires_grad_tensors_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_no_autograd_kernel_inplace_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_undefined_inputs_outputs_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_inplace_on_tensor_that_does_not_require_grad_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_post_autograd_returns_mix_of_requires_grad_tensors_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_supports_tensor_lists_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_post_autograd_returns_leaf_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_inplace_on_tensor_that_does_not_require_grad_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_no_grad_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_post_autograd_returns_leaf_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_undefined_grads_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_no_autograd_kernel_mode_nothing", # test_autograd_fallback.py
"TestAutogradFallback.test_undefined_inputs_outputs_mode_warn", # test_autograd_fallback.py
"TestAutogradFallback.test_supports_tensor_lists_mode_nothing", # test_autograd_fallback.py
"TestReductionsCPU.test_logcumsumexp_complex_cpu_complex128", # test_reductions.py
"TestReductionsCPU.test_logcumsumexp_complex_cpu_complex64", # test_reductions.py
}