From 39934c956a5317d48ef184ae619b623db4d6fa0d Mon Sep 17 00:00:00 2001 From: Jiri Simsa Date: Tue, 23 Apr 2019 13:37:33 -0700 Subject: [PATCH] Automated rollback of commit cfda101ca149db2d3161ca6f6c7c18cd2b006fc5 PiperOrigin-RevId: 244915689 --- .../examples/get_started/regression/BUILD | 1 - .../examples/how_tos/reading_data/BUILD | 2 - tensorflow/examples/learn/BUILD | 2 - .../saved_model/integration_tests/BUILD | 2 - tensorflow/examples/speech_commands/BUILD | 5 - tensorflow/examples/tutorials/layers/BUILD | 1 - tensorflow/examples/tutorials/word2vec/BUILD | 1 - tensorflow/lite/examples/python/BUILD | 1 - tensorflow/opensource_only.files | 470 +++++++++--------- .../python/data/experimental/benchmarks/BUILD | 12 - tensorflow/python/feature_column/BUILD | 1 - .../keras/mixed_precision/experimental/BUILD | 3 - tensorflow/python/profiler/BUILD | 1 - .../python/saved_model/model_utils/BUILD | 3 - tensorflow/python/tools/api/generator/BUILD | 3 - tensorflow/tools/common/BUILD | 2 - tensorflow/tools/test/BUILD | 2 - 17 files changed, 235 insertions(+), 277 deletions(-) diff --git a/tensorflow/examples/get_started/regression/BUILD b/tensorflow/examples/get_started/regression/BUILD index cdef25ce495..938e1faafea 100644 --- a/tensorflow/examples/get_started/regression/BUILD +++ b/tensorflow/examples/get_started/regression/BUILD @@ -12,7 +12,6 @@ py_test( "linear_regression_categorical.py", "test.py", ], - python_version = "PY2", srcs_version = "PY2AND3", tags = [ "manual", diff --git a/tensorflow/examples/how_tos/reading_data/BUILD b/tensorflow/examples/how_tos/reading_data/BUILD index b8a6ee1026a..e846b291467 100644 --- a/tensorflow/examples/how_tos/reading_data/BUILD +++ b/tensorflow/examples/how_tos/reading_data/BUILD @@ -10,7 +10,6 @@ exports_files(["LICENSE"]) py_binary( name = "convert_to_records", srcs = ["convert_to_records.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow:tensorflow_py", @@ -23,7 +22,6 @@ py_binary( srcs = [ "fully_connected_reader.py", ], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow:tensorflow_py", diff --git a/tensorflow/examples/learn/BUILD b/tensorflow/examples/learn/BUILD index d98fe96f47a..a22d55e5af7 100644 --- a/tensorflow/examples/learn/BUILD +++ b/tensorflow/examples/learn/BUILD @@ -12,7 +12,6 @@ exports_files(["LICENSE"]) py_binary( name = "iris_custom_decay_dnn", srcs = ["iris_custom_decay_dnn.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = ["//tensorflow:tensorflow_py"], ) @@ -20,7 +19,6 @@ py_binary( py_binary( name = "iris_custom_model", srcs = ["iris_custom_model.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = ["//tensorflow:tensorflow_py"], ) diff --git a/tensorflow/examples/saved_model/integration_tests/BUILD b/tensorflow/examples/saved_model/integration_tests/BUILD index c33345345f2..168241e41f9 100644 --- a/tensorflow/examples/saved_model/integration_tests/BUILD +++ b/tensorflow/examples/saved_model/integration_tests/BUILD @@ -20,7 +20,6 @@ py_binary( "use_text_embedding_in_dataset.py", "use_text_rnn_model.py", ], - python_version = "PY2", visibility = ["//tensorflow:internal"], deps = [ ":mnist_util", @@ -53,7 +52,6 @@ py_test( data = [ ":run_script", ], - python_version = "PY2", shard_count = 4, srcs_version = "PY2AND3", tags = [ diff --git a/tensorflow/examples/speech_commands/BUILD b/tensorflow/examples/speech_commands/BUILD index 775c2543e3c..e15497a3444 100644 --- a/tensorflow/examples/speech_commands/BUILD +++ b/tensorflow/examples/speech_commands/BUILD @@ -65,7 +65,6 @@ tf_py_test( py_binary( name = "train", srcs = ["train.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [":train_main_lib"], ) @@ -98,7 +97,6 @@ tf_py_test( py_binary( name = "freeze", srcs = ["freeze.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [":freeze_main_lib"], ) @@ -138,7 +136,6 @@ tf_py_test( py_binary( name = "wav_to_features", srcs = ["wav_to_features.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [":wav_to_features_main_lib"], ) @@ -178,7 +175,6 @@ tf_py_test( py_binary( name = "generate_streaming_test_wav", srcs = ["generate_streaming_test_wav.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [":generate_streaming_test_wav_main_lib"], ) @@ -233,7 +229,6 @@ tf_cc_binary( py_binary( name = "label_wav", srcs = ["label_wav.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [":label_wav_main_lib"], ) diff --git a/tensorflow/examples/tutorials/layers/BUILD b/tensorflow/examples/tutorials/layers/BUILD index e4383d155b0..aad78b18409 100644 --- a/tensorflow/examples/tutorials/layers/BUILD +++ b/tensorflow/examples/tutorials/layers/BUILD @@ -13,7 +13,6 @@ py_binary( srcs = [ "cnn_mnist.py", ], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow:tensorflow_py", diff --git a/tensorflow/examples/tutorials/word2vec/BUILD b/tensorflow/examples/tutorials/word2vec/BUILD index 5293f437dce..2e19c038bdf 100644 --- a/tensorflow/examples/tutorials/word2vec/BUILD +++ b/tensorflow/examples/tutorials/word2vec/BUILD @@ -12,7 +12,6 @@ py_binary( srcs = [ "word2vec_basic.py", ], - python_version = "PY2", srcs_version = "PY2AND3", tags = [ "no-internal-py3", diff --git a/tensorflow/lite/examples/python/BUILD b/tensorflow/lite/examples/python/BUILD index 1ea487ac9fc..a606d1aa563 100644 --- a/tensorflow/lite/examples/python/BUILD +++ b/tensorflow/lite/examples/python/BUILD @@ -6,7 +6,6 @@ py_binary( name = "label_image", srcs = ["label_image.py"], main = "label_image.py", - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/lite/python:lite", diff --git a/tensorflow/opensource_only.files b/tensorflow/opensource_only.files index 5fa015d886f..b6b9d4c171c 100644 --- a/tensorflow/opensource_only.files +++ b/tensorflow/opensource_only.files @@ -1,261 +1,261 @@ -tensorflow/third_party/systemlibs/nsync.BUILD -tensorflow/third_party/systemlibs/absl_py.absl.flags.BUILD -tensorflow/third_party/systemlibs/google_cloud_cpp.google.cloud.bigtable.BUILD -tensorflow/third_party/systemlibs/build_defs.bzl.tpl -tensorflow/third_party/systemlibs/curl.BUILD -tensorflow/third_party/systemlibs/cython.BUILD -tensorflow/third_party/systemlibs/astor.BUILD -tensorflow/third_party/systemlibs/jsoncpp.BUILD -tensorflow/third_party/systemlibs/png.BUILD -tensorflow/third_party/systemlibs/pcre.BUILD -tensorflow/third_party/systemlibs/grpc.BUILD -tensorflow/third_party/systemlibs/protobuf.BUILD -tensorflow/third_party/systemlibs/double_conversion.BUILD -tensorflow/third_party/systemlibs/six.BUILD -tensorflow/third_party/systemlibs/zlib.BUILD -tensorflow/third_party/systemlibs/lmdb.BUILD -tensorflow/third_party/systemlibs/sqlite.BUILD -tensorflow/third_party/systemlibs/gast.BUILD -tensorflow/third_party/systemlibs/absl_py.BUILD -tensorflow/third_party/systemlibs/boringssl.BUILD -tensorflow/third_party/systemlibs/BUILD.tpl -tensorflow/third_party/systemlibs/BUILD -tensorflow/third_party/systemlibs/termcolor.BUILD -tensorflow/third_party/systemlibs/gif.BUILD -tensorflow/third_party/systemlibs/protobuf.bzl -tensorflow/third_party/systemlibs/snappy.BUILD -tensorflow/third_party/systemlibs/googleapis.BUILD -tensorflow/third_party/systemlibs/google_cloud_cpp.BUILD -tensorflow/third_party/systemlibs/re2.BUILD -tensorflow/third_party/systemlibs/swig.BUILD -tensorflow/third_party/systemlibs/syslibs_configure.bzl -tensorflow/third_party/systemlibs/absl_py.absl.testing.BUILD -tensorflow/third_party/pprof.BUILD -tensorflow/third_party/toolchains/remote/execution.bzl.tpl -tensorflow/third_party/toolchains/remote/BUILD.tpl -tensorflow/third_party/toolchains/remote/BUILD -tensorflow/third_party/toolchains/remote/configure.bzl -tensorflow/third_party/toolchains/cpus/py3/BUILD -tensorflow/third_party/toolchains/cpus/py/BUILD +tensorflow/contrib/tpu/profiler/pip_package/BUILD +tensorflow/contrib/tpu/profiler/pip_package/setup.py +tensorflow/contrib/tpu/profiler/pip_package/README +tensorflow/contrib/tpu/profiler/pip_package/build_pip_package.sh +tensorflow/contrib/tpu/profiler/pip_package/cloud_tpu_profiler/main.py +tensorflow/contrib/tpu/profiler/pip_package/cloud_tpu_profiler/__init__.py +tensorflow/contrib/mpi/BUILD +tensorflow/tools/ci_build/remote/BUILD +tensorflow/tools/pip_package/README +tensorflow/tools/pip_package/MANIFEST.in +tensorflow/tools/pip_package/simple_console.py +tensorflow/tools/pip_package/build_pip_package.sh +tensorflow/tools/pip_package/check_load_py_test.py +tensorflow/tools/pip_package/pip_smoke_test.py +tensorflow/tools/pip_package/simple_console_for_windows.py +tensorflow/tools/pip_package/setup.py +tensorflow/tools/pip_package/BUILD +tensorflow/tools/lib_package/concat_licenses.sh +tensorflow/tools/lib_package/libtensorflow_test.c +tensorflow/tools/lib_package/LibTensorFlowTest.java +tensorflow/tools/lib_package/BUILD +tensorflow/tools/lib_package/libtensorflow_test.sh +tensorflow/tools/lib_package/README.md +tensorflow/tools/lib_package/libtensorflow_java_test.sh +tensorflow/tools/def_file_filter/def_file_filter_configure.bzl +tensorflow/tools/def_file_filter/BUILD +tensorflow/tools/def_file_filter/BUILD.tpl +tensorflow/tools/def_file_filter/def_file_filter.py.tpl +tensorflow/third_party/mkl/MKL_LICENSE +tensorflow/third_party/mkl/LICENSE +tensorflow/third_party/mkl/BUILD +tensorflow/third_party/mkl/mkl.BUILD +tensorflow/third_party/mkl/build_defs.bzl +tensorflow/third_party/backports_weakref.BUILD +tensorflow/third_party/toolchains/clang6/BUILD +tensorflow/third_party/toolchains/clang6/README.md +tensorflow/third_party/toolchains/clang6/repo.bzl +tensorflow/third_party/toolchains/clang6/CROSSTOOL.tpl +tensorflow/third_party/toolchains/clang6/clang.BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc7-nvcc-cuda10.0/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/py3/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda9.0/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda10.0-cudnn7/cuda/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda10.0-cudnn7/cuda/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda10.0/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda9.0-cudnn7/cuda/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda9.0-cudnn7/cuda/BUILD +tensorflow/third_party/toolchains/preconfig/centos7/tensorrt5/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/centos7/tensorrt5/BUILD +tensorflow/third_party/toolchains/preconfig/centos7/gcc7-nvcc-cuda10.0/BUILD +tensorflow/third_party/toolchains/preconfig/centos7/py3/BUILD +tensorflow/third_party/toolchains/preconfig/centos7/cuda10.0-cudnn7/cuda/BUILD +tensorflow/third_party/toolchains/preconfig/centos7/cuda10.0-cudnn7/cuda/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/generate/workspace.bzl +tensorflow/third_party/toolchains/preconfig/generate/containers.bzl +tensorflow/third_party/toolchains/preconfig/generate/generate.bzl +tensorflow/third_party/toolchains/preconfig/generate/archives.bzl +tensorflow/third_party/toolchains/preconfig/generate/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu16.04/clang/BUILD +tensorflow/third_party/toolchains/preconfig/ubuntu16.04/clang/dummy_toolchain.bzl +tensorflow/third_party/toolchains/preconfig/ubuntu16.04/py3/BUILD +tensorflow/third_party/toolchains/preconfig/centos6/cuda10.0-cudnn7/cuda/BUILD +tensorflow/third_party/toolchains/preconfig/centos6/cuda10.0-cudnn7/cuda/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/centos6/gcc7-nvcc-cuda10.0/BUILD +tensorflow/third_party/toolchains/preconfig/centos6/tensorrt5/build_defs.bzl +tensorflow/third_party/toolchains/preconfig/centos6/tensorrt5/BUILD +tensorflow/third_party/toolchains/preconfig/centos6/py3/BUILD +tensorflow/third_party/toolchains/preconfig/win_1803/bazel_018/BUILD +tensorflow/third_party/toolchains/preconfig/win_1803/bazel_018/dummy_toolchain.bzl +tensorflow/third_party/toolchains/preconfig/win_1803/py36/BUILD +tensorflow/third_party/toolchains/preconfig/win_1803/BUILD tensorflow/third_party/toolchains/cpus/arm/arm_compiler_configure.bzl tensorflow/third_party/toolchains/cpus/arm/CROSSTOOL.tpl tensorflow/third_party/toolchains/cpus/arm/BUILD +tensorflow/third_party/toolchains/cpus/py3/BUILD +tensorflow/third_party/toolchains/cpus/py/BUILD +tensorflow/third_party/toolchains/remote/configure.bzl +tensorflow/third_party/toolchains/remote/BUILD.tpl +tensorflow/third_party/toolchains/remote/BUILD +tensorflow/third_party/toolchains/remote/execution.bzl.tpl tensorflow/third_party/toolchains/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu16.04/py3/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu16.04/clang/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu16.04/clang/dummy_toolchain.bzl -tensorflow/third_party/toolchains/preconfig/win_1803/bazel_018/BUILD -tensorflow/third_party/toolchains/preconfig/win_1803/bazel_018/dummy_toolchain.bzl -tensorflow/third_party/toolchains/preconfig/win_1803/BUILD -tensorflow/third_party/toolchains/preconfig/win_1803/py36/BUILD -tensorflow/third_party/toolchains/preconfig/centos7/py3/BUILD -tensorflow/third_party/toolchains/preconfig/centos7/gcc7-nvcc-cuda10.0/BUILD -tensorflow/third_party/toolchains/preconfig/centos7/cuda10.0-cudnn7/cuda/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/centos7/cuda10.0-cudnn7/cuda/BUILD -tensorflow/third_party/toolchains/preconfig/centos7/tensorrt5/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/centos7/tensorrt5/BUILD -tensorflow/third_party/toolchains/preconfig/generate/containers.bzl -tensorflow/third_party/toolchains/preconfig/generate/workspace.bzl -tensorflow/third_party/toolchains/preconfig/generate/archives.bzl -tensorflow/third_party/toolchains/preconfig/generate/generate.bzl -tensorflow/third_party/toolchains/preconfig/generate/BUILD -tensorflow/third_party/toolchains/preconfig/centos6/py3/BUILD -tensorflow/third_party/toolchains/preconfig/centos6/gcc7-nvcc-cuda10.0/BUILD -tensorflow/third_party/toolchains/preconfig/centos6/cuda10.0-cudnn7/cuda/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/centos6/cuda10.0-cudnn7/cuda/BUILD -tensorflow/third_party/toolchains/preconfig/centos6/tensorrt5/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/centos6/tensorrt5/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/py3/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda9.0/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc7-nvcc-cuda10.0/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda10.0/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda9.0-cudnn7/cuda/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda9.0-cudnn7/cuda/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda10.0-cudnn7/cuda/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/cuda10.0-cudnn7/cuda/BUILD -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/build_defs.bzl -tensorflow/third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/BUILD -tensorflow/third_party/toolchains/clang6/repo.bzl -tensorflow/third_party/toolchains/clang6/CROSSTOOL.tpl -tensorflow/third_party/toolchains/clang6/BUILD -tensorflow/third_party/toolchains/clang6/clang.BUILD -tensorflow/third_party/toolchains/clang6/README.md -tensorflow/third_party/farmhash.BUILD -tensorflow/third_party/git/BUILD.tpl -tensorflow/third_party/git/git_configure.bzl -tensorflow/third_party/git/BUILD -tensorflow/third_party/cub.BUILD -tensorflow/third_party/gpus/cuda_configure.bzl -tensorflow/third_party/gpus/rocm/build_defs.bzl.tpl -tensorflow/third_party/gpus/rocm/BUILD.tpl -tensorflow/third_party/gpus/rocm/BUILD -tensorflow/third_party/gpus/rocm/rocm_config.h.tpl -tensorflow/third_party/gpus/rocm_configure.bzl -tensorflow/third_party/gpus/find_cuda_config.py +tensorflow/third_party/gpus/BUILD +tensorflow/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_rocm.tpl +tensorflow/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc.tpl +tensorflow/third_party/gpus/crosstool/CROSSTOOL.tpl +tensorflow/third_party/gpus/crosstool/CROSSTOOL_hipcc.tpl tensorflow/third_party/gpus/crosstool/LICENSE tensorflow/third_party/gpus/crosstool/windows/msvc_wrapper_for_nvcc.py.tpl -tensorflow/third_party/gpus/crosstool/CROSSTOOL_hipcc.tpl -tensorflow/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_is_not_gcc.tpl -tensorflow/third_party/gpus/crosstool/clang/bin/crosstool_wrapper_driver_rocm.tpl -tensorflow/third_party/gpus/crosstool/CROSSTOOL.tpl tensorflow/third_party/gpus/crosstool/BUILD.tpl tensorflow/third_party/gpus/crosstool/BUILD -tensorflow/third_party/gpus/cuda/build_defs.bzl.tpl tensorflow/third_party/gpus/cuda/LICENSE +tensorflow/third_party/gpus/cuda/BUILD.tpl tensorflow/third_party/gpus/cuda/BUILD.windows.tpl tensorflow/third_party/gpus/cuda/cuda_config.h.tpl -tensorflow/third_party/gpus/cuda/BUILD.tpl tensorflow/third_party/gpus/cuda/BUILD -tensorflow/third_party/gpus/BUILD -tensorflow/third_party/common.bzl -tensorflow/third_party/tflite_mobilenet_quant.BUILD -tensorflow/third_party/linenoise.BUILD -tensorflow/third_party/curl.BUILD -tensorflow/third_party/mkl_dnn/LICENSE -tensorflow/third_party/mkl_dnn/mkldnn.BUILD -tensorflow/third_party/fft2d/LICENSE -tensorflow/third_party/fft2d/fft2d.BUILD -tensorflow/third_party/fft2d/fft.h -tensorflow/third_party/fft2d/BUILD -tensorflow/third_party/ngraph/LICENSE -tensorflow/third_party/ngraph/build_defs.bzl -tensorflow/third_party/ngraph/tbb.BUILD -tensorflow/third_party/ngraph/ngraph.BUILD -tensorflow/third_party/ngraph/nlohmann_json.BUILD -tensorflow/third_party/ngraph/BUILD -tensorflow/third_party/ngraph/ngraph_tf.BUILD -tensorflow/third_party/ngraph/NGRAPH_LICENSE -tensorflow/third_party/grpc/BUILD +tensorflow/third_party/gpus/cuda/build_defs.bzl.tpl +tensorflow/third_party/gpus/rocm/rocm_config.h.tpl +tensorflow/third_party/gpus/rocm/BUILD +tensorflow/third_party/gpus/rocm/BUILD.tpl +tensorflow/third_party/gpus/rocm/build_defs.bzl.tpl +tensorflow/third_party/gpus/cuda_configure.bzl +tensorflow/third_party/gpus/find_cuda_config.py +tensorflow/third_party/gpus/rocm_configure.bzl +tensorflow/third_party/snappy.BUILD tensorflow/third_party/cython.BUILD -tensorflow/third_party/icu/udata.patch -tensorflow/third_party/astor.BUILD -tensorflow/third_party/jsoncpp.BUILD -tensorflow/third_party/sycl/crosstool/BUILD -tensorflow/third_party/llvm/llvm.autogenerated.BUILD -tensorflow/third_party/llvm/expand_cmake_vars.py -tensorflow/third_party/llvm/llvm.bzl -tensorflow/third_party/llvm/BUILD -tensorflow/third_party/png.BUILD -tensorflow/third_party/arm_neon_2_x86_sse.BUILD -tensorflow/third_party/codegen.BUILD -tensorflow/third_party/enum34.BUILD -tensorflow/third_party/kafka/config.patch -tensorflow/third_party/kafka/BUILD -tensorflow/third_party/pcre.BUILD -tensorflow/third_party/mpi/BUILD -tensorflow/third_party/mpi/.gitignore -tensorflow/third_party/clang_toolchain/BUILD -tensorflow/third_party/clang_toolchain/download_clang.bzl -tensorflow/third_party/clang_toolchain/cc_configure_clang.bzl -tensorflow/third_party/tflite_ovic_testdata.BUILD -tensorflow/third_party/repo.bzl -tensorflow/third_party/png_fix_rpi.patch -tensorflow/third_party/py/python_configure.bzl -tensorflow/third_party/py/BUILD.tpl -tensorflow/third_party/py/BUILD -tensorflow/third_party/py/numpy/BUILD -tensorflow/third_party/double_conversion.BUILD -tensorflow/third_party/six.BUILD -tensorflow/third_party/zlib.BUILD -tensorflow/third_party/lmdb.BUILD -tensorflow/third_party/nanopb.BUILD -tensorflow/third_party/pybind11.BUILD -tensorflow/third_party/android/android.bzl.tpl -tensorflow/third_party/android/BUILD -tensorflow/third_party/android/android_configure.BUILD.tpl -tensorflow/third_party/android/android_configure.bzl -tensorflow/third_party/tflite_mobilenet_float.BUILD -tensorflow/third_party/sqlite.BUILD -tensorflow/third_party/tensorrt/build_defs.bzl.tpl -tensorflow/third_party/tensorrt/LICENSE -tensorflow/third_party/tensorrt/tensorrt_configure.bzl -tensorflow/third_party/tensorrt/BUILD.tpl -tensorflow/third_party/tensorrt/BUILD -tensorflow/third_party/gast.BUILD -tensorflow/third_party/mpi_collectives/BUILD -tensorflow/third_party/libxsmm.BUILD -tensorflow/third_party/eigen.BUILD -tensorflow/third_party/com_google_absl.BUILD -tensorflow/third_party/eigen3/LICENSE -tensorflow/third_party/eigen3/gpu_packet_math.patch -tensorflow/third_party/eigen3/BUILD -tensorflow/third_party/eigen3/unsupported/Eigen/MatrixFunctions -tensorflow/third_party/eigen3/unsupported/Eigen/SpecialFunctions +tensorflow/third_party/farmhash.BUILD +tensorflow/third_party/eigen3/Eigen/Cholesky +tensorflow/third_party/eigen3/Eigen/QR +tensorflow/third_party/eigen3/Eigen/LU +tensorflow/third_party/eigen3/Eigen/Core +tensorflow/third_party/eigen3/Eigen/SVD +tensorflow/third_party/eigen3/Eigen/Eigenvalues +tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/FixedPoint tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/Tensor tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/PacketMathAVX512.h -tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProduct.h -tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProductAVX2.h tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/TypeCastingAVX512.h tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/PacketMathAVX2.h -tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/TypeCastingAVX2.h -tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProductNEON.h +tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProduct.h tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/FixedPointTypes.h tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatVecProduct.h -tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/FixedPoint +tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProductNEON.h +tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/TypeCastingAVX2.h +tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/MatMatProductAVX2.h tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/ThreadPool -tensorflow/third_party/eigen3/Eigen/QR -tensorflow/third_party/eigen3/Eigen/SVD -tensorflow/third_party/eigen3/Eigen/LU -tensorflow/third_party/eigen3/Eigen/Cholesky -tensorflow/third_party/eigen3/Eigen/Eigenvalues -tensorflow/third_party/eigen3/Eigen/Core -tensorflow/third_party/BUILD -tensorflow/third_party/termcolor.BUILD -tensorflow/third_party/gif.BUILD -tensorflow/third_party/tflite_mobilenet.BUILD -tensorflow/third_party/__init__.py -tensorflow/third_party/mkl/LICENSE -tensorflow/third_party/mkl/build_defs.bzl -tensorflow/third_party/mkl/mkl.BUILD -tensorflow/third_party/mkl/MKL_LICENSE -tensorflow/third_party/mkl/BUILD -tensorflow/third_party/nccl/build_defs.bzl.tpl -tensorflow/third_party/nccl/LICENSE -tensorflow/third_party/nccl/nccl_configure.bzl -tensorflow/third_party/nccl/archive.BUILD -tensorflow/third_party/nccl/BUILD -tensorflow/third_party/nccl/system.BUILD.tpl -tensorflow/third_party/snappy.BUILD +tensorflow/third_party/eigen3/unsupported/Eigen/SpecialFunctions +tensorflow/third_party/eigen3/unsupported/Eigen/MatrixFunctions +tensorflow/third_party/eigen3/gpu_packet_math.patch +tensorflow/third_party/eigen3/LICENSE +tensorflow/third_party/eigen3/BUILD +tensorflow/third_party/systemlibs/build_defs.bzl.tpl +tensorflow/third_party/systemlibs/absl_py.BUILD +tensorflow/third_party/systemlibs/curl.BUILD +tensorflow/third_party/systemlibs/termcolor.BUILD +tensorflow/third_party/systemlibs/absl_py.absl.flags.BUILD +tensorflow/third_party/systemlibs/grpc.BUILD +tensorflow/third_party/systemlibs/swig.BUILD +tensorflow/third_party/systemlibs/protobuf.bzl +tensorflow/third_party/systemlibs/protobuf.BUILD +tensorflow/third_party/systemlibs/BUILD +tensorflow/third_party/systemlibs/google_cloud_cpp.BUILD +tensorflow/third_party/systemlibs/astor.BUILD +tensorflow/third_party/systemlibs/six.BUILD +tensorflow/third_party/systemlibs/absl_py.absl.testing.BUILD +tensorflow/third_party/systemlibs/boringssl.BUILD +tensorflow/third_party/systemlibs/nsync.BUILD +tensorflow/third_party/systemlibs/google_cloud_cpp.google.cloud.bigtable.BUILD +tensorflow/third_party/systemlibs/gif.BUILD +tensorflow/third_party/systemlibs/pcre.BUILD +tensorflow/third_party/systemlibs/BUILD.tpl +tensorflow/third_party/systemlibs/snappy.BUILD +tensorflow/third_party/systemlibs/gast.BUILD +tensorflow/third_party/systemlibs/cython.BUILD +tensorflow/third_party/systemlibs/double_conversion.BUILD +tensorflow/third_party/systemlibs/zlib.BUILD +tensorflow/third_party/systemlibs/jsoncpp.BUILD +tensorflow/third_party/systemlibs/re2.BUILD +tensorflow/third_party/systemlibs/lmdb.BUILD +tensorflow/third_party/systemlibs/googleapis.BUILD +tensorflow/third_party/systemlibs/png.BUILD +tensorflow/third_party/systemlibs/syslibs_configure.bzl +tensorflow/third_party/systemlibs/sqlite.BUILD tensorflow/third_party/python_runtime/BUILD -tensorflow/third_party/googleapis.BUILD -tensorflow/third_party/wrapt.BUILD +tensorflow/third_party/sycl/crosstool/BUILD +tensorflow/third_party/ngraph/LICENSE +tensorflow/third_party/ngraph/tbb.BUILD +tensorflow/third_party/ngraph/BUILD +tensorflow/third_party/ngraph/ngraph.BUILD +tensorflow/third_party/ngraph/build_defs.bzl +tensorflow/third_party/ngraph/NGRAPH_LICENSE +tensorflow/third_party/ngraph/ngraph_tf.BUILD +tensorflow/third_party/ngraph/nlohmann_json.BUILD +tensorflow/third_party/clang_toolchain/download_clang.bzl +tensorflow/third_party/clang_toolchain/BUILD +tensorflow/third_party/clang_toolchain/cc_configure_clang.bzl +tensorflow/third_party/gast.BUILD +tensorflow/third_party/llvm/BUILD +tensorflow/third_party/llvm/expand_cmake_vars.py +tensorflow/third_party/llvm/llvm.autogenerated.BUILD +tensorflow/third_party/llvm/llvm.bzl +tensorflow/third_party/icu/udata.patch +tensorflow/third_party/nccl/archive.BUILD +tensorflow/third_party/nccl/LICENSE +tensorflow/third_party/nccl/system.BUILD.tpl +tensorflow/third_party/nccl/nccl_configure.bzl +tensorflow/third_party/nccl/build_defs.bzl.tpl +tensorflow/third_party/nccl/BUILD +tensorflow/third_party/fft2d/BUILD +tensorflow/third_party/fft2d/fft.h +tensorflow/third_party/fft2d/LICENSE +tensorflow/third_party/fft2d/fft2d.BUILD tensorflow/third_party/boringssl/BUILD -tensorflow/third_party/protobuf/BUILD -tensorflow/third_party/backports_weakref.BUILD +tensorflow/third_party/mpi/.gitignore +tensorflow/third_party/mpi/BUILD +tensorflow/third_party/tensorrt/LICENSE +tensorflow/third_party/tensorrt/BUILD +tensorflow/third_party/tensorrt/build_defs.bzl.tpl +tensorflow/third_party/tensorrt/BUILD.tpl +tensorflow/third_party/tensorrt/tensorrt_configure.bzl +tensorflow/third_party/kafka/config.patch +tensorflow/third_party/kafka/BUILD +tensorflow/third_party/android/BUILD +tensorflow/third_party/android/android.bzl.tpl +tensorflow/third_party/android/android_configure.bzl +tensorflow/third_party/android/android_configure.BUILD.tpl tensorflow/third_party/tflite_smartreply.BUILD +tensorflow/third_party/mkl_dnn/LICENSE +tensorflow/third_party/mkl_dnn/mkldnn.BUILD +tensorflow/third_party/pcre.BUILD +tensorflow/third_party/pybind11.BUILD +tensorflow/third_party/linenoise.BUILD +tensorflow/third_party/sqlite.BUILD +tensorflow/third_party/common.bzl +tensorflow/third_party/com_google_absl.BUILD +tensorflow/third_party/pprof.BUILD +tensorflow/third_party/BUILD +tensorflow/third_party/tflite_mobilenet_quant.BUILD +tensorflow/third_party/wrapt.BUILD +tensorflow/third_party/lmdb.BUILD +tensorflow/third_party/git/BUILD.tpl +tensorflow/third_party/git/BUILD +tensorflow/third_party/git/git_configure.bzl +tensorflow/third_party/protobuf/BUILD +tensorflow/third_party/enum34.BUILD +tensorflow/third_party/tflite_mobilenet.BUILD +tensorflow/third_party/py/BUILD +tensorflow/third_party/py/BUILD.tpl +tensorflow/third_party/py/numpy/BUILD +tensorflow/third_party/py/python_configure.bzl +tensorflow/third_party/termcolor.BUILD +tensorflow/third_party/png_fix_rpi.patch tensorflow/third_party/swig.BUILD -tensorflow/compat_template.__init__.py -tensorflow/tools/lib_package/libtensorflow_test.sh -tensorflow/tools/lib_package/libtensorflow_java_test.sh -tensorflow/tools/lib_package/libtensorflow_test.c -tensorflow/tools/lib_package/concat_licenses.sh -tensorflow/tools/lib_package/LibTensorFlowTest.java -tensorflow/tools/lib_package/BUILD -tensorflow/tools/lib_package/README.md -tensorflow/tools/pip_package/check_load_py_test.py -tensorflow/tools/pip_package/simple_console.py -tensorflow/tools/pip_package/pip_smoke_test.py -tensorflow/tools/pip_package/BUILD -tensorflow/tools/pip_package/simple_console_for_windows.py -tensorflow/tools/pip_package/build_pip_package.sh -tensorflow/tools/pip_package/README -tensorflow/tools/pip_package/setup.py -tensorflow/tools/pip_package/MANIFEST.in -tensorflow/tools/ci_build/remote/BUILD -tensorflow/tools/def_file_filter/def_file_filter.py.tpl -tensorflow/tools/def_file_filter/BUILD.tpl -tensorflow/tools/def_file_filter/BUILD -tensorflow/tools/def_file_filter/def_file_filter_configure.bzl -tensorflow/api_template.__init__.py -tensorflow/contrib/tpu/profiler/pip_package/BUILD -tensorflow/contrib/tpu/profiler/pip_package/cloud_tpu_profiler/__init__.py -tensorflow/contrib/tpu/profiler/pip_package/cloud_tpu_profiler/main.py -tensorflow/contrib/tpu/profiler/pip_package/build_pip_package.sh -tensorflow/contrib/tpu/profiler/pip_package/README -tensorflow/contrib/tpu/profiler/pip_package/setup.py -tensorflow/contrib/mpi/BUILD -tensorflow/__init__.py +tensorflow/third_party/astor.BUILD +tensorflow/third_party/grpc/BUILD +tensorflow/third_party/curl.BUILD +tensorflow/third_party/arm_neon_2_x86_sse.BUILD +tensorflow/third_party/png.BUILD +tensorflow/third_party/googleapis.BUILD +tensorflow/third_party/mpi_collectives/BUILD +tensorflow/third_party/nanopb.BUILD +tensorflow/third_party/gif.BUILD +tensorflow/third_party/double_conversion.BUILD +tensorflow/third_party/six.BUILD +tensorflow/third_party/tflite_mobilenet_float.BUILD +tensorflow/third_party/repo.bzl +tensorflow/third_party/codegen.BUILD +tensorflow/third_party/cub.BUILD +tensorflow/third_party/jsoncpp.BUILD +tensorflow/third_party/tflite_ovic_testdata.BUILD +tensorflow/third_party/__init__.py +tensorflow/third_party/libxsmm.BUILD +tensorflow/third_party/zlib.BUILD +tensorflow/third_party/eigen.BUILD tensorflow/stream_executor/build_defs.bzl tensorflow/api_template_v1.__init__.py -tensorflow/compat_template_v1.__init__.py \ No newline at end of file +tensorflow/compat_template_v1.__init__.py +tensorflow/compat_template.__init__.py +tensorflow/api_template.__init__.py +tensorflow/__init__.py \ No newline at end of file diff --git a/tensorflow/python/data/experimental/benchmarks/BUILD b/tensorflow/python/data/experimental/benchmarks/BUILD index 2fea4fd666d..d6b7d216228 100644 --- a/tensorflow/python/data/experimental/benchmarks/BUILD +++ b/tensorflow/python/data/experimental/benchmarks/BUILD @@ -10,7 +10,6 @@ load("//tensorflow:tensorflow.bzl", "py_test") py_test( name = "autotune_benchmark", srcs = ["autotune_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:client_testlib", @@ -26,7 +25,6 @@ py_test( py_test( name = "csv_dataset_benchmark", srcs = ["csv_dataset_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", tags = ["no_pip"], deps = [ @@ -44,7 +42,6 @@ py_test( py_test( name = "map_and_batch_benchmark", srcs = ["map_and_batch_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/core:protos_all_py", @@ -64,7 +61,6 @@ py_test( py_test( name = "map_defun_benchmark", srcs = ["map_defun_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:array_ops", @@ -81,7 +77,6 @@ py_test( py_test( name = "map_vectorization_benchmark", srcs = ["map_vectorization_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/core:protos_all_py", @@ -102,7 +97,6 @@ py_test( name = "matching_files_benchmark", size = "small", srcs = ["matching_files_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:array_ops", @@ -119,7 +113,6 @@ py_test( py_test( name = "choose_fastest_benchmark", srcs = ["choose_fastest_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:client_testlib", @@ -134,7 +127,6 @@ py_test( py_test( name = "choose_fastest_branch_benchmark", srcs = ["choose_fastest_branch_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:client_testlib", @@ -151,7 +143,6 @@ py_test( py_test( name = "optimize_benchmark", srcs = ["optimize_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:client_testlib", @@ -166,7 +157,6 @@ py_test( py_test( name = "parallel_interleave_benchmark", srcs = ["parallel_interleave_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:client_testlib", @@ -183,7 +173,6 @@ py_test( py_test( name = "rejection_resample_benchmark", srcs = ["rejection_resample_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", tags = ["no_pip"], deps = [ @@ -198,7 +187,6 @@ py_test( py_test( name = "unbatch_benchmark", srcs = ["unbatch_benchmark.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ "//tensorflow/python:array_ops", diff --git a/tensorflow/python/feature_column/BUILD b/tensorflow/python/feature_column/BUILD index e5485b2b604..ba323328b28 100644 --- a/tensorflow/python/feature_column/BUILD +++ b/tensorflow/python/feature_column/BUILD @@ -238,7 +238,6 @@ tf_py_test( py_test( name = "sequence_feature_column_integration_test", srcs = ["sequence_feature_column_integration_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", tags = ["no_pip"], deps = [ diff --git a/tensorflow/python/keras/mixed_precision/experimental/BUILD b/tensorflow/python/keras/mixed_precision/experimental/BUILD index 076227b59d1..628944c2b05 100644 --- a/tensorflow/python/keras/mixed_precision/experimental/BUILD +++ b/tensorflow/python/keras/mixed_precision/experimental/BUILD @@ -52,7 +52,6 @@ py_test( srcs = [ "policy_test.py", ], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":policy", @@ -79,7 +78,6 @@ py_test( name = "autocast_variable_test", size = "medium", srcs = ["autocast_variable_test.py"], - python_version = "PY2", deps = [ ":autocast_variable", "//tensorflow/python:client_testlib", @@ -130,7 +128,6 @@ py_test( name = "loss_scale_test", size = "medium", srcs = ["loss_scale_test.py"], - python_version = "PY2", deps = [ ":loss_scale", "//tensorflow/python:client_testlib", diff --git a/tensorflow/python/profiler/BUILD b/tensorflow/python/profiler/BUILD index f2796e43989..fcab57c12c9 100644 --- a/tensorflow/python/profiler/BUILD +++ b/tensorflow/python/profiler/BUILD @@ -147,7 +147,6 @@ py_test( size = "small", srcs = ["pprof_profiler_test.py"], main = "pprof_profiler_test.py", - python_version = "PY2", srcs_version = "PY2AND3", tags = ["no_pip"], # TODO(annarev): get it working with pip. deps = [ diff --git a/tensorflow/python/saved_model/model_utils/BUILD b/tensorflow/python/saved_model/model_utils/BUILD index 7c2a5d04b24..493574a225d 100644 --- a/tensorflow/python/saved_model/model_utils/BUILD +++ b/tensorflow/python/saved_model/model_utils/BUILD @@ -49,7 +49,6 @@ py_library( py_test( name = "export_output_test", srcs = ["export_output_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":export_output", @@ -84,7 +83,6 @@ py_library( py_test( name = "export_test", srcs = ["export_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":export_utils", @@ -111,7 +109,6 @@ py_library( py_test( name = "mode_keys_test", srcs = ["mode_keys_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":mode_keys", diff --git a/tensorflow/python/tools/api/generator/BUILD b/tensorflow/python/tools/api/generator/BUILD index 59f20d52a0c..109c71b41d0 100644 --- a/tensorflow/python/tools/api/generator/BUILD +++ b/tensorflow/python/tools/api/generator/BUILD @@ -43,7 +43,6 @@ py_test( "create_python_api.py", "create_python_api_test.py", ], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":doc_srcs", @@ -60,7 +59,6 @@ py_test( "--api_name=tensorflow", ] + KERAS_API_INIT_FILES + KERAS_API_INIT_FILES_V1 + TENSORFLOW_API_INIT_FILES + TENSORFLOW_API_INIT_FILES_V1, main = "doc_srcs_test.py", - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":doc_srcs", @@ -76,7 +74,6 @@ py_test( "api_init_files.bzl", "api_init_files_v1.bzl", ], - python_version = "PY2", srcs_version = "PY2AND3", tags = ["no_pip"], deps = [ diff --git a/tensorflow/tools/common/BUILD b/tensorflow/tools/common/BUILD index 05fc81b0d97..8c01d15a806 100644 --- a/tensorflow/tools/common/BUILD +++ b/tensorflow/tools/common/BUILD @@ -21,7 +21,6 @@ py_library( py_test( name = "public_api_test", srcs = ["public_api_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":public_api", @@ -39,7 +38,6 @@ py_library( py_test( name = "traverse_test", srcs = ["traverse_test.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":test_module1", diff --git a/tensorflow/tools/test/BUILD b/tensorflow/tools/test/BUILD index 0d26c0198ef..ef12226ec00 100644 --- a/tensorflow/tools/test/BUILD +++ b/tensorflow/tools/test/BUILD @@ -32,7 +32,6 @@ py_library( py_binary( name = "system_info", srcs = ["system_info.py"], - python_version = "PY2", srcs_version = "PY2AND3", deps = [ ":system_info_lib", @@ -56,7 +55,6 @@ py_library( py_binary( name = "run_and_gather_logs", srcs = ["run_and_gather_logs.py"], - python_version = "PY2", srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [":run_and_gather_logs_main_lib"],