From c17486f018d0d6131895efb7bd84cf76fbf26e96 Mon Sep 17 00:00:00 2001 From: Milica Makevic Date: Tue, 8 Oct 2024 08:31:23 +0000 Subject: [PATCH 1/3] Change remaining "no_rocm" tags to "cuda-only" --- .../mlir/tensorflow/tests/tf_saved_model/BUILD | 2 +- tensorflow/core/kernels/mkl/BUILD | 2 +- tensorflow/core/nccl/BUILD | 2 +- tensorflow/core/profiler/backends/gpu/BUILD | 2 +- tensorflow/core/util/autotune_maps/BUILD | 2 +- tensorflow/dtensor/cc/BUILD | 2 +- tensorflow/python/compiler/tensorrt/test/BUILD | 2 +- tensorflow/python/debug/lib/BUILD | 4 ++-- tensorflow/python/distribute/BUILD | 4 ++-- tensorflow/python/feature_column/BUILD | 4 ++-- tensorflow/python/framework/BUILD | 2 +- tensorflow/python/kernel_tests/image_ops/BUILD | 2 +- tensorflow/python/kernel_tests/linalg/BUILD | 2 +- tensorflow/python/kernel_tests/math_ops/BUILD | 2 +- tensorflow/python/kernel_tests/nn_ops/BUILD | 6 +++--- tensorflow/python/kernel_tests/sparse_ops/BUILD | 2 +- tensorflow/python/ops/BUILD | 13 ++++++------- tensorflow/python/ops/numpy_ops/tests/BUILD | 2 +- tensorflow/python/ops/parallel_for/BUILD | 2 +- tensorflow/python/tools/BUILD | 8 ++++---- tensorflow/python/training/BUILD | 2 +- tensorflow/tools/docs/BUILD | 4 ++-- third_party/xla/xla/service/gpu/BUILD | 10 +++------- .../xla/xla/service/gpu/fusions/triton/BUILD | 6 +++--- third_party/xla/xla/tests/BUILD | 7 ++----- 25 files changed, 44 insertions(+), 52 deletions(-) diff --git a/tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/BUILD b/tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/BUILD index f2f686f9822927..b80b275c560741 100644 --- a/tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/BUILD +++ b/tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/BUILD @@ -296,7 +296,7 @@ glob_lit_tests( default_tags = [ "no_mac", # TODO(b/191167848) "no_oss", # TODO(b/190855110) - "no_rocm", + "cuda-only", ], driver = "@llvm-project//mlir:run_lit.sh", exclude = [ diff --git a/tensorflow/core/kernels/mkl/BUILD b/tensorflow/core/kernels/mkl/BUILD index 2f099cc93b70b0..ba75ffc4e6b429 100644 --- a/tensorflow/core/kernels/mkl/BUILD +++ b/tensorflow/core/kernels/mkl/BUILD @@ -427,7 +427,7 @@ tf_cc_test_mkl( size = "small", srcs = ["mkl_fused_batch_norm_op_test.cc"], linkstatic = 1, - tags = ["no_rocm"], # fails on AMD Rome CPUs as of 2021-03-29 + tags = ["cuda-only"], # fails on AMD Rome CPUs as of 2021-03-29 deps = [ ":mkl_conv_op", ":mkl_fused_batch_norm_op", diff --git a/tensorflow/core/nccl/BUILD b/tensorflow/core/nccl/BUILD index 99dc7559d59982..b8471de41fe6fc 100644 --- a/tensorflow/core/nccl/BUILD +++ b/tensorflow/core/nccl/BUILD @@ -62,7 +62,7 @@ tf_cuda_cc_test( "multi_gpu", "no_oss", "notap", - "no_rocm", # flaky on CI as of 2022-05-30 + "cuda-only", # flaky on CI as of 2022-05-30 ], deps = [ "//tensorflow/core:test", diff --git a/tensorflow/core/profiler/backends/gpu/BUILD b/tensorflow/core/profiler/backends/gpu/BUILD index e83d4cae4c0501..ca178ae737f5c4 100644 --- a/tensorflow/core/profiler/backends/gpu/BUILD +++ b/tensorflow/core/profiler/backends/gpu/BUILD @@ -18,7 +18,7 @@ tf_cuda_cc_test( tags = tf_cuda_tests_tags() + [ "gpu_cupti", "nomac", - "no_rocm", # flaky on CI + "cuda-only", # flaky on CI ], deps = [ "//tensorflow/cc:cc_ops", diff --git a/tensorflow/core/util/autotune_maps/BUILD b/tensorflow/core/util/autotune_maps/BUILD index e428e14e170b40..9488b264eaaee0 100644 --- a/tensorflow/core/util/autotune_maps/BUILD +++ b/tensorflow/core/util/autotune_maps/BUILD @@ -194,7 +194,7 @@ tf_cuda_only_cc_test( size = "small", srcs = ["autotune_serialize_test.cc"], features = ["-layering_check"], - tags = ["no_rocm"], + tags = ["cuda-only"], deps = [ ":autotune_serialize", ":conv_autotune_maps", diff --git a/tensorflow/dtensor/cc/BUILD b/tensorflow/dtensor/cc/BUILD index cf69454562b81e..39d1ea0c2e88f2 100644 --- a/tensorflow/dtensor/cc/BUILD +++ b/tensorflow/dtensor/cc/BUILD @@ -224,7 +224,7 @@ tf_kernel_library( "dtensor_tpu_kernels.cc", ], tags = [ - "no_rocm", + "cuda-only", "tpu", ], # Disable building of TPU kernels on non-TPU platforms. deps = [ diff --git a/tensorflow/python/compiler/tensorrt/test/BUILD b/tensorflow/python/compiler/tensorrt/test/BUILD index b99bcab6abe090..d19c57d4f21e67 100644 --- a/tensorflow/python/compiler/tensorrt/test/BUILD +++ b/tensorflow/python/compiler/tensorrt/test/BUILD @@ -75,7 +75,7 @@ filegroup( base_tags = [ "no_cuda_on_cpu_tap", - "no_rocm", + "cuda-only", "no_windows", "nomac", # TODO(b/303453873): Re-enable tests once TensorRT has been updated diff --git a/tensorflow/python/debug/lib/BUILD b/tensorflow/python/debug/lib/BUILD index 2ea56871c33a42..d4dce56e1aa53f 100644 --- a/tensorflow/python/debug/lib/BUILD +++ b/tensorflow/python/debug/lib/BUILD @@ -358,7 +358,7 @@ cuda_py_strict_test( shard_count = 4, tags = [ "no_windows", # TODO(b/142475891): Enable this test on Windows. - "no_rocm", #TODO(ROCm) Re-enable after issue is fixed. + "cuda-only", #TODO(ROCm) Re-enable after issue is fixed. ], xla_enable_strict_auto_jit = False, # Node names are different with autojit deps = [ @@ -390,7 +390,7 @@ cuda_py_strict_test( python_version = "PY3", tags = [ "no_windows_gpu", - "no_rocm", #TODO(ROCm) Re-enable after issue is fixed. + "cuda-only", #TODO(ROCm) Re-enable after issue is fixed. ], deps = [ ":debug_events_reader", diff --git a/tensorflow/python/distribute/BUILD b/tensorflow/python/distribute/BUILD index a7960d75d0e0ca..09f7dcb2a52ccf 100644 --- a/tensorflow/python/distribute/BUILD +++ b/tensorflow/python/distribute/BUILD @@ -746,7 +746,7 @@ distribute_py_strict_test( "multi_and_single_gpu", "no_cuda_asan", # b/213388775 "no_oss", # b/241013307 - "no_rocm", + "cuda-only", "notap", # Flaky; TODO(b/289970206) ], tpu_tags = [ @@ -2581,7 +2581,7 @@ distribute_py_strict_test( "multi_and_single_gpu", "nomac", # TODO(b/201788023): Attempt MultiProcessCluster to fix this. "notpu", - "no_rocm", #times out + "cuda-only", #times out ], deps = [ ":distribute_lib", diff --git a/tensorflow/python/feature_column/BUILD b/tensorflow/python/feature_column/BUILD index 8bc042c20c7423..23a0f665fcec13 100644 --- a/tensorflow/python/feature_column/BUILD +++ b/tensorflow/python/feature_column/BUILD @@ -169,7 +169,7 @@ tf_py_strict_test( "no_cuda_on_cpu_tap", "no_oss", # TODO(b/206860622): Broken with numpy 1.20+ "no_pip", - "no_rocm", + "cuda-only", "no_windows", ], deps = [ @@ -215,7 +215,7 @@ tf_py_strict_test( "no_cuda_on_cpu_tap", "no_oss", # TODO(b/206860622): Broken with numpy 1.20+ "no_pip", - "no_rocm", + "cuda-only", "no_windows", ], deps = [":feature_column_v2_test_main_lib"], diff --git a/tensorflow/python/framework/BUILD b/tensorflow/python/framework/BUILD index d1165168d4c752..63ba91802ea564 100644 --- a/tensorflow/python/framework/BUILD +++ b/tensorflow/python/framework/BUILD @@ -1462,7 +1462,7 @@ cuda_py_strict_test( python_version = "PY3", tags = [ "no_pip", # test_ops are not available in pip - "no_rocm", + "cuda-only", ], deps = [ ":config", diff --git a/tensorflow/python/kernel_tests/image_ops/BUILD b/tensorflow/python/kernel_tests/image_ops/BUILD index c63a8bccd5d5e9..0b2bc33fc7e844 100644 --- a/tensorflow/python/kernel_tests/image_ops/BUILD +++ b/tensorflow/python/kernel_tests/image_ops/BUILD @@ -140,7 +140,7 @@ cuda_py_strict_test( shard_count = 15, tags = [ "no_oss", # b/241024908 - "no_rocm", + "cuda-only", "nomac", # b/181799478 "notap", # b/31080670 ], diff --git a/tensorflow/python/kernel_tests/linalg/BUILD b/tensorflow/python/kernel_tests/linalg/BUILD index 3f6dfc1fe3e6a3..88cc811f08fa7d 100644 --- a/tensorflow/python/kernel_tests/linalg/BUILD +++ b/tensorflow/python/kernel_tests/linalg/BUILD @@ -262,7 +262,7 @@ cuda_py_strict_test( shard_count = 50, tags = [ "no_cuda11", # TODO(b/197522782): reenable test after fixing. - "no_rocm", # extremely slow, thousands of subtests, many triggering + "cuda-only", # extremely slow, thousands of subtests, many triggering # llvm invocations "optonly", # times out, b/79171797 ], diff --git a/tensorflow/python/kernel_tests/math_ops/BUILD b/tensorflow/python/kernel_tests/math_ops/BUILD index 111657b83114fb..23504efdeea273 100644 --- a/tensorflow/python/kernel_tests/math_ops/BUILD +++ b/tensorflow/python/kernel_tests/math_ops/BUILD @@ -263,7 +263,7 @@ cuda_py_strict_test( name = "cwise_ops_binary_test", size = "medium", srcs = ["cwise_ops_binary_test.py"], - tags = ["no_rocm"], #TODO(rocm): weekly sync 240919 + tags = ["cuda-only"], #TODO(rocm): weekly sync 240919 shard_count = 50, # b/140155647: Error just outside of tolerance xla_enable_strict_auto_jit = False, diff --git a/tensorflow/python/kernel_tests/nn_ops/BUILD b/tensorflow/python/kernel_tests/nn_ops/BUILD index dcc1602b83dcd6..f09519d9adb240 100644 --- a/tensorflow/python/kernel_tests/nn_ops/BUILD +++ b/tensorflow/python/kernel_tests/nn_ops/BUILD @@ -294,7 +294,7 @@ cuda_py_strict_test( shard_count = 4, tags = [ "no_mac_arm64", - "no_rocm", + "cuda-only", "optonly", # times out ], deps = [ @@ -405,7 +405,7 @@ cuda_py_strict_test( srcs = ["cudnn_d9m_test.py"], tags = [ "no_cuda_asan", # TODO(b/171509035): re-enable. - "no_rocm", #This is test is specific to CUDA and enables determinism through a CUDA specific env var. + "cuda-only", #This is test is specific to CUDA and enables determinism through a CUDA specific env var. ], deps = [ ":cudnn_deterministic_base", @@ -437,7 +437,7 @@ cuda_py_strict_test( size = "medium", # http://b/30603882 timeout = "long", srcs = ["depthwise_conv_op_d9m_test.py"], - tags = ["no_rocm"], + tags = ["cuda-only"], shard_count = 8, deps = [ ":depthwise_conv_op_base", diff --git a/tensorflow/python/kernel_tests/sparse_ops/BUILD b/tensorflow/python/kernel_tests/sparse_ops/BUILD index ec88a5c81cf44f..e5e172e3fd9a9f 100644 --- a/tensorflow/python/kernel_tests/sparse_ops/BUILD +++ b/tensorflow/python/kernel_tests/sparse_ops/BUILD @@ -108,7 +108,7 @@ cuda_py_strict_test( shard_count = 5, tags = [ "optonly", # b/77589990 - "no_rocm" + "cuda-only" ], deps = [ "//tensorflow/python/eager:def_function", diff --git a/tensorflow/python/ops/BUILD b/tensorflow/python/ops/BUILD index a6486af0837f67..e557f734d96d32 100644 --- a/tensorflow/python/ops/BUILD +++ b/tensorflow/python/ops/BUILD @@ -1017,7 +1017,7 @@ tf_py_strict_test( srcs = ["collective_ops_test.py"], python_version = "PY3", tags = [ - "no_rocm", + "cuda-only", ], deps = [ ":array_ops", @@ -1048,7 +1048,7 @@ tf_py_strict_test( python_version = "PY3", tags = [ "no_pip", - "no_rocm", + "cuda-only", "no_windows", "nomac", ], @@ -3630,7 +3630,7 @@ cuda_py_strict_test( python_version = "PY3", tags = [ "no_windows_gpu", - "no_rocm", #TODO(rocm): weekly sync 240919 + "cuda-only", #TODO(rocm): weekly sync 240919 ], deps = [ ":array_ops", @@ -3715,7 +3715,7 @@ cuda_py_strict_test( python_version = "PY3", shard_count = 4, tags = [ - "no_rocm", + "cuda-only", ], deps = [ ":nn_grad", @@ -3740,7 +3740,7 @@ cuda_py_strict_test( python_version = "PY3", shard_count = 24, tags = [ - "no_rocm", + "cuda-only", ], deps = [ ":array_ops", @@ -3891,7 +3891,7 @@ cuda_py_strict_test( python_version = "PY3", shard_count = 10, tags = [ - "no_rocm", + "cuda-only", "no_windows_gpu", ], deps = [ @@ -4702,7 +4702,6 @@ cuda_py_strict_test( python_version = "PY3", shard_count = 10, tags = [ - "no_rocm", "no_windows_gpu", ], deps = [ diff --git a/tensorflow/python/ops/numpy_ops/tests/BUILD b/tensorflow/python/ops/numpy_ops/tests/BUILD index 70c9b958895d71..f8c90ed4d907b4 100644 --- a/tensorflow/python/ops/numpy_ops/tests/BUILD +++ b/tensorflow/python/ops/numpy_ops/tests/BUILD @@ -206,7 +206,7 @@ py_strict_test( tags = [ "gpu", "no_pip", - "no_rocm", # Disabling due to excessive test length + "cuda-only", # Disabling due to excessive test length "requires-gpu-nvidia", ], deps = [ diff --git a/tensorflow/python/ops/parallel_for/BUILD b/tensorflow/python/ops/parallel_for/BUILD index b1af2b06fd8a73..c1212af898667f 100644 --- a/tensorflow/python/ops/parallel_for/BUILD +++ b/tensorflow/python/ops/parallel_for/BUILD @@ -131,7 +131,7 @@ cuda_py_strict_test( shard_count = 16, tags = [ "no_oss", - "no_rocm", + "cuda-only", ], deps = [ ":control_flow_ops", diff --git a/tensorflow/python/tools/BUILD b/tensorflow/python/tools/BUILD index 324fcb8389757f..be5a29d969d12d 100644 --- a/tensorflow/python/tools/BUILD +++ b/tensorflow/python/tools/BUILD @@ -499,7 +499,7 @@ genrule( cmd = ( "$(location :make_aot_compile_models) --out_dir $(@D)" ), - tags = ["no_rocm"], + tags = ["cuda-only"], tools = [":make_aot_compile_models"], ) @@ -514,7 +514,7 @@ saved_model_compile_aot( directory = "//tensorflow/python/tools:x_matmul_y_large", filegroups = [":aot_saved_models"], force_without_xla_support_flag = False, - tags = ["no_rocm"], + tags = ["cuda-only"], ) saved_model_compile_aot( @@ -524,7 +524,7 @@ saved_model_compile_aot( filegroups = [":aot_saved_models"], force_without_xla_support_flag = False, multithreading = True, - tags = ["no_rocm"], + tags = ["cuda-only"], ) saved_model_compile_aot( @@ -533,7 +533,7 @@ saved_model_compile_aot( directory = "//tensorflow/python/tools:x_matmul_y_small", filegroups = [":aot_saved_models"], force_without_xla_support_flag = False, - tags = ["no_rocm"], + tags = ["cuda-only"], ) saved_model_compile_aot( diff --git a/tensorflow/python/training/BUILD b/tensorflow/python/training/BUILD index 5fe6311c9902f5..490addc0d8f123 100644 --- a/tensorflow/python/training/BUILD +++ b/tensorflow/python/training/BUILD @@ -1242,7 +1242,7 @@ cuda_py_strict_test( size = "medium", srcs = ["basic_loops_test.py"], python_version = "PY3", - tags = ["no_rocm"], #TODO(ROCm) Re-enable after issue is fixed. + tags = ["cuda-only"], #TODO(ROCm) Re-enable after issue is fixed. deps = [ ":basic_loops", ":supervisor", diff --git a/tensorflow/tools/docs/BUILD b/tensorflow/tools/docs/BUILD index 45081a2a695599..2fefc752ae4940 100644 --- a/tensorflow/tools/docs/BUILD +++ b/tensorflow/tools/docs/BUILD @@ -55,7 +55,7 @@ py_strict_test( tags = [ "no_oss", # b/275546007 "no_pip", - "no_rocm", # No need to rerun this test for ROCm config. + "cuda-only", # No need to rerun this test for ROCm config. "no_windows", # numpy prints differently on windows. "noasan", ], @@ -103,7 +103,7 @@ py_strict_test( python_version = "PY3", tags = [ "no_pip", - "no_rocm", + "cuda-only", "no_windows", # numpy prints differently on windows. "noasan", "nomsan", diff --git a/third_party/xla/xla/service/gpu/BUILD b/third_party/xla/xla/service/gpu/BUILD index 1484965822fe61..42fe043799abae 100644 --- a/third_party/xla/xla/service/gpu/BUILD +++ b/third_party/xla/xla/service/gpu/BUILD @@ -1601,8 +1601,8 @@ xla_test( name = "gpu_compiler_test", srcs = ["gpu_compiler_test.cc"], backend_tags = { - "gpu_a100": ["no_rocm"], - "gpu_v100": ["no_rocm"], + "gpu_a100": ["cuda-only"], + "gpu_v100": ["cuda-only"], }, backends = ["gpu"], data = ["gpu_compiler_test_autotune_db.textproto"], @@ -1652,7 +1652,6 @@ xla_test( name = "gpu_offloading_test", srcs = ["gpu_offloading_test.cc"], backends = ["gpu"], - tags = ["no_rocm"], #TODO(rocm): weekly sync deps = [ ":backend_configs_cc", "//xla:autotune_results_proto_cc", @@ -2529,7 +2528,7 @@ xla_test( name = "float_support_test", srcs = ["float_support_test.cc"], backend_tags = {"gpu": [ - "no_rocm" + "cuda-only" ]}, backends = [ "gpu_a100", @@ -2869,9 +2868,6 @@ xla_test( "gpu_a100", "gpu_amd_any", ], - tags = [ - "no_rocm", #TODO(rocm): TEMP, weekly sync - ], deps = [ "//xla:literal", "//xla:xla_proto_cc", diff --git a/third_party/xla/xla/service/gpu/fusions/triton/BUILD b/third_party/xla/xla/service/gpu/fusions/triton/BUILD index 3f21b8d1c5dd63..a097ba3cf0146a 100644 --- a/third_party/xla/xla/service/gpu/fusions/triton/BUILD +++ b/third_party/xla/xla/service/gpu/fusions/triton/BUILD @@ -390,7 +390,7 @@ xla_test( ], shard_count = 10, tags = ["no_mac", - "no_rocm"], # TODO(rocm) 240729 + "cuda-only"], # TODO(rocm) 240729 deps = [ ":triton_support", ":triton_test_utils", @@ -445,7 +445,7 @@ xla_cc_test( # TODO(b/353912594): this test does not need to run on GPU, but it is broken on CPU in OSS. # Force it to run on GPU temporarily in order to get important OSS coverage. tags = ["gpu"] + - ["no_rocm"], # TODO(rocm) 240729 + ["cuda-only"], # TODO(rocm) 240729 deps = [ ":triton_fusion_emitter", ":triton_support", @@ -478,7 +478,7 @@ xla_test( "gpu_amd_any", ], tags = ["no_mac", - "no_rocm"], # TODO(rocm) 240729 + "cuda-only"], # TODO(rocm) 240729 deps = [ ":triton_fusion_emitter", ":triton_support", diff --git a/third_party/xla/xla/tests/BUILD b/third_party/xla/xla/tests/BUILD index 1b1fd1c2a2c257..5bbf3fe0d0d09a 100644 --- a/third_party/xla/xla/tests/BUILD +++ b/third_party/xla/xla/tests/BUILD @@ -1379,7 +1379,7 @@ xla_test( name = "convolution_cudnn_test", timeout = "long", srcs = ["convolution_cudnn_test.cc"], - tags = ["no_rocm"], # No int8 + tags = ["cuda-only"], # No int8 backends = [ "gpu_v100", "gpu_a100", @@ -2495,9 +2495,7 @@ xla_test( "cpu", "gpu", ], - tags = [ - "no_rocm", # doesn't work in CI with reduced resources - "test_xla_cpu_thunks"], + tags = ["test_xla_cpu_thunks"], deps = [ ":hlo_test_base", ":xla_internal_test_main", @@ -3111,7 +3109,6 @@ xla_test( shard_count = 3, tags = [ "optonly", - "no_rocm", #TODO(rocm): TEMP, sync 24-06-24 "test_xla_cpu_thunks", ], deps = [ From 8042162cdae1fcd6084cf908ae18cb61861fe04a Mon Sep 17 00:00:00 2001 From: Milica Makevic Date: Tue, 8 Oct 2024 08:30:46 +0000 Subject: [PATCH 2/3] Enable some of the unit tests --- tensorflow/compiler/mlir/lite/debug/BUILD | 1 - tensorflow/compiler/mlir/lite/tests/BUILD | 3 --- tensorflow/compiler/mlir/lite/tests/end2end/BUILD | 4 ---- tensorflow/compiler/mlir/quantization/stablehlo/BUILD | 2 +- tensorflow/compiler/mlir/tensorflow/tests/BUILD | 2 -- tensorflow/compiler/tests/BUILD | 7 +++---- tensorflow/core/kernels/mlir_generated/BUILD | 3 +-- tensorflow/dtensor/python/tests/BUILD | 5 ++--- tensorflow/lite/python/kernel_tests/signal/BUILD | 1 - tensorflow/python/client/BUILD | 2 -- tensorflow/python/saved_model/BUILD | 1 - third_party/xla/xla/service/gpu/tests/BUILD | 3 +-- 12 files changed, 8 insertions(+), 26 deletions(-) diff --git a/tensorflow/compiler/mlir/lite/debug/BUILD b/tensorflow/compiler/mlir/lite/debug/BUILD index c8bfd87e378aa1..4cd1b6e7eddb35 100644 --- a/tensorflow/compiler/mlir/lite/debug/BUILD +++ b/tensorflow/compiler/mlir/lite/debug/BUILD @@ -44,7 +44,6 @@ cc_library( tf_cc_test( name = "debug_test", srcs = ["debug_test.cc"], - tags = ["no_rocm"], deps = [ ":debug", ":debug_options_proto_cc", diff --git a/tensorflow/compiler/mlir/lite/tests/BUILD b/tensorflow/compiler/mlir/lite/tests/BUILD index 72efe28296cf55..9ec3f85c3545cd 100644 --- a/tensorflow/compiler/mlir/lite/tests/BUILD +++ b/tensorflow/compiler/mlir/lite/tests/BUILD @@ -19,9 +19,6 @@ glob_lit_tests( "raise-custom-ops.mlir": "medium", }, tags_override = { - "legalize-tf.mlir": ["no_rocm"], - "optimize.mlir": ["no_rocm"], - "prepare-tf.mlir": ["no_rocm"], "const-fold.mlir": ["no_mac_arm64"], }, test_file_exts = ["mlir"], diff --git a/tensorflow/compiler/mlir/lite/tests/end2end/BUILD b/tensorflow/compiler/mlir/lite/tests/end2end/BUILD index 529fe381fa3bfe..f3a41720ae33e1 100644 --- a/tensorflow/compiler/mlir/lite/tests/end2end/BUILD +++ b/tensorflow/compiler/mlir/lite/tests/end2end/BUILD @@ -15,10 +15,6 @@ glob_lit_tests( size_override = { "quant_stats.pbtxt": "medium", }, - tags_override = { - "add.pbtxt": ["no_rocm"], - "fake_quant_per_channel.pbtxt": ["no_rocm"], - }, test_file_exts = [ "pbtxt", ], diff --git a/tensorflow/compiler/mlir/quantization/stablehlo/BUILD b/tensorflow/compiler/mlir/quantization/stablehlo/BUILD index 49ecb64603a362..47510e04c27abe 100644 --- a/tensorflow/compiler/mlir/quantization/stablehlo/BUILD +++ b/tensorflow/compiler/mlir/quantization/stablehlo/BUILD @@ -381,7 +381,7 @@ tf_cc_test( srcs = [ "passes/bridge/convert_tf_quant_to_mhlo_int_test.cc", ], - tags = ["nomac", "no_rocm"], # TODO(b/297362678): re-enable mac test. + tags = ["nomac"], # TODO(b/297362678): re-enable mac test. deps = [ ":bridge_passes", "//tensorflow/compiler/mlir/quantization/tensorflow/cc:constant_fold", diff --git a/tensorflow/compiler/mlir/tensorflow/tests/BUILD b/tensorflow/compiler/mlir/tensorflow/tests/BUILD index 9ac51ab0ecb6aa..a446200b75bfee 100644 --- a/tensorflow/compiler/mlir/tensorflow/tests/BUILD +++ b/tensorflow/compiler/mlir/tensorflow/tests/BUILD @@ -17,8 +17,6 @@ glob_lit_tests( "layout_optimization_to_nhwc.mlir": "medium", }, tags_override = { - "optimize.mlir": ["no_rocm"], - "tf_optimize.mlir": ["no_rocm"], "tf-reduce-identity.mlir": ["no_windows"], }, test_file_exts = ["mlir"], diff --git a/tensorflow/compiler/tests/BUILD b/tensorflow/compiler/tests/BUILD index e4fb5a414c614f..cc4fcf9c87c0ee 100644 --- a/tensorflow/compiler/tests/BUILD +++ b/tensorflow/compiler/tests/BUILD @@ -907,7 +907,6 @@ tf_xla_py_strict_test( shard_count = 12, tags = [ "no_pip", # TODO(b/149738646): fix pip install so these tests run on kokoro pip - "no_rocm", "optonly", ], deps = [ @@ -1791,7 +1790,7 @@ tf_xla_py_strict_test( python_version = "PY3", shard_count = 20, tags = [ - "no_rocm", + "cuda-only", "no_aarch64", # TODO(b/348125886) "no_cuda_asan", # times out "no_pip", # TODO(b/149738646): fix pip install so these tests run on kokoro pip @@ -2866,7 +2865,7 @@ tf_cuda_cc_test( tags = [ "config-cuda-only", "no_pip", # TODO(b/149738646): fix pip install so these tests run on kokoro pip - "no_rocm", # ROCmSoftwarePlatform #958 + "cuda-only", # ROCmSoftwarePlatform #958 "noasan", # TODO(b/201651800) "requires-gpu-nvidia", ] + tf_cuda_tests_tags(), @@ -2887,7 +2886,7 @@ tf_cuda_cc_test( tags = [ "config-cuda-only", "no_pip", # TODO(b/149738646): fix pip install so these tests run on kokoro pip - "no_rocm", # ROCmSoftwarePlatform #958 + "cuda-only", # ROCmSoftwarePlatform #958 "noasan", # TODO(b/201651800) "requires-gpu-nvidia", ] + tf_cuda_tests_tags(), diff --git a/tensorflow/core/kernels/mlir_generated/BUILD b/tensorflow/core/kernels/mlir_generated/BUILD index b88ee74c0999ef..5f306f29b9146e 100644 --- a/tensorflow/core/kernels/mlir_generated/BUILD +++ b/tensorflow/core/kernels/mlir_generated/BUILD @@ -455,7 +455,6 @@ tf_cuda_cc_test( tags = tf_cuda_tests_tags() + [ "no_cuda", # TODO(b/196608406): re-enable "no_cuda_asan", # TODO(b/171341759): re-enable. - "no_rocm", # fail on CI ], deps = [ ":base_ops_test", @@ -545,7 +544,7 @@ tf_cuda_cc_test( tags = tf_cuda_tests_tags() + [ "no_cuda", # TODO(b/196608406): re-enable "no_cuda_asan", # TODO(b/171341759): re-enable. - "no_rocm", + "cuda-only", ], deps = [ ":base_binary_ops_test", diff --git a/tensorflow/dtensor/python/tests/BUILD b/tensorflow/dtensor/python/tests/BUILD index 8e61e6083a849d..c358acd9755d6d 100644 --- a/tensorflow/dtensor/python/tests/BUILD +++ b/tensorflow/dtensor/python/tests/BUILD @@ -555,7 +555,6 @@ dtensor_test( "NCCL_P2P_DISABLE": "1", # FIXME(b/251183104): p2p detection in cuda 10.1+ is broken. }, tags = [ - "no_rocm", "no_windows", "nosan", # b/195537906 ], @@ -749,7 +748,7 @@ dtensor_test( TPU_V3_DONUT_BACKEND: 32, }, tags = [ - "no_rocm", + "cuda-only", ], deps = [ ":test_util", @@ -804,7 +803,7 @@ dtensor_test( }, tags = [ "no_oss_py38", # TODO(b/267017937) - "no_rocm", + "cuda-only", ], deps = [ ":test_util", diff --git a/tensorflow/lite/python/kernel_tests/signal/BUILD b/tensorflow/lite/python/kernel_tests/signal/BUILD index a6128e6be32f54..ec560911cc686d 100644 --- a/tensorflow/lite/python/kernel_tests/signal/BUILD +++ b/tensorflow/lite/python/kernel_tests/signal/BUILD @@ -24,7 +24,6 @@ cuda_py_strict_test( python_version = "PY3", shard_count = 4, tags = [ - "no_rocm", "no_windows_gpu", ], deps = [ diff --git a/tensorflow/python/client/BUILD b/tensorflow/python/client/BUILD index 76c4ccad009a29..4991d939203639 100644 --- a/tensorflow/python/client/BUILD +++ b/tensorflow/python/client/BUILD @@ -437,9 +437,7 @@ tf_py_strict_test( python_version = "PY3", tags = [ "no_gpu", - "no_rocm", "no_windows", - "no_rocm", ], deps = [ ":session", diff --git a/tensorflow/python/saved_model/BUILD b/tensorflow/python/saved_model/BUILD index e909b79797f022..12ad8fadc6c0e0 100644 --- a/tensorflow/python/saved_model/BUILD +++ b/tensorflow/python/saved_model/BUILD @@ -597,7 +597,6 @@ cuda_py_strict_test( tags = [ "no_gpu", # TODO(b/136560979): flaky "no_mac", # TODO(b/124822121): Re-enable this test. - "no_rocm", ], deps = [ ":load", diff --git a/third_party/xla/xla/service/gpu/tests/BUILD b/third_party/xla/xla/service/gpu/tests/BUILD index 1ba83bd949f2f0..7dbc7016841c61 100644 --- a/third_party/xla/xla/service/gpu/tests/BUILD +++ b/third_party/xla/xla/service/gpu/tests/BUILD @@ -74,7 +74,6 @@ xla_test( local_defines = if_cuda_is_configured(["GOOGLE_CUDA=1"]), tags = [ "notsan", # TODO(b/345034145): Fix tsan error. - "no_rocm", # TODO(rocm): sync 24-08-20 ], deps = if_gpu_is_configured( #keep sorted @@ -322,7 +321,7 @@ xla_test( "gpu_a100", "gpu_v100", ], - tags = ["no_rocm"], # TODO(rocm) 240729 Test checks only for cuda capability + tags = ["cuda-only"], # TODO(rocm) 240729 Test checks only for cuda capability deps = [ ":gpu_codegen_test", "//xla:shape_util", From 3e42a4a1297b6aee9a506cabe194cdcd4bb6f57f Mon Sep 17 00:00:00 2001 From: Milica Makevic Date: Tue, 1 Oct 2024 12:51:21 +0000 Subject: [PATCH 3/3] Change no_rocm tag to cuda-only in *.bazerc files and test scripts --- .../tools/ci_build/builds/run_pip_tests.sh | 2 +- .../ci_build/linux/rocm/rocm_py310_pip.sh | 2 +- .../ci_build/linux/rocm/rocm_py36_pip.sh | 2 +- .../ci_build/linux/rocm/rocm_py37_pip.sh | 2 +- .../ci_build/linux/rocm/rocm_py38_pip.sh | 2 +- .../ci_build/linux/rocm/rocm_py39_pip.sh | 2 +- .../tools/ci_build/linux/rocm/run_cpu.sh | 2 +- .../ci_build/linux/rocm/run_gpu_multi.sh | 2 +- .../ci_build/linux/rocm/run_gpu_single.sh | 2 +- .../tools/ci_build/linux/rocm/run_xla.sh | 4 +-- .../devel.usertools/cpu.bazelrc | 2 +- .../devel.usertools/gpu.bazelrc | 16 +++++------ .../devel.usertools/gpu_gcc.bazelrc | 28 +++++++++---------- 13 files changed, 34 insertions(+), 34 deletions(-) diff --git a/tensorflow/tools/ci_build/builds/run_pip_tests.sh b/tensorflow/tools/ci_build/builds/run_pip_tests.sh index d91bfa5ae7d610..563055ec2d61a1 100755 --- a/tensorflow/tools/ci_build/builds/run_pip_tests.sh +++ b/tensorflow/tools/ci_build/builds/run_pip_tests.sh @@ -97,7 +97,7 @@ if [[ ${IS_GPU} == "1" ]] || [[ ${IS_ROCM} == "1" ]]; then PIP_TEST_FILTER_TAG="-no_gpu,-no_pip_gpu,${PIP_TEST_FILTER_TAG}" fi if [[ ${IS_ROCM} == "1" ]]; then - PIP_TEST_FILTER_TAG="gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_oss_py36,-no_rocm,${PIP_TEST_FILTER_TAG}" + PIP_TEST_FILTER_TAG="gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_oss_py36,-cuda-only,${PIP_TEST_FILTER_TAG}" fi if [[ ${IS_MAC} == "1" ]]; then # TODO(b/122370901): Fix nomac, no_mac inconsistency. diff --git a/tensorflow/tools/ci_build/linux/rocm/rocm_py310_pip.sh b/tensorflow/tools/ci_build/linux/rocm/rocm_py310_pip.sh index 544f28df76a15a..bbaa595a2bb202 100755 --- a/tensorflow/tools/ci_build/linux/rocm/rocm_py310_pip.sh +++ b/tensorflow/tools/ci_build/linux/rocm/rocm_py310_pip.sh @@ -55,7 +55,7 @@ else fi # # Export optional variables for running pip.sh -export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-no_rocm${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC}' +export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-cuda-only${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC}' export TF_BUILD_FLAGS="--config=release_base " export TF_TEST_FLAGS="--test_tag_filters=${TF_TEST_FILTER_TAGS} --build_tag_filters=${TF_TEST_FILTER_TAGS} \ --test_env=TF2_BEHAVIOR=1 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/rocm_py36_pip.sh b/tensorflow/tools/ci_build/linux/rocm/rocm_py36_pip.sh index 596703e59c9e34..32fbf7404c1525 100755 --- a/tensorflow/tools/ci_build/linux/rocm/rocm_py36_pip.sh +++ b/tensorflow/tools/ci_build/linux/rocm/rocm_py36_pip.sh @@ -43,7 +43,7 @@ export N_TEST_JOBS=$(expr ${TF_GPU_COUNT} \* ${TF_TESTS_PER_GPU}) source tensorflow/tools/ci_build/build_scripts/DEFAULT_TEST_TARGETS.sh # # Export optional variables for running pip.sh -export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py36,-no_rocm' +export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py36,-cuda-only' export TF_BUILD_FLAGS="--config=release_base " export TF_TEST_FLAGS="--test_tag_filters=${TF_TEST_FILTER_TAGS} --build_tag_filters=${TF_TEST_FILTER_TAGS} \ --test_env=TF2_BEHAVIOR=1 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/rocm_py37_pip.sh b/tensorflow/tools/ci_build/linux/rocm/rocm_py37_pip.sh index 64879e14392f6b..e84ae26993a139 100755 --- a/tensorflow/tools/ci_build/linux/rocm/rocm_py37_pip.sh +++ b/tensorflow/tools/ci_build/linux/rocm/rocm_py37_pip.sh @@ -57,7 +57,7 @@ fi # # Export optional variables for running pip.sh -export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-no_rocm'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} +export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-cuda-only'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} export TF_BUILD_FLAGS="--config=release_base " export TF_TEST_FLAGS="--test_tag_filters=${TF_TEST_FILTER_TAGS} --build_tag_filters=${TF_TEST_FILTER_TAGS} \ --test_env=TF2_BEHAVIOR=1 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/rocm_py38_pip.sh b/tensorflow/tools/ci_build/linux/rocm/rocm_py38_pip.sh index 9f3dd586a359e0..96f33b4ee10e41 100755 --- a/tensorflow/tools/ci_build/linux/rocm/rocm_py38_pip.sh +++ b/tensorflow/tools/ci_build/linux/rocm/rocm_py38_pip.sh @@ -57,7 +57,7 @@ fi # # Export optional variables for running pip.sh -export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-no_rocm'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} +export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-cuda-only'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} export TF_BUILD_FLAGS="--config=release_base " export TF_TEST_FLAGS="--test_tag_filters=${TF_TEST_FILTER_TAGS} --build_tag_filters=${TF_TEST_FILTER_TAGS} \ --test_env=TF2_BEHAVIOR=1 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/rocm_py39_pip.sh b/tensorflow/tools/ci_build/linux/rocm/rocm_py39_pip.sh index 5aee933eb1afc3..ef6a0d6b83f906 100755 --- a/tensorflow/tools/ci_build/linux/rocm/rocm_py39_pip.sh +++ b/tensorflow/tools/ci_build/linux/rocm/rocm_py39_pip.sh @@ -55,7 +55,7 @@ else fi # # Export optional variables for running pip.sh -export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-no_rocm'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} +export TF_TEST_FILTER_TAGS='gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_oss_py39,-cuda-only'${TF_TEST_FILTER_TAGS_ROCM_VERSION_SPECIFIC} export TF_BUILD_FLAGS="--config=release_base " export TF_TEST_FLAGS="--test_tag_filters=${TF_TEST_FILTER_TAGS} --build_tag_filters=${TF_TEST_FILTER_TAGS} \ --test_env=TF2_BEHAVIOR=1 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/run_cpu.sh b/tensorflow/tools/ci_build/linux/rocm/run_cpu.sh index 5e57a56104da25..2e70b1b16ce26b 100755 --- a/tensorflow/tools/ci_build/linux/rocm/run_cpu.sh +++ b/tensorflow/tools/ci_build/linux/rocm/run_cpu.sh @@ -34,7 +34,7 @@ yes "" | $PYTHON_BIN_PATH configure.py bazel test \ -k \ - --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-gpu,-multi_gpu,-tpu,-no_rocm,-benchmark-test,-v1only \ + --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-gpu,-multi_gpu,-tpu,-cuda-only,-benchmark-test,-v1only \ --jobs=${N_BUILD_JOBS} \ --local_test_jobs=${N_BUILD_JOBS} \ --test_timeout 600,900,2400,7200 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/run_gpu_multi.sh b/tensorflow/tools/ci_build/linux/rocm/run_gpu_multi.sh index 20302eba135dad..9d251e16e8ad5f 100755 --- a/tensorflow/tools/ci_build/linux/rocm/run_gpu_multi.sh +++ b/tensorflow/tools/ci_build/linux/rocm/run_gpu_multi.sh @@ -68,7 +68,7 @@ else bazel test \ --config=rocm \ -k \ - --test_tag_filters=-no_gpu,-no_rocm \ + --test_tag_filters=-no_gpu,-cuda-only \ --jobs=30 \ --local_ram_resources=60000 \ --local_cpu_resources=15 \ diff --git a/tensorflow/tools/ci_build/linux/rocm/run_gpu_single.sh b/tensorflow/tools/ci_build/linux/rocm/run_gpu_single.sh index b02becccc9a2b3..713246c4beaad1 100755 --- a/tensorflow/tools/ci_build/linux/rocm/run_gpu_single.sh +++ b/tensorflow/tools/ci_build/linux/rocm/run_gpu_single.sh @@ -57,7 +57,7 @@ yes "" | $PYTHON_BIN_PATH configure.py bazel test \ --config=rocm \ -k \ - --test_tag_filters=gpu,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-no_rocm,-benchmark-test,-rocm_multi_gpu,-tpu,-v1only \ + --test_tag_filters=gpu,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-cuda-only,-benchmark-test,-rocm_multi_gpu,-tpu,-v1only \ --jobs=${N_BUILD_JOBS} \ --local_test_jobs=${N_TEST_JOBS} \ --test_env=TF_GPU_COUNT=$TF_GPU_COUNT \ diff --git a/tensorflow/tools/ci_build/linux/rocm/run_xla.sh b/tensorflow/tools/ci_build/linux/rocm/run_xla.sh index c5a045037ceac5..8f9b63966ad61c 100755 --- a/tensorflow/tools/ci_build/linux/rocm/run_xla.sh +++ b/tensorflow/tools/ci_build/linux/rocm/run_xla.sh @@ -75,8 +75,8 @@ else bazel \ test \ -k \ - --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-no_rocm --keep_going \ - --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-no_rocm \ + --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-cuda-only --keep_going \ + --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-cuda-only \ --config=rocm \ --test_output=errors \ --local_test_jobs=${N_TEST_JOBS} \ diff --git a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/cpu.bazelrc b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/cpu.bazelrc index d41aa5293688a1..0f7d397efa4fe2 100644 --- a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/cpu.bazelrc +++ b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/cpu.bazelrc @@ -37,7 +37,7 @@ build:build_event_export --build_event_json_file=/tf/pkg/bep.json build:rbe --config=rbe_linux_cpu # For continuous builds -test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-gpu,-tpu,-no_rocm,-benchmark-test,-v1only +test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-gpu,-tpu,-cuda-only,-benchmark-test,-v1only test:pycpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,-gpu,-tpu,-benchmark-test,-v1only test:pycpp_filters --test_lang_filters=cc,py --test_size_filters=small,medium test:pycpp --config=pycpp_filters -- //tensorflow/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... diff --git a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu.bazelrc b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu.bazelrc index c80d2d496aaf71..30b4c4a67c8d8e 100644 --- a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu.bazelrc +++ b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu.bazelrc @@ -32,14 +32,14 @@ test:nonpip_filters --test_lang_filters=py --test_size_filters=small,medium test:nonpip --config=nonpip_filters -- //tensorflow/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... # "nonpip_large" will run tests marked as large as well -test:nonpip_filters_large --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-no_rocm,-benchmark-test,-tpu,-v1only -test:nonpip_filters_large --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-no_rocm +test:nonpip_filters_large --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-cuda-only,-benchmark-test,-tpu,-v1only +test:nonpip_filters_large --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-cuda-only test:nonpip_filters_large --test_lang_filters=py --flaky_test_attempts=2 --test_size_filters=small,medium,large test:nonpip_large --config=nonpip_filters_large -- //tensorflow/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/compiler/xrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... # "nonpip_filter_multi_gpu" will run a defined set of multi-gpu tests -test:nonpip_filters_multi_gpu --test_tag_filters=-no_gpu,-no_rocm -test:nonpip_filters_multi_gpu --build_tag_filters=-no_gpu,-no_rocm +test:nonpip_filters_multi_gpu --test_tag_filters=-no_gpu,-cuda-only +test:nonpip_filters_multi_gpu --build_tag_filters=-no_gpu,-cuda-only test:nonpip_filters_multi_gpu --test_lang_filters=py --flaky_test_attempts=2 --test_size_filters=small,medium,large --test_env=TF_PER_DEVICE_MEMORY_LIMIT_MB=2048 test:nonpip_multi_gpu --config=nonpip_filters_multi_gpu -- \ //tensorflow/core/nccl:nccl_manager_test_2gpu \ @@ -75,12 +75,12 @@ build:build_event_export --build_event_json_file=/tf/pkg/bep.json build:rbe --config=rbe_linux_cuda # For continuous builds -test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm -test:pycpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm +test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only +test:pycpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only test:pycpp_filters --test_lang_filters=cc,py --test_size_filters=small,medium test:pycpp --config=pycpp_filters -- //tensorflow/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... -//tensorflow/dtensor/python/tests:multi_client_test_2gpus -//tensorflow/dtensor/python/tests:multi_client_test_nccl_2gpus -//tensorflow/python/distribute/experimental:multi_worker_mirrored_strategy_test_2gpus # For XLA (rocm) -test:xla_cpp_filters --test_tag_filters=gpu,requires-gpu-amd,-requires-gpu-nvidia,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-no_rocm,-requires-gpu-sm60,-requires-gpu-sm60-only,-requires-gpu-sm70,-requires-gpu-sm70-only,-requires-gpu-sm80,-requires-gpu-sm80-only,-requires-gpu-sm86,-requires-gpu-sm86-only,-requires-gpu-sm89,-requires-gpu-sm89-only,-requires-gpu-sm90,-requires-gpu-sm90-only --keep_going -test:xla_cpp_filters --build_tag_filters=gpu,requires-gpu-amd,-requires-gpu-nvidia,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-no_rocm,-requires-gpu-sm60,-requires-gpu-sm60-only,-requires-gpu-sm70,-requires-gpu-sm70-only,-requires-gpu-sm80,-requires-gpu-sm80-only,-requires-gpu-sm86,-requires-gpu-sm86-only,-requires-gpu-sm89,-requires-gpu-sm89-only,-requires-gpu-sm90,-requires-gpu-sm90-only +test:xla_cpp_filters --test_tag_filters=gpu,requires-gpu-amd,-requires-gpu-nvidia,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-cuda-only,-requires-gpu-sm60,-requires-gpu-sm60-only,-requires-gpu-sm70,-requires-gpu-sm70-only,-requires-gpu-sm80,-requires-gpu-sm80-only,-requires-gpu-sm86,-requires-gpu-sm86-only,-requires-gpu-sm89,-requires-gpu-sm89-only,-requires-gpu-sm90,-requires-gpu-sm90-only --keep_going +test:xla_cpp_filters --build_tag_filters=gpu,requires-gpu-amd,-requires-gpu-nvidia,-no_oss,-oss_excluded,-oss_serial,-no_gpu,-cuda-only,-requires-gpu-sm60,-requires-gpu-sm60-only,-requires-gpu-sm70,-requires-gpu-sm70-only,-requires-gpu-sm80,-requires-gpu-sm80-only,-requires-gpu-sm86,-requires-gpu-sm86-only,-requires-gpu-sm89,-requires-gpu-sm89-only,-requires-gpu-sm90,-requires-gpu-sm90-only test:xla_cpp --config=xla_cpp_filters -- //xla/... //build_tools/... diff --git a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu_gcc.bazelrc b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu_gcc.bazelrc index 936a84f77847b8..476f33ca75c1bf 100644 --- a/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu_gcc.bazelrc +++ b/tensorflow/tools/tf_sig_build_dockerfiles/devel.usertools/gpu_gcc.bazelrc @@ -66,20 +66,20 @@ test --test_summary=short # Pass --config=nonpip to run the same suite of tests. If you want to run just # one test for investigation, you don't need --config=nonpip; just run the # bazel test invocation as normal. -test:nonpip_filters --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_rocm,-no_oss_py38,-no_oss_py39,-no_oss_py310 -test:nonpip_filters --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_rocm,-no_oss_py38,-no_oss_py39,-no_oss_py310 +test:nonpip_filters --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-cuda-only,-no_oss_py38,-no_oss_py39,-no_oss_py310 +test:nonpip_filters --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-cuda-only,-no_oss_py38,-no_oss_py39,-no_oss_py310 test:nonpip_filters --test_lang_filters=py --test_size_filters=small,medium test:nonpip --config=nonpip_filters -- //tensorflow/... -//tensorflow/python/integration_testing/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/compiler/xrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... # "nonpip_large" will run tests marked as large as well -test:nonpip_filters_large --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-no_rocm,-benchmark-test,-tpu,-v1only -test:nonpip_filters_large --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-no_rocm +test:nonpip_filters_large --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-cuda-only,-benchmark-test,-tpu,-v1only +test:nonpip_filters_large --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_serial,-no_cuda11,-cuda-only test:nonpip_filters_large --test_lang_filters=py --flaky_test_attempts=2 --test_size_filters=small,medium,large test:nonpip_large --config=nonpip_filters_large -- //tensorflow/... -//tensorflow/python/integration_testing/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/compiler/xrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... # "nonpip_filter_multi_gpu" will run a defined set of multi-gpu tests -test:nonpip_filters_multi_gpu --test_tag_filters=-no_gpu,-no_rocm -test:nonpip_filters_multi_gpu --build_tag_filters=-no_gpu,-no_rocm +test:nonpip_filters_multi_gpu --test_tag_filters=-no_gpu,-cuda-only +test:nonpip_filters_multi_gpu --build_tag_filters=-no_gpu,-cuda-only test:nonpip_filters_multi_gpu --test_lang_filters=py --flaky_test_attempts=2 --test_size_filters=small,medium,large --test_env=TF_PER_DEVICE_MEMORY_LIMIT_MB=2048 test:nonpip_multi_gpu --config=nonpip_filters_multi_gpu -- \ //tensorflow/core/nccl:nccl_manager_test_2gpu \ @@ -121,8 +121,8 @@ test:pip_venv --action_env PYTHON_LIB_PATH="/bazel_pip/lib/python3/site-packages test:pip_venv --python_path="/bazel_pip/bin/python3" test:pip_venv --define=no_tensorflow_py_deps=true # Yes, we don't exclude the gpu tests on pip for some reason. -test:pip_filters --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_pip,-nopip,-no_rocm,-no_oss_py38,-no_oss_py39,-no_oss_py310 -test:pip_filters --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_pip,-nopip,-no_rocm,-no_oss_py38,-no_oss_py39,-no_oss_py310 +test:pip_filters --test_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_pip,-nopip,-cuda-only,-no_oss_py38,-no_oss_py39,-no_oss_py310 +test:pip_filters --build_tag_filters=gpu,requires-gpu,-no_gpu,-no_oss,-oss_excluded,-oss_serial,-no_cuda11,-no_pip,-nopip,-cuda-only,-no_oss_py38,-no_oss_py39,-no_oss_py310 test:pip_filters --test_lang_filters=py --test_size_filters=small,medium test:pip --config=pip_venv --config=pip_filters -- //bazel_pip/tensorflow/... -//bazel_pip/tensorflow/python/integration_testing/... -//bazel_pip/tensorflow/compiler/tf2tensorrt/... -//bazel_pip/tensorflow/compiler/xrt/... -//bazel_pip/tensorflow/core/tpu/... -//bazel_pip/tensorflow/lite/... -//tensorflow/tools/toolchains/... @@ -166,17 +166,17 @@ build:rbe --repo_env=TF_NCCL_CONFIG_REPO="@sigbuild-r2.14_config_nccl" build:rbe --repo_env=TF_PYTHON_CONFIG_REPO="@sigbuild-r2.14_config_python" # For continuous builds -test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm -test:pycpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm +test:pycpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only +test:pycpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only test:pycpp_filters --test_lang_filters=cc,py --test_size_filters=small,medium test:pycpp --config=pycpp_filters -- //tensorflow/... -//tensorflow/python/integration_testing/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/compiler/xrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... -test:pycpp_large_filters --test_tag_filters=-no_oss,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm -test:pycpp_large_filters --build_tag_filters=-no_oss,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-no_rocm +test:pycpp_large_filters --test_tag_filters=-no_oss,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only +test:pycpp_large_filters --build_tag_filters=-no_oss,-oss_serial,-benchmark-test,-v1only,gpu,-no_gpu,-no_gpu_presubmit,-no_cuda11,-cuda-only test:pycpp_large_filters --test_lang_filters=cc,py --flaky_test_attempts=3 --test_size_filters=small,medium,large test:pycpp_large --config=pycpp_large_filters -- //tensorflow/... -//tensorflow/python/integration_testing/... -//tensorflow/compiler/tf2tensorrt/... -//tensorflow/compiler/xrt/... -//tensorflow/core/tpu/... -//tensorflow/lite/... -//tensorflow/tools/toolchains/... # For XLA (rocm) -test:xla_cpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-no_rocm --keep_going -test:xla_cpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-no_rocm +test:xla_cpp_filters --test_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-cuda-only --keep_going +test:xla_cpp_filters --build_tag_filters=-no_oss,-oss_excluded,-oss_serial,gpu,requires-gpu,-no_gpu,-cuda-only test:xla_cpp --config=xla_cpp_filters -- //xla/... //build_tools/...