PiperOrigin-RevId: 244895975
This commit is contained in:
A. Unique TensorFlower 2019-04-23 11:48:55 -07:00 committed by TensorFlower Gardener
parent df72d996d3
commit 3bd15c9e72
19 changed files with 325 additions and 239 deletions

View File

@ -36,6 +36,7 @@ py_binary(
name = "make_test_graphs",
testonly = 1,
srcs = ["make_test_graphs.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
"//tensorflow/core:protos_all_py",

View File

@ -65,6 +65,7 @@ py_test(
name = "xla_test_test",
size = "small",
srcs = ["xla_test_test.py"],
python_version = "PY2",
deps = [
":xla_test",
],

View File

@ -68,6 +68,7 @@ py_test(
name = "zero_out_1_test",
size = "small",
srcs = ["zero_out_1_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = ["notap"],
deps = [
@ -80,6 +81,7 @@ py_test(
name = "zero_out_2_test",
size = "small",
srcs = ["zero_out_2_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = ["notap"],
deps = [
@ -93,6 +95,7 @@ py_test(
name = "zero_out_3_test",
size = "small",
srcs = ["zero_out_3_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = ["notap"],
deps = [
@ -120,6 +123,7 @@ py_test(
size = "small",
srcs = ["cuda_op_test.py"],
exec_compatible_with = tf_exec_compatible_with({"tags": tf_cuda_tests_tags()}),
python_version = "PY2",
srcs_version = "PY2AND3",
tags = tf_cuda_tests_tags() + ["notap"],
deps = [
@ -132,6 +136,7 @@ py_test(
name = "fact_test",
size = "small",
srcs = ["fact_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = ["//tensorflow:tensorflow_py"],
)

View File

@ -57,6 +57,7 @@ py_binary(
name = "label_image_py",
srcs = ["label_image.py"],
main = "label_image.py",
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
"//tensorflow:tensorflow_py",

View File

@ -19,6 +19,7 @@ test_suite(
py_test(
name = "mnist",
srcs = ["mnist.py"],
python_version = "PY2",
tags = [
"manual",
"no_oss",

View File

@ -50,6 +50,7 @@ py_binary(
srcs = [
"fully_connected_feed.py",
],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = ["optonly"],
deps = [
@ -64,6 +65,7 @@ py_binary(
srcs = [
"mnist_with_summaries.py",
],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":input_data",
@ -82,6 +84,7 @@ py_binary(
srcs = [
"mnist_softmax_xla.py",
],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":input_data",
@ -100,6 +103,7 @@ py_test(
"--max_steps=10",
],
main = "fully_connected_feed.py",
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":input_data",
@ -120,6 +124,7 @@ py_test(
"--learning_rate=0.00",
],
main = "mnist_with_summaries.py",
python_version = "PY2",
srcs_version = "PY2AND3",
tags = ["notsan"], # http://b/29184009
deps = [

View File

@ -36,6 +36,7 @@ py_test(
name = "unidirectional_sequence_lstm_test",
size = "large",
srcs = ["unidirectional_sequence_lstm_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -58,6 +59,7 @@ py_test(
name = "unidirectional_sequence_rnn_test",
size = "large",
srcs = ["unidirectional_sequence_rnn_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -80,6 +82,7 @@ py_test(
name = "bidirectional_sequence_lstm_test",
size = "large",
srcs = ["bidirectional_sequence_lstm_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -102,6 +105,7 @@ py_test(
name = "bidirectional_sequence_rnn_test",
size = "large",
srcs = ["bidirectional_sequence_rnn_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",

View File

@ -21,6 +21,7 @@ py_test(
name = "interpreter_test",
srcs = ["interpreter_test.py"],
data = ["//tensorflow/lite/python/testdata:interpreter_test_data"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_windows",
@ -37,6 +38,7 @@ py_test(
py_binary(
name = "tflite_convert",
srcs = ["tflite_convert.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
visibility = ["//visibility:public"],
deps = [":tflite_convert_main_lib"],
@ -86,6 +88,7 @@ py_test(
name = "lite_test",
srcs = ["lite_test.py"],
data = ["@tflite_mobilenet_ssd_quant_protobuf//:tflite_graph.pb"],
python_version = "PY2",
shard_count = 4,
srcs_version = "PY2AND3",
tags = [
@ -101,6 +104,7 @@ py_test(
py_test(
name = "lite_v2_test",
srcs = ["lite_v2_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_windows",
@ -115,6 +119,7 @@ py_test(
py_test(
name = "lite_flex_test",
srcs = ["lite_flex_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
# TODO(b/111881877): Enable in oss after resolving op registry issues.
@ -145,6 +150,7 @@ py_library(
py_test(
name = "util_test",
srcs = ["util_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_windows",
@ -210,6 +216,7 @@ py_library(
py_test(
name = "convert_test",
srcs = ["convert_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":convert",
@ -241,6 +248,7 @@ py_library(
py_test(
name = "convert_saved_model_test",
srcs = ["convert_saved_model_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_windows",
@ -262,6 +270,7 @@ py_test(
py_binary(
name = "create_custom_op",
srcs = ["create_custom_op.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
visibility = ["//visibility:public"],
deps = [

View File

@ -10,6 +10,7 @@ load("//tensorflow/lite:special_rules.bzl", "tflite_portable_test_suite")
py_binary(
name = "upgrade_schema",
srcs = ["upgrade_schema.py"],
python_version = "PY2",
deps = [":upgrade_schema_main_lib"],
)
@ -35,6 +36,7 @@ py_test(
name = "upgrade_schema_test",
size = "small",
srcs = ["upgrade_schema_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"manual",

View File

@ -61,6 +61,7 @@ tf_py_wrap_cc(
py_binary(
name = "toco_from_protos",
srcs = ["toco_from_protos.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":tensorflow_wrap_toco",

View File

@ -14,6 +14,7 @@ py_binary(
"dataset.py",
"mnist_tflite.py",
],
python_version = "PY2",
deps = [
"//tensorflow:tensorflow_py",
],

View File

@ -1,261 +1,261 @@
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/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/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/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/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/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/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/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/TypeCastingAVX512.h
tensorflow/third_party/eigen3/unsupported/Eigen/CXX11/src/FixedPoint/PacketMathAVX2.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/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/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/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/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/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/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/third_party/astor.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/curl.BUILD
tensorflow/third_party/arm_neon_2_x86_sse.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/googleapis.BUILD
tensorflow/third_party/mpi_collectives/BUILD
tensorflow/third_party/nanopb.BUILD
tensorflow/third_party/gif.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/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/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/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/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/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/python_runtime/BUILD
tensorflow/third_party/googleapis.BUILD
tensorflow/third_party/wrapt.BUILD
tensorflow/third_party/boringssl/BUILD
tensorflow/third_party/protobuf/BUILD
tensorflow/third_party/backports_weakref.BUILD
tensorflow/third_party/tflite_smartreply.BUILD
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/stream_executor/build_defs.bzl
tensorflow/api_template_v1.__init__.py
tensorflow/compat_template_v1.__init__.py
tensorflow/compat_template.__init__.py
tensorflow/api_template.__init__.py
tensorflow/__init__.py
tensorflow/compat_template_v1.__init__.py

View File

@ -9,6 +9,7 @@ load("//tensorflow:tensorflow.bzl", "py_test")
py_test(
name = "meta_benchmark",
srcs = ["meta_benchmark.py"],
python_version = "PY2",
deps = [
"//tensorflow/python:client_testlib",
"//tensorflow/python:session",
@ -31,6 +32,7 @@ py_library(
py_test(
name = "batch_benchmark",
srcs = ["batch_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",
@ -43,6 +45,7 @@ py_test(
py_test(
name = "filter_benchmark",
srcs = ["filter_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",
@ -53,6 +56,7 @@ py_test(
py_test(
name = "from_tensor_slices_benchmark",
srcs = ["from_tensor_slices_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",
@ -64,6 +68,7 @@ py_test(
py_test(
name = "list_files_benchmark",
srcs = ["list_files_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",
@ -79,6 +84,7 @@ py_test(
py_test(
name = "map_benchmark",
srcs = ["map_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",
@ -89,6 +95,7 @@ py_test(
py_test(
name = "range_benchmark",
srcs = ["range_benchmark.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":benchmark_base",

View File

@ -33,6 +33,7 @@ py_test(
name = "batch_dataset_serialization_test",
size = "medium",
srcs = ["batch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -54,6 +55,7 @@ py_test(
name = "cache_dataset_serialization_test",
size = "small",
srcs = ["cache_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -73,6 +75,7 @@ py_test(
name = "checkpoint_input_pipeline_hook_test",
size = "small",
srcs = ["checkpoint_input_pipeline_hook_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_pip",
@ -97,6 +100,7 @@ py_test(
name = "choose_fastest_branch_dataset_serialization_test",
size = "medium",
srcs = ["choose_fastest_branch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -118,6 +122,7 @@ py_test(
name = "choose_fastest_dataset_serialization_test",
size = "small",
srcs = ["choose_fastest_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -136,6 +141,7 @@ py_test(
name = "concatenate_dataset_serialization_test",
size = "small",
srcs = ["concatenate_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -154,6 +160,7 @@ py_test(
name = "csv_dataset_serialization_test",
size = "small",
srcs = ["csv_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -172,6 +179,7 @@ py_test(
name = "dataset_constructor_serialization_test",
size = "medium",
srcs = ["dataset_constructor_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -191,6 +199,7 @@ py_test(
name = "auto_shard_dataset_serialization_test",
size = "medium",
srcs = ["auto_shard_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -214,6 +223,7 @@ py_test(
name = "filter_dataset_serialization_test",
size = "medium",
srcs = ["filter_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -234,6 +244,7 @@ py_test(
name = "fixed_length_record_dataset_serialization_test",
size = "medium",
srcs = ["fixed_length_record_dataset_serialization_test.py"],
python_version = "PY2",
shard_count = 4,
srcs_version = "PY2AND3",
tags = [
@ -253,6 +264,7 @@ py_test(
name = "flat_map_dataset_serialization_test",
size = "medium",
srcs = ["flat_map_dataset_serialization_test.py"],
python_version = "PY2",
tags = [
"no_oss",
"no_pip",
@ -278,6 +290,7 @@ py_test(
name = "group_by_reducer_serialization_test",
size = "medium",
srcs = ["group_by_reducer_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -297,6 +310,7 @@ py_test(
name = "group_by_window_serialization_test",
size = "medium",
srcs = ["group_by_window_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -316,6 +330,7 @@ py_test(
name = "ignore_errors_serialization_test",
size = "small",
srcs = ["ignore_errors_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -336,6 +351,7 @@ py_test(
name = "interleave_dataset_serialization_test",
size = "medium",
srcs = ["interleave_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -357,6 +373,7 @@ py_test(
name = "map_and_batch_dataset_serialization_test",
size = "medium",
srcs = ["map_and_batch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -376,6 +393,7 @@ py_test(
name = "numa_map_and_batch_dataset_serialization_test",
size = "medium",
srcs = ["numa_map_and_batch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss", # b/118497483
@ -396,6 +414,7 @@ py_test(
name = "map_dataset_serialization_test",
size = "medium",
srcs = ["map_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -422,6 +441,7 @@ py_test(
name = "matching_files_dataset_serialization_test",
size = "small",
srcs = ["matching_files_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_windows",
@ -439,6 +459,7 @@ py_test(
name = "optimize_dataset_serialization_test",
size = "small",
srcs = ["optimize_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -457,6 +478,7 @@ py_test(
name = "rebatch_dataset_serialization_test",
size = "small",
srcs = ["rebatch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -475,6 +497,7 @@ py_test(
name = "padded_batch_dataset_serialization_test",
size = "medium",
srcs = ["padded_batch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -495,6 +518,7 @@ py_test(
name = "parallel_interleave_dataset_serialization_test",
size = "medium",
srcs = ["parallel_interleave_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -516,6 +540,7 @@ py_test(
name = "parallel_map_dataset_serialization_test",
size = "medium",
srcs = ["parallel_map_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -541,6 +566,7 @@ py_test(
name = "parse_example_dataset_serialization_test",
size = "medium",
srcs = ["parse_example_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -558,6 +584,7 @@ py_test(
name = "prefetch_dataset_serialization_test",
size = "small",
srcs = ["prefetch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -575,6 +602,7 @@ py_test(
name = "range_dataset_serialization_test",
size = "small",
srcs = ["range_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -599,6 +627,7 @@ py_test(
name = "sample_from_datasets_serialization_test",
size = "medium",
srcs = ["sample_from_datasets_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -617,6 +646,7 @@ py_test(
name = "scan_dataset_serialization_test",
size = "small",
srcs = ["scan_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -635,6 +665,7 @@ py_test(
name = "sequence_dataset_serialization_test",
size = "medium",
srcs = ["sequence_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -653,6 +684,7 @@ py_test(
name = "serialization_integration_test",
size = "small",
srcs = ["serialization_integration_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -672,6 +704,7 @@ py_test(
name = "shard_dataset_serialization_test",
size = "medium",
srcs = ["shard_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -690,6 +723,7 @@ py_test(
name = "shuffle_and_repeat_dataset_serialization_test",
size = "medium",
srcs = ["shuffle_and_repeat_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -708,6 +742,7 @@ py_test(
name = "shuffle_dataset_serialization_test",
size = "medium",
srcs = ["shuffle_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -728,6 +763,7 @@ py_test(
name = "sql_dataset_serialization_test",
size = "small",
srcs = ["sql_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -748,6 +784,7 @@ py_test(
name = "stats_dataset_serialization_test",
size = "medium",
srcs = ["stats_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -769,6 +806,7 @@ py_test(
name = "take_while_dataset_serialization_test",
size = "small",
srcs = ["take_while_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -788,6 +826,7 @@ py_test(
name = "textline_dataset_serialization_test",
size = "medium",
srcs = ["textline_dataset_serialization_test.py"],
python_version = "PY2",
shard_count = 4,
srcs_version = "PY2AND3",
tags = [
@ -807,6 +846,7 @@ py_test(
name = "tf_record_dataset_serialization_test",
size = "medium",
srcs = ["tf_record_dataset_serialization_test.py"],
python_version = "PY2",
shard_count = 4,
srcs_version = "PY2AND3",
tags = [
@ -826,6 +866,7 @@ py_test(
name = "unbatch_dataset_serialization_test",
size = "medium",
srcs = ["unbatch_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -845,6 +886,7 @@ py_test(
name = "unique_dataset_serialization_test",
size = "small",
srcs = ["unique_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",
@ -863,6 +905,7 @@ py_test(
name = "zip_dataset_serialization_test",
size = "small",
srcs = ["zip_dataset_serialization_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
tags = [
"no_oss",

View File

@ -42,6 +42,7 @@ py_test(
name = "util_test",
size = "small",
srcs = ["util_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
":losses",

View File

@ -40,6 +40,7 @@ py_library(
py_test(
name = "print_model_analysis_test",
srcs = ["print_model_analysis_test.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = [
"//tensorflow/core/profiler:protos_all_py",

View File

@ -7,5 +7,6 @@ licenses(["notice"]) # Apache 2.0
py_binary(
name = "gen_build_info",
srcs = ["gen_build_info.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
)

View File

@ -10,6 +10,7 @@ exports_files(["LICENSE"])
py_binary(
name = "simple_console",
srcs = ["simple_console.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
deps = ["//tensorflow:tensorflow_py"],
)

View File

@ -9,5 +9,6 @@ licenses(["notice"]) # Apache 2.0
py_binary(
name = "gen_git_source",
srcs = ["gen_git_source.py"],
python_version = "PY2",
srcs_version = "PY2AND3",
)