Revert [KERNEL_GEN][CPU] Add tf.addv2 cpu kernel.
PiperOrigin-RevId: 355874953
Change-Id: I2ff65489edb2ea5959259d3d22067977d681bfb7
diff --git a/tensorflow/core/kernels/cwise_op_add_1.cc b/tensorflow/core/kernels/cwise_op_add_1.cc
index ebccc20..f854765 100644
--- a/tensorflow/core/kernels/cwise_op_add_1.cc
+++ b/tensorflow/core/kernels/cwise_op_add_1.cc
@@ -18,14 +18,8 @@
namespace tensorflow {
REGISTER6(BinaryOp, CPU, "Add", functor::add, float, Eigen::half, double, int32,
int64, bfloat16);
-
-#if !defined(MLIR_GENERATED_GPU_KERNELS_ENABLED) || \
- !defined(MLIR_GENERATED_EXPERIMENTAL_KERNELS_ENABLED)
REGISTER6(BinaryOp, CPU, "AddV2", functor::add, float, Eigen::half, double,
int32, int64, bfloat16);
-#else
-REGISTER(BinaryOp, CPU, "AddV2", functor::add, bfloat16);
-#endif
#if GOOGLE_CUDA || TENSORFLOW_USE_ROCM
REGISTER3(BinaryOp, GPU, "Add", functor::add, float, Eigen::half, double);
diff --git a/tensorflow/core/kernels/mlir_generated/BUILD b/tensorflow/core/kernels/mlir_generated/BUILD
index 35f7984..1990b5b 100644
--- a/tensorflow/core/kernels/mlir_generated/BUILD
+++ b/tensorflow/core/kernels/mlir_generated/BUILD
@@ -261,19 +261,6 @@
)
tf_kernel_library(
- name = "cpu_cwise_binary_op",
- srcs = [
- "cpu_op_add.cc",
- ],
- tags = ["manual"],
- deps = [
- ":base_cpu_op",
- ":cpu_add_v2_kernels",
- "//third_party/eigen3",
- ],
-)
-
-tf_kernel_library(
name = "cwise_op",
srcs = [],
tags = ["no_rocm"],
@@ -284,7 +271,6 @@
]) + if_mlir_experimental_kernels_enabled(
[
":cpu_cwise_unary_op",
- ":cpu_cwise_binary_op",
":gpu_cwise_binary_op",
],
),
@@ -392,18 +378,6 @@
],
)
-tf_cuda_cc_test(
- name = "cpu_binary_ops_test",
- size = "medium",
- srcs = if_mlir_generated_gpu_kernels_enabled(["cpu_binary_ops_test.cc"]),
- deps = [
- ":base_binary_ops_test",
- ":base_ops_test",
- "//tensorflow/core/common_runtime:device",
- "//tensorflow/core/common_runtime:device_factory",
- ],
-)
-
# TODO(b/160731748): Re-enable when it works again.
# gpu_kernel_library(
# name = "gpu_bias_add_lib",
@@ -1016,17 +990,3 @@
],
unroll_factors = "4",
)
-
-cpu_kernel_library(
- name = "cpu_add_v2_lib",
- op = "add_v2",
- tile_size = "1024",
- types = [
- "f16",
- "f32",
- "f64",
- "i32",
- "i64",
- ],
- unroll_factors = "4",
-)
diff --git a/tensorflow/core/kernels/mlir_generated/cpu_binary_ops_test.cc b/tensorflow/core/kernels/mlir_generated/cpu_binary_ops_test.cc
deleted file mode 100644
index 1e566f9..0000000
--- a/tensorflow/core/kernels/mlir_generated/cpu_binary_ops_test.cc
+++ /dev/null
@@ -1,52 +0,0 @@
-/* Copyright 2021 The TensorFlow Authors. All Rights Reserved.
-
-Licensed under the Apache License, Version 2.0 (the "License");
-you may not use this file except in compliance with the License.
-You may obtain a copy of the License at
-
- http://www.apache.org/licenses/LICENSE-2.0
-
-Unless required by applicable law or agreed to in writing, software
-distributed under the License is distributed on an "AS IS" BASIS,
-WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
-See the License for the specific language governing permissions and
-limitations under the License.
-==============================================================================*/
-
-#include "tensorflow/core/common_runtime/device.h"
-#include "tensorflow/core/common_runtime/device_factory.h"
-#include "tensorflow/core/kernels/mlir_generated/base_binary_ops_test.h"
-#include "tensorflow/core/kernels/mlir_generated/base_ops_test.h"
-
-namespace tensorflow {
-namespace {
-
-// Test fixture `BinaryOpsTest` that sets the TF device is expected by the TEST
-// macros below.
-class BinaryOpsTest : public BinaryOpsTestBase {
- protected:
- void SetUp() override {
- std::unique_ptr<tensorflow::Device> device_cpu(
- tensorflow::DeviceFactory::NewDevice("CPU", {},
- "/job:a/replica:0/task:0"));
- SetDevice(tensorflow::DEVICE_CPU, std::move(device_cpu));
- }
-};
-
-/// Test `tf.AddV2`.
-
-template <typename T>
-T baseline_add(T lhs, T rhs) {
- return lhs + rhs;
-}
-
-GENERATE_DEFAULT_TESTS(AddV2, /*test_name=*/Half, Eigen::half, Eigen::half,
- baseline_add)
-GENERATE_DEFAULT_TESTS(AddV2, /*test_name=*/Float, float, float, baseline_add)
-GENERATE_DEFAULT_TESTS(AddV2, /*test_name=*/Double, double, double,
- baseline_add)
-GENERATE_DEFAULT_TESTS(AddV2, /*test_name=*/Int32, int32, int32, baseline_add)
-GENERATE_DEFAULT_TESTS(AddV2, /*test_name=*/Int64, int64, int64, baseline_add)
-
-} // namespace
-} // namespace tensorflow
diff --git a/tensorflow/core/kernels/mlir_generated/cpu_op_add.cc b/tensorflow/core/kernels/mlir_generated/cpu_op_add.cc
deleted file mode 100644
index c1d064e..0000000
--- a/tensorflow/core/kernels/mlir_generated/cpu_op_add.cc
+++ /dev/null
@@ -1,26 +0,0 @@
-/* Copyright 2021 The TensorFlow Authors. All Rights Reserved.
-
-Licensed under the Apache License, Version 2.0 (the "License");
-you may not use this file except in compliance with the License.
-You may obtain a copy of the License at
-
- http://www.apache.org/licenses/LICENSE-2.0
-
-Unless required by applicable law or agreed to in writing, software
-distributed under the License is distributed on an "AS IS" BASIS,
-WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
-See the License for the specific language governing permissions and
-limitations under the License.
-==============================================================================*/
-#include "third_party/eigen3/unsupported/Eigen/CXX11/Tensor"
-#include "tensorflow/core/kernels/mlir_generated/base_cpu_op.h"
-
-namespace tensorflow {
-
-GENERATE_AND_REGISTER_BINARY_CPU_KERNEL(AddV2, f16, DT_HALF, Eigen::half);
-GENERATE_AND_REGISTER_BINARY_CPU_KERNEL(AddV2, f32, DT_FLOAT, float);
-GENERATE_AND_REGISTER_BINARY_CPU_KERNEL(AddV2, f64, DT_DOUBLE, double);
-GENERATE_AND_REGISTER_BINARY_CPU_KERNEL(AddV2, i32, DT_INT32, int32);
-GENERATE_AND_REGISTER_BINARY_CPU_KERNEL(AddV2, i64, DT_INT64, int64);
-
-} // namespace tensorflow