diff --git a/.ci/pytorch/test.sh b/.ci/pytorch/test.sh index a402a3d94b3..d3ac3428036 100755 --- a/.ci/pytorch/test.sh +++ b/.ci/pytorch/test.sh @@ -274,8 +274,6 @@ test_dynamo_shard() { --exclude-inductor-tests \ --exclude-jit-executor \ --exclude-distributed-tests \ - --exclude \ - test_jit \ --shard "$1" "$NUM_TEST_SHARDS" \ --verbose assert_git_not_dirty diff --git a/test/jit/test_backend_nnapi.py b/test/jit/test_backend_nnapi.py index e0f7f671147..8ca4083e5f8 100644 --- a/test/jit/test_backend_nnapi.py +++ b/test/jit/test_backend_nnapi.py @@ -7,7 +7,7 @@ import unittest import torch import torch._C from pathlib import Path -from torch.testing._internal.common_utils import IS_FBCODE +from torch.testing._internal.common_utils import IS_FBCODE, skipIfTorchDynamo # hacky way to skip these tests in fbcode: # during test execution in fbcode, test_nnapi is available during test discovery, @@ -40,6 +40,7 @@ without the delegate API. # First skip is needed for IS_WINDOWS or IS_MACOS to skip the tests. torch_root = Path(__file__).resolve().parent.parent.parent lib_path = torch_root / 'build' / 'lib' / 'libnnapi_backend.so' +@skipIfTorchDynamo("weird py38 failures") @unittest.skipIf(not os.path.exists(lib_path), "Skipping the test as libnnapi_backend.so was not found") @unittest.skipIf(IS_FBCODE, "test_nnapi.py not found") diff --git a/test/jit/test_freezing.py b/test/jit/test_freezing.py index 854a54ce042..783d2972890 100644 --- a/test/jit/test_freezing.py +++ b/test/jit/test_freezing.py @@ -12,7 +12,7 @@ from torch.jit._recursive import wrap_cpp_module from torch.testing import FileCheck from torch.testing._internal.common_quantization import skipIfNoFBGEMM from torch.testing._internal.common_quantized import override_quantized_engine -from torch.testing._internal.common_utils import set_default_dtype, skipCUDAMemoryLeakCheckIf, TEST_WITH_ROCM +from torch.testing._internal.common_utils import set_default_dtype, skipCUDAMemoryLeakCheckIf, TEST_WITH_ROCM, skipIfTorchDynamo from torch.testing._internal.common_cuda import TEST_CUDNN, TEST_CUDA from torch.testing._internal.jit_utils import JitTestCase from torch.utils import mkldnn as mkldnn_utils @@ -35,6 +35,8 @@ def removeExceptions(graph): for n in graph.findAllNodes('prim::RaiseException'): n.destroy() + +@skipIfTorchDynamo("somehow causing hanging during python shutdown") class TestFreezing(JitTestCase): def test_freeze_module(self): class M(nn.Module): @@ -1988,6 +1990,7 @@ class TestFreezing(JitTestCase): mod.forward(x), unscripted_mod.forward(x), atol=1e-5, rtol=1e-5 ) +@skipIfTorchDynamo("somehow causing hanging during python shutdown") class TestFrozenOptimizations(JitTestCase): def setUp(self): super().setUp() @@ -2979,6 +2982,7 @@ class TestFrozenOptimizations(JitTestCase): FileCheck().check("aten::detach").run(frozen_mod.graph) self.assertEqual(frozen_mod(inp), mod(inp)) +@skipIfTorchDynamo("somehow causing hanging during python shutdown") @unittest.skipIf(not torch.backends.mkldnn.is_available(), "MKL-DNN build is disabled") class TestMKLDNNReinplacing(JitTestCase): def setUp(self): diff --git a/test/jit/test_torchbind.py b/test/jit/test_torchbind.py index 5e046a083ed..e7ffb056c19 100644 --- a/test/jit/test_torchbind.py +++ b/test/jit/test_torchbind.py @@ -8,6 +8,7 @@ import unittest import torch from typing import Optional +from torch.testing._internal.common_utils import skipIfTorchDynamo # Make the helper files in test/ importable pytorch_test_dir = os.path.dirname(os.path.dirname(os.path.realpath(__file__))) @@ -29,6 +30,7 @@ if __name__ == "__main__": "instead." ) +@skipIfTorchDynamo("skipping as a precaution") class TestTorchbind(JitTestCase): def setUp(self): if IS_SANDCASTLE or IS_MACOS or IS_FBCODE: diff --git a/torch/testing/_internal/dynamo_test_failures.py b/torch/testing/_internal/dynamo_test_failures.py index 3a07af3f88c..49547587b15 100644 --- a/torch/testing/_internal/dynamo_test_failures.py +++ b/torch/testing/_internal/dynamo_test_failures.py @@ -8228,6 +8228,349 @@ dynamo_skips = { "LoggingTests.test_trace_call", # known py311 fail "LoggingTests.test_trace_call_graph_break", # known py311 fail "LoggingTests.test_trace_call_inline_call", # known py311 fail + "TestPythonBuiltinOP.test_stepped_tuple_slicing", # known py38 fail + "TestPythonBuiltinOP.test_advancedindex", # known py38 fail + "TestCustomOperators.test_dynamic_op_registry", # known py38 fail + "TestComplex.test_complex_constants_and_ops", # known py38 fail + "TestPythonBuiltinOP.test_index", # known py38 fail + "TestHash.test_hash_tuple_nested_unhashable_type", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_missing_key", # test_jit + "TestMisc.test_joined_str", # test_jit + "TestNnapiBackend.test_to", # test_jit + "TestIsinstance.test_dict_tensor", # test_jit + "TestPythonBuiltinOP.test_adv_indexing_list", # test_jit + "TestUnion.test_union_redundant_arguments_are_skipped", # test_jit + "TestPythonBuiltinOP.test_inf", # test_jit + "TestSymbolicShapeAnalysis.test_register_function_error_checking", # test_jit + "TestPythonBuiltinOP.test_pow", # test_jit + "TestTyping.test_tuple_io", # test_jit + "TestPeephole.test_peephole_dict_len_no_optimization_unsupported_type", # test_jit + "TestRemoveMutation.test_lists_append", # test_jit + "TestSlice.test_slice_tensor", # test_jit + "TestMisc.test_str_refine_any", # test_jit + "TestNnapiBackend.test_prelu", # test_jit + "TestFreezing.test_freeze_module_with_fork2", # test_jit + "TestPeephole.test_peephole_dict_len_no_optimization_overlapping_keys", # test_jit + "TestPeephole.test_peephole_with_non_output_writes", # test_jit + "TestCustomOperators.test_script_graph_contains_custom_op", # test_jit + "TestTorchbind.test_torchbind_getattr", # test_jit + "TestRecursiveScript.test_inner_traced_module", # test_jit + "TestAliasAnalysis.test_recursive_calls", # test_jit + "TestNnapiBackend.test_pointwise_unary", # test_jit + "TestDeviceAnalysis.test_device_apply", # test_jit + "TestList.test_mutable_list_function_inline", # test_jit + "TestList.test_comprehensions_two_comps", # test_jit + "TestNnapiBackend.test_seblock_mul", # test_jit + "TestTorchbind.test_torchbind_return_instance", # test_jit + "TestRemoveMutation.test_if_output", # test_jit + "TestModels.test_time_sequence_prediction", # test_jit + "TestRemoveMutation.test_list_indexing_removal", # test_jit + "TestTypesAndAnnotation.test_types_as_values", # test_jit + "TestAwait.test_await_multiout_save", # test_jit + "TestHash.test_hash_device", # test_jit + "TestPeephole.test_peephole_dict_len", # test_jit + "TestSlice.test_slice_dynamic_index", # test_jit + "TestGenerator.test_default_generator", # test_jit + "TestMisc.test_parse_ir_single_element_tensor_negative", # test_jit + "TestTyping.test_list_unification", # test_jit + "TestList.test_del", # test_jit + "TestAwait.test_script", # test_jit + "TestNnapiBackend.test_avg_pool2d", # test_jit + "TestIsinstance.test_list_tensor_type_true", # test_jit + "TestDtypeAnalysis.test_conv_no_mixed_args", # test_jit + "TestBackends.test_errors", # test_jit + "TestMisc.test_parse_ir_annotate", # test_jit + "TestTorchbind.test_torchbind_pickle_serialization", # test_jit + "TestList.test_copy_list_immutable", # test_jit + "TestAsync.test_async_grad_guard_with_grad", # test_jit + "TestUnion.test_union_branching_does_not_autoinfer_undeclared_union", # test_jit + "TestNnapiBackend.test_slice", # test_jit + "TestWarn.test_warn", # test_jit + "TestRemoveMutation.test_special_mapped_op", # test_jit + "TestWarn.test_warn_multiple_calls_same_func_diff_stack", # test_jit + "TestSymbolicShapeAnalysis.test_convolution_backward", # test_jit + "TestUnion.test_union_type_refinement_statically_false", # test_jit + "TestTorchbind.test_default_args", # test_jit + "TestUpgraders.test_aten_full_other_variants", # test_jit + "TestScriptDict.test_reference_semantics", # test_jit + "TestUnion.test_union_does_not_replace_existing_annotated_type_union", # test_jit + "TestTyping.test_dict_invalid_annotations", # test_jit + "TestWith.test_with_no_grad", # test_jit + "TestUnion.test_union_branching_does_not_widen_existing_inferred_type", # test_jit + "TestTorchbind.test_torchbind_return_tuple", # test_jit + "TestTorchbind.test_staticmethod", # test_jit + "TestUnion.test_union_variable_can_be_reassigned", # test_jit + "TestTorchbind.test_torchbind_def_property_readwrite", # test_jit + "TestTorchbind.test_torchbind_attr_exception", # test_jit + "TestFunctionalToInplaceActivation.test_no_functional_to_inplace", # test_jit + "TestTorchbind.test_torchbind_class_attr_recursive", # test_jit + "TestBuiltins.test_del", # test_jit + "TestNnapiBackend.test_mean", # test_jit + "TestNnapiBackend.test_reshape", # test_jit + "TestFrozenOptimizations.test_collapse_adjacent_conversions", # test_jit + "TestTorchbind.test_torchbind_python_deepcopy", # test_jit + "TestPythonBindings.test_aliasdb", # test_jit + "TestParametrization.test_scriptable", # test_jit + "TestMKLDNNReinplacing.test_always_alive_values", # test_jit + "TestAsync.test_async_script_multi_waits", # test_jit + "TestTyping.test_dict_type_refinement_annotation_value_mismatch", # test_jit + "TestScriptList.test_reference_semantics", # test_jit + "TestPeephole.test_peephole_arith", # test_jit + "TestPythonBuiltinOP.test_gather", # test_jit + "TestNnapiBackend.test_upsample_nearest2d", # test_jit + "TestList.test_copy_list_mutable", # test_jit + "TestWarn.test_warn_only_once", # test_jit + "TestPythonBuiltinOP.test_str_to_float", # test_jit + "TestIsinstance.test_optional", # test_jit + "TestCustomOperators.test_calling_scripted_custom_op", # test_jit + "TestUnion.test_union_T_None_is_equivalent_to_optional_T", # test_jit + "TestSlice.test_slice_tensor_multidim_with_dots", # test_jit + "TestNnapiBackend.test_multi_output", # test_jit + "TestSymbolicShapeAnalysis.test_squeeze_dims", # test_jit + "TestPeephole.test_peephole_int", # test_jit + "TestUnion.test_unions_of_a_single_argument_vanish", # test_jit + "TestTorchbind.test_profiler_custom_op", # test_jit + "TestTorchbind.test_torchbind_class_attribute", # test_jit + "TestUnion.test_check_union_annotation", # test_jit + "TestTypesAndAnnotation.test_optional_no_element_type_annotation", # test_jit + "TestList.test_comprehension_iterable", # test_jit + "TestUpgraders.test_aten_test_serialization", # test_jit + "TestPythonBuiltinOP.test_mul", # test_jit + "TestAwait.test_nowait", # test_jit + "TestBuiltins.test_del_multiple_operands", # test_jit + "TestTypesAndAnnotation.test_bad_types", # test_jit + "TestSymbolicShapeAnalysis.test_cross_entropy_loss", # test_jit + "TestRemoveMutation.test_aten_inplace", # test_jit + "TestWarn.test_warn_only_once_in_loop_func", # test_jit + "TestDataclasses.test_use_unregistered_dataclass_raises", # test_jit + "TestTorchbind.test_torchbind_optional_explicit_attr", # test_jit + "TestTorchbind.test_torchbind_pass_wrong_type", # test_jit + "TestList.test_list_variance", # test_jit + "TestMisc.test_subexpression_Dict_int_Future", # test_jit + "TestMisc.test_future_isinstance", # test_jit + "TestPythonBuiltinOP.test_slice", # test_jit + "TestPeephole.test_short_circuit_optimization", # test_jit + "TestPeephole.test_peephole_slice_optimization_not_applied_list_modified", # test_jit + "TestTyping.test_namedtuple_good_error", # test_jit + "TestMisc.test_subexpression_List_Future", # test_jit + "TestDtypeAnalysis.test_combined", # test_jit + "TestFunctionalBlocks.test_subgraph_creation", # test_jit + "TestList.test_extend_list_mutable", # test_jit + "TestPythonBindings.test_cu_get_functions", # test_jit + "TestLogging.test_trace_numeric_counter", # test_jit + "TestBatchMM.test_batch_mm_side_prohibited_mutation_common_side", # test_jit + "TestPeephole.test_peephole_dynamic", # test_jit + "TestTorchbind.test_torchbind_def_property_getter_setter", # test_jit + "TestSymbolicShapeAnalysis.test_size_and_sizes", # test_jit + "TestAsync.test_async_script", # test_jit + "TestAsync.test_async_parsing", # test_jit + "TestAwait.test_await_func_arg", # test_jit + "TestTyping.test_dict_type_refinement_annotation_key_mismatch", # test_jit + "TestNnapiBackend.test_softmax", # test_jit + "TestDataclasses.test__post_init__", # test_jit + "TestPeephole.test_normalized_is_op", # test_jit + "TestMisc.test_broadcasting_list", # test_jit + "TestIsinstance.test_optional_no_contained_type", # test_jit + "TestUnion.test_union_argument_order_is_ignored", # test_jit + "TestUnion.test_union_argument_order_is_ignored_container", # test_jit + "TestAutodiffSubgraphSlicing.test_chunk_constant_script_ad", # test_jit + "TestBackends.test_save_load", # test_jit + "TestIsinstance.test_list_tensor", # test_jit + "TestComplex.test_tensor_attributes", # test_jit + "TestRemoveMutation.test_lists_insert", # test_jit + "TestNnapiBackend.test_qlinear", # test_jit + "TestNnapiBackend.test_quantize", # test_jit + "TestNnapiBackend.test_unsqueeze", # test_jit + "TestTorchbind.test_lambda_as_constructor", # test_jit + "TestTyping.test_dict_comprehension_with_type_annotation", # test_jit + "TestAtenPow.test_aten_pow_zero_negative_exponent", # test_jit + "TestUnion.test_union_as_dict_key", # test_jit + "TestTyping.test_optional_refinement", # test_jit + "TestPeephole.test_peephole_type_refinements", # test_jit + "TestSlice.test_slice_kwarg", # test_jit + "TestStringFormatting.test_string_interpolation_with_too_many_arguments", # test_jit + "TestTorchbind.test_torchbind_getstate", # test_jit + "TestTyping.test_dict_comprehension_scope", # test_jit + "TestRemoveMutation.test_if_output_fail", # test_jit + "TestMisc.test_legacy_tensor_constructor", # test_jit + "TestBatchMM.test_batch_mm_prohibited_mutation_multiple_adds", # test_jit + "TestSlice.test_slice_tensor_multidim", # test_jit + "TestPeephole.test_peephole_slice_two_empty_args", # test_jit + "TestTyping.test_namedtuple_py2", # test_jit + "TestUnion.test_union_type_refinement_statically_true", # test_jit + "TestRecursiveScript.test_script_function_attribute", # test_jit + "TestPeephole.test_peephole", # test_jit + "TestAwait.test_await_python", # test_jit + "TestPythonBuiltinOP.test_triple", # test_jit + "TestTorchbind.test_torchbind_take_as_arg", # test_jit + "TestNnapiBackend.test_qadd", # test_jit + "TestTypesAndAnnotation.test_pep585_type", # test_jit + "TestNnapiBackend.test_detach", # test_jit + "TestAsync.test_async_script_multi_forks", # test_jit + "TestPythonBindings.test_invalidation", # test_jit + "TestTyping.test_for_tuple_unpack", # test_jit + "TestTorchbind.test_torchbind_deepcopy", # test_jit + "TestTorchbind.test_torchbind_instantiate_missing_class", # test_jit + "TestSymbolicShapeAnalysis.test_if_propagation", # test_jit + "TestPeephole.test_normalized_rsub", # test_jit + "TestPythonIr.test_param_strides", # test_jit + "TestComplex.test_complex_list_sum", # test_jit + "TestUnion.test_union_redundant_arguments_are_skipped_optional", # test_jit + "TestNnapiBackend.test_conv2d", # test_jit + "TestDtypeAnalysis.test_unary", # test_jit + "TestPeephole.test_peephole_dict_len_no_optimization_keys_might_overlap", # test_jit + "TestIsinstance.test_dict_no_contained_type", # test_jit + "TestList.test_extend_list_immutable", # test_jit + "TestFrozenOptimizations.test_conv_add_folding", # test_jit + "TestGenerator.test_generator_arg", # test_jit + "TestTensorBuiltins.test_method_on_number", # test_jit + "TestUnion.test_union_optional_of_union_is_flattened", # test_jit + "TestUnion.test_union_type_refinement_tuple_rhs_union", # test_jit + "TestList.test_no_element_type_annotation", # test_jit + "TestParametrization.test_traceable", # test_jit + "TestSymbolicShapeAnalysis.test_shape_analysis", # test_jit + "TestScriptProfile.test_script", # test_jit + "TestSymbolicShapeAnalysis.test_write", # test_jit + "TestPeephole.test_peephole_slice_optimization_not_applied_non_const_args", # test_jit + "TestNnapiBackend.test_cat", # test_jit + "TestList.test_mutable_list_pop_empty", # test_jit + "TestMisc.test_subexpression_Optional", # test_jit + "TestUnion.test_union_does_not_replace_existing_annotated_type", # test_jit + "TestTorchbind.test_torchbind_return_instance_from_method", # test_jit + "TestTyping.test_opt_opt_refinement", # test_jit + "TestIsinstance.test_tuple_tensor", # test_jit + "TestUpgraders.test_populated_test_upgrader_graph", # test_jit + "TestList.test_slice_index", # test_jit + "TestTyping.test_tuple_assignments", # test_jit + "TestAsync.test_async_python", # test_jit + "TestBatchMM.test_batch_mm_prohibited_mutation", # test_jit + "TestFreezing.test_freeze_module_with_fork_calling_module_method", # test_jit + "TestUnion.test_unions_of_unions_are_flattened", # test_jit + "TestTypeSharing.test_script_function_attribute_different", # test_jit + "TestTorchbind.test_torchbind_lambda_method", # test_jit + "TestTypesAndAnnotation.test_unimported_type_resolution", # test_jit + "TestUnion.test_union_redundant_arguments_are_skipped_container", # test_jit + "TestPythonBindings.test_cu_create_function", # test_jit + "TestTorchbind.test_torchbind_tracing", # test_jit + "TestWarn.test_warn_once_per_func_in_loop", # test_jit + "TestBackendsWithCompiler.test_errors", # test_jit + "TestSaveLoadForOpVersion.test_versioned_div_tensor_inplace", # test_jit + "TestList.test_to_list", # test_jit + "TestUpgraders.test_populated_upgrader_graph", # test_jit + "TestWarn.test_warn_multiple_calls_multiple_warnings", # test_jit + "TestLogging.test_counter_aggregation", # test_jit + "TestTorchbind.test_torchbind_take_instance_as_method_arg", # test_jit + "TestComplex.test_complex_parse", # test_jit + "TestTorchbind.test_torchbind_save_load", # test_jit + "TestPeephole.test_integer_refinement", # test_jit + "TestBatchMM.test_batch_mm_prohibited_mutation_if_node", # test_jit + "TestHash.test_hash_tensor", # test_jit + "TestAsync.test_trace_fork_wait_inline", # test_jit + "TestTensorBuiltins.test_tensor_item", # test_jit + "TestList.test_list_keyword", # test_jit + "TestTypesAndAnnotation.test_ignore_with_types", # test_jit + "TestPeephole.test_peephole_slice_one_empty_arg", # test_jit + "TestAsync.test_async_script_nested", # test_jit + "TestNnapiBackend.test_flatten", # test_jit + "TestAsync.test_future_subtyping", # test_jit + "TestTorchbind.test_torchbind_no_init", # test_jit + "TestModels.test_vae_quantized", # test_jit + "TestSymbolicShapeAnalysis.test_shared_shape_graph", # test_jit + "TestNnapiBackend.test_dequantize", # test_jit + "TestPeephole.test_peephole_optional_refine", # test_jit + "TestTorchbind.test_torchbind", # test_jit + "TestAwait.test_await_out_of_interpreter", # test_jit + "TestNnapiBackend.test_conv2d_transpose", # test_jit + "TestNnapiBackend.test_max_pool2d", # test_jit + "TestPeephole.test_peephole_list_ops", # test_jit + "TestTyping.test_optional_conversion", # test_jit + "TestNnapiBackend.test_linear", # test_jit + "TestPythonBuiltinOP.test_add", # test_jit + "TestIsinstance.test_tuple_no_contained_type", # test_jit + "TestTyping.test_bool_list_io", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_dict_modified", # test_jit + "TestNnapiBackend.test_compile_spec_santiy", # test_jit + "TestDtypeAnalysis.test_custom_rules", # test_jit + "TestPeephole.test_peephole_len_list", # test_jit + "TestTyping.test_dict_in_not_in", # test_jit + "TestUnion.test_union_redundant_arguments_are_skipped_subtyping", # test_jit + "TestTensorMethods.test_getitem", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_overlapping_keys", # test_jit + "TestDataclasses.test_comparators", # test_jit + "TestTyping.test_tuple_specialization", # test_jit + "TestModels.test_snli_quantized", # test_jit + "TestGenerator.test_script", # test_jit + "TestAsync.test_async_script_error", # test_jit + "TestUnion.test_union_with_collections", # test_jit + "TestList.test_list_index_not_existing", # test_jit + "TestStringFormatting.test_string_interpolation_with_exponent_placeholder_and_string_variable", # test_jit + "TestStringFormatting.test_string_interpolation_with_too_few_arguments", # test_jit + "TestMisc.test_unsafe_hacked_twin", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_get_input_arg", # test_jit + "TestTyping.test_singleton_tuple_unpack", # test_jit + "TestUnion.test_union_with_scalar_values", # test_jit + "TestAwait.test_jit_trace", # test_jit + "TestBackendsWithCompiler.test_execution", # test_jit + "TestPeephole.test_normalized_isnot_op", # test_jit + "TestTyping.test_list_type_refinement_annotation_element_mismatch", # test_jit + "TestTorchbind.test_torchbind_def_property_just_getter", # test_jit + "TestNnapiBackend.test_tensor_input", # test_jit + "TestPythonBindings.test_graph_iterator_keepalive", # test_jit + "TestUnion.test_union_subclasses_larger_union", # test_jit + "TestPeephole.test_peephole_dict_getitem_simple", # test_jit + "TestBackends.test_execution", # test_jit + "TestPeephole.test_peephole_with_writes", # test_jit + "TestRecursiveScript.test_script_basic", # test_jit + "TestScriptProfile.test_section", # test_jit + "TestPeephole.test_peephole_add_zero", # test_jit + "TestAsync.test_trace_fork_wait", # test_jit + "TestAliasAnalysis.test_nested_list_construct_not_wildcard", # test_jit + "TestList.test_mutable_list_remove_not_existing", # test_jit + "TestMisc.test_parse_ir_single_element_tensor_positive", # test_jit + "TestNnapiBackend.test_log_softmax", # test_jit + "TestOpDecompositions.test_registered_decomposition", # test_jit + "TestStringFormatting.test_string_interpolation_with_percent_in_string", # test_jit + "TestBatchMM.test_batch_mm_permitted_mutation", # test_jit + "TestTorchbind.test_torchbind_tracing_nested", # test_jit + "TestNnapiBackend.test_hardtanh", # test_jit + "TestBatchMM.test_batch_mm_no_mutation", # test_jit + "TestIsinstance.test_type_refinement", # test_jit + "TestPeephole.test_peephole_slice_all_three_args", # test_jit + "TestTyping.test_tuple_keyword", # test_jit + "TestOpDecompositions.test_op_decomposition", # test_jit + "TestBatchMM.test_batch_mm_side_permitted_mutation", # test_jit + "TestNnapiBackend.test_pointwise_binary_const", # test_jit + "TestTypeSharing.test_script_function_attribute_same", # test_jit + "TestTypesAndAnnotation.test_type_annotate_py3", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_unsupported_type", # test_jit + "TestMisc.test_subexpression_Tuple_int_int_Future", # test_jit + "TestMisc.test_subexpression_Future_annotate", # test_jit + "TestStringFormatting.test_string_interpolation_with_char_placeholder_and_true_string_variable", # test_jit + "TestSlice.test_tuple_slicing", # test_jit + "TestAwait.test_await_isinstance", # test_jit + "TestNnapiBackend.test_adaptive_avg_pool2d", # test_jit + "TestIsinstance.test_list_no_contained_type", # test_jit + "TestPeephole.test_peephole_no_output_aliasing", # test_jit + "TestStringFormatting.test_string_interpolation_with_unknown_format_specifier", # test_jit + "TestPeephole.test_refine_integer_values", # test_jit + "TestStringFormatting.test_string_interpolation_with_digit_placeholder_and_string_variable", # test_jit + "TestPeephole.test_peephole_dict_getitem_no_optimization_keys_might_overlap", # test_jit + "TestPeephole.test_peephole_list_len", # test_jit + "TestMisc.test_list_literal_infer", # test_jit + "TestIgnorableArgs.test_add_out_ignorable_args", # test_jit + "TestTensorBuiltins.test_scalar_to_num_conversions", # test_jit + "TestWarn.test_warn_once_per_func", # test_jit + "TestAsync.test_async_grad_guard_no_grad", # test_jit + "TestPythonBuiltinOP.test_random", # test_jit + "TestSymbolicShapeAnalysis.test_stitching_concat", # test_jit + "TestMisc.test_if_returning_any", # test_jit + "TestBatchMM.test_batch_mm_side_prohibited_mutation_uncommon_side", # test_jit + "TestList.test_tensor_list_index_not_existing", # test_jit + "TestMisc.test_script_many_decorators", # test_jit + "TestUnion.test_union_does_not_replace_existing_annotated_type_empty_container", # test_jit + "TestNnapiBackend.test_pointwise_binary", # test_jit + "TestTypesAndAnnotation.test_tuple_no_element_type_annotation", # test_jit + "TestFrozenOptimizations.test_conv_bn_folding", # test_jit.py }