Adjust structure of all BUILD files to recommended style (https://docs.bazel.build/versions/master/skylark/build-style.html#file-structure), moving loads to top.

PiperOrigin-RevId: 255176630
This commit is contained in:
A. Unique TensorFlower 2019-06-26 06:36:39 -07:00 committed by TensorFlower Gardener
parent 107c9e2d1a
commit be4c8aca31
23 changed files with 134 additions and 161 deletions
tensorflow
cc/saved_model
compiler/tf2xla
contrib/session_bundle
core
BUILD
distributed_runtime/rpc
kernels/data/experimental
profiler
internal
lib
util
rpc
tensor_bundle
lite
delegates
gpu
gl/converters
java/src/main/native
nnapi
examples/label_image
experimental
c
micro/examples/micro_vision
python/interpreter_wrapper
tools/accuracy/ilsvrc
python
BUILD
feature_column
kernel_tests

View File

@ -1,13 +1,6 @@
# Description:
# TensorFlow SavedModel.
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
exports_files(["LICENSE"])
load(
"//tensorflow:tensorflow.bzl",
"if_android",
@ -22,6 +15,13 @@ load(
"if_static_and_not_mobile",
)
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
exports_files(["LICENSE"])
cc_library(
name = "constants",
hdrs = ["constants.h"],

View File

@ -1,4 +1,10 @@
load("//tensorflow:tensorflow.bzl", "tf_cc_binary", "tf_cc_test", "tf_cuda_cc_test")
load(
"//tensorflow/core:platform/default/cuda_build_defs.bzl",
"if_cuda_is_configured",
)
load("//tensorflow/compiler/xla:xla.bzl", "xla_proto_library", "xla_py_proto_library")
load("//tensorflow:tensorflow.bzl", "tf_portable_proto_library")
package(
default_visibility = [":internal"],
@ -26,13 +32,6 @@ package_group(
],
)
load(
"//tensorflow/core:platform/default/cuda_build_defs.bzl",
"if_cuda_is_configured",
)
load("//tensorflow/compiler/xla:xla.bzl", "xla_proto_library", "xla_py_proto_library")
load("//tensorflow:tensorflow.bzl", "tf_portable_proto_library")
cc_library(
name = "tf2xla_supported_ops_lib",
srcs = ["tf2xla_supported_ops.cc"],

View File

@ -1,10 +1,10 @@
load("//tensorflow:tensorflow.bzl", "tf_gen_op_wrapper_cc")
package(
default_visibility = ["//tensorflow/compiler/tf2xla:internal"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "tf_gen_op_wrapper_cc")
tf_gen_op_wrapper_cc(
name = "xla_ops_gen",
out_ops_file = "ops/xla_ops",

View File

@ -11,7 +11,7 @@ load(
"tf_cc_test",
)
load("//tensorflow/core:platform/default/build_config.bzl", "tf_proto_library")
# Placeholder for Google-internal load statements.
# Placeholder: load("//tensorflow:tensorflow.bzl", "tf_portable_proto_lib")
package(
default_visibility = ["//visibility:public"],

View File

@ -63,26 +63,6 @@
# //tensorflow/tensorflow.bzl) will include the necessary symbols in binary
# build targets.
package(
default_visibility = [
":dependency_whitelist",
"//tensorflow:internal",
"//tensorflow_models:__subpackages__",
],
licenses = ["notice"], # Apache 2.0
)
package_group(
name = "dependency_whitelist",
packages = [
"//learning/freud/topic_models/tensorflow/...",
"//quality/webanswers/brain/tokenization/custom_tf_ops/kernels/...",
],
)
# Export the BUILD file so automated tooling can check licenses
exports_files(["BUILD"])
load(
"//tensorflow:tensorflow.bzl",
"cc_header_only_library",
@ -93,10 +73,14 @@ load(
"if_mobile",
"if_not_windows",
"if_windows",
"tf_android_core_proto_headers",
"tf_android_core_proto_sources",
"tf_cc_test",
"tf_cc_test_mkl",
"tf_cc_tests",
"tf_copts",
"tf_cuda_library",
"tf_cuda_only_cc_test",
"tf_features_nomodules_if_android",
"tf_features_nomodules_if_emscripten",
"tf_gen_op_libs",
@ -106,14 +90,17 @@ load(
"tf_opts_nortti_if_emscripten",
"transitive_hdrs",
)
load("//tensorflow:tensorflow.bzl", "tf_cc_test_mkl")
load("//tensorflow:tensorflow.bzl", "if_nccl")
load("//tensorflow:tensorflow.bzl", "tensorflow_opensource_extra_deps")
# load("//tensorflow:tensorflow.bzl", "tf_android_full_lite_protos")
load("//tensorflow:tensorflow.bzl", "tf_cc_test_gpu")
load("//tensorflow:tensorflow.bzl", "tf_cc_tests_gpu")
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
# Placeholder: load("//tensorflow:tensorflow.bzl", "tf_portable_proto_lib")
load("//tensorflow:tensorflow.bzl", "tf_portable_proto_library")
load("//tensorflow:tensorflow.bzl", "tf_version_info_genrule")
load("//tensorflow:tensorflow.bzl", "if_nccl")
load("//tensorflow:tensorflow.bzl", "tensorflow_opensource_extra_deps")
load("//tensorflow:tensorflow.bzl", "tf_cuda_only_cc_test")
# For platform specific build config
load(
@ -177,6 +164,27 @@ load(
"if_mkl",
"mkl_deps",
)
# Placeholder for Google-internal load statements.
package(
default_visibility = [
":dependency_whitelist",
"//tensorflow:internal",
"//tensorflow_models:__subpackages__",
],
licenses = ["notice"], # Apache 2.0
)
package_group(
name = "dependency_whitelist",
packages = [
"//learning/freud/topic_models/tensorflow/...",
"//quality/webanswers/brain/tokenization/custom_tf_ops/kernels/...",
],
)
# Export the BUILD file so automated tooling can check licenses
exports_files(["BUILD"])
package_group(name = "experimental_access")
@ -1779,13 +1787,6 @@ cc_library(
# -----------------------------------------------------------------------------
# Public Android targets
# Android-specific BUILD targets
load(
"//tensorflow:tensorflow.bzl",
"tf_android_core_proto_headers",
"tf_android_core_proto_sources",
)
# List of protos we want on android
filegroup(
name = "android_proto_srcs",
@ -5544,9 +5545,6 @@ transitive_hdrs(
],
)
# Placeholder for Google-internal load statements.
load("//tensorflow:tensorflow.bzl", "tf_portable_proto_library")
genrule(
name = "emscripten_proto_config_lite_runtime",
outs = ["emscripten_proto_config_lite_runtime.asciipb"],

View File

@ -1,6 +1,25 @@
# Description:
# RPC communication interfaces and implementations for TensorFlow.
load(
"//tensorflow:tensorflow.bzl",
"tf_cc_test",
"tf_cuda_library",
"tf_cc_binary",
)
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_tests")
# For platform specific build config
load(
"//tensorflow/core:platform/default/build_config.bzl",
"tf_kernel_tests_linkstatic",
)
load(
"//tensorflow/core:platform/default/build_config_root.bzl",
"tf_cuda_tests_tags",
)
package(
default_visibility = [
"//tensorflow:internal",
@ -18,25 +37,6 @@ filegroup(
]),
)
load(
"//tensorflow:tensorflow.bzl",
"tf_cc_test",
"tf_cuda_library",
)
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_tests")
load("//tensorflow:tensorflow.bzl", "tf_cc_binary")
# For platform specific build config
load(
"//tensorflow/core:platform/default/build_config.bzl",
"tf_kernel_tests_linkstatic",
)
load(
"//tensorflow/core:platform/default/build_config_root.bzl",
"tf_cuda_tests_tags",
)
cc_library(
name = "grpc_util",
srcs = ["grpc_util.cc"],

View File

@ -1,6 +1,11 @@
# Description:
# Contains experimental kernels for datasets and iterators.
load(
"//tensorflow:tensorflow.bzl",
"tf_kernel_library",
)
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
@ -8,11 +13,6 @@ package(
exports_files(["LICENSE"])
load(
"//tensorflow:tensorflow.bzl",
"tf_kernel_library",
)
tf_kernel_library(
name = "assert_next_dataset_op",
srcs = ["assert_next_dataset_op.cc"],

View File

@ -1,13 +1,11 @@
load("//tensorflow:tensorflow.bzl", "tf_cc_test", "if_not_windows", "tf_cuda_library")
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "tf_cc_test")
load("//tensorflow:tensorflow.bzl", "if_not_windows")
load("//tensorflow:tensorflow.bzl", "tf_cuda_library")
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
cc_library(
name = "tfprof_stats",
srcs = ["tfprof_stats.cc"],

View File

@ -1,14 +1,14 @@
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
)
load(
"//tensorflow:tensorflow.bzl",
"tf_cuda_library",
)
load("//tensorflow:tensorflow.bzl", "tf_cuda_cc_test")
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
)
tf_cuda_library(
name = "host_tracer",
srcs = [

View File

@ -1,11 +1,3 @@
package(
default_visibility = [
"//tensorflow:internal",
"//tensorflow_models:__subpackages__",
],
licenses = ["notice"], # Apache 2.0
)
load(
"//tensorflow:tensorflow.bzl",
"tf_cuda_library",
@ -15,6 +7,14 @@ load(
"tf_additional_profiler_lib_deps",
)
package(
default_visibility = [
"//tensorflow:internal",
"//tensorflow_models:__subpackages__",
],
licenses = ["notice"], # Apache 2.0
)
tf_cuda_library(
name = "profiler_session",
srcs = [

View File

@ -1,10 +1,10 @@
load("//tensorflow:tensorflow.bzl", "tf_cc_test")
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "tf_cc_test")
cc_library(
name = "call_container",
hdrs = ["call_container.h"],

View File

@ -1,11 +1,6 @@
# Description:
# Tensor bundle: a module to efficiently serialize and deserialize tensors.
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load(
"//tensorflow:tensorflow.bzl",
"cc_header_only_library",
@ -14,6 +9,11 @@ load(
"tf_copts",
)
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
# To be exported to tensorflow/core:mobile_srcs.
filegroup(
name = "mobile_srcs",

View File

@ -1,10 +1,10 @@
load("//tensorflow/lite:special_rules.bzl", "tflite_portable_test_suite")
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow/lite:special_rules.bzl", "tflite_portable_test_suite")
cc_library(
name = "util",
hdrs = ["util.h"],

View File

@ -2,13 +2,13 @@
# Java Native Interface (JNI) library intended for implementing the
# TensorFlow Lite GPU delegate Java API using the TensorFlow Lite CC library.
load("//tensorflow/lite:build_def.bzl", "tflite_copts")
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow/lite:build_def.bzl", "tflite_copts")
cc_library(
name = "native",
srcs = ["gpu_delegate_jni.cc"],

View File

@ -1,3 +1,5 @@
load("//tensorflow/lite:special_rules.bzl", "tflite_portable_test_suite")
package(
default_visibility = [
"//visibility:public",
@ -5,8 +7,6 @@ package(
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow/lite:special_rules.bzl", "tflite_portable_test_suite")
cc_library(
name = "nnapi_delegate",
srcs = select({

View File

@ -1,13 +1,13 @@
# Description:
# TensorFlow Lite Example Label Image.
load("//tensorflow/lite:build_def.bzl", "tflite_linkopts")
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow/lite:build_def.bzl", "tflite_linkopts")
exports_files(glob([
"testdata/*.bmp",
]))

View File

@ -1,3 +1,9 @@
load(
"//tensorflow/lite:build_def.bzl",
"tflite_cc_shared_object",
"tflite_copts",
)
package(
default_visibility = [":experimental"],
licenses = ["notice"], # Apache 2.0
@ -11,12 +17,6 @@ package_group(
],
)
load(
"//tensorflow/lite:build_def.bzl",
"tflite_cc_shared_object",
"tflite_copts",
)
tflite_cc_shared_object(
name = "libtensorflowlite_c.so",
linkopts = select({

View File

@ -1,15 +1,15 @@
# Description:
# TensorFlow Lite microcontroller example.
package(default_visibility = ["//visibility:public"])
licenses(["notice"]) # Apache 2.0
load(
"//tensorflow/lite/experimental/micro/testing:micro_test.bzl",
"tflite_micro_cc_test",
)
package(default_visibility = ["//visibility:public"])
licenses(["notice"]) # Apache 2.0
cc_library(
name = "model_settings",
srcs = [

View File

@ -1,10 +1,10 @@
load("//tensorflow:tensorflow.bzl", "tf_py_wrap_cc")
package(
default_visibility = ["//visibility:public"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "tf_py_wrap_cc")
cc_library(
name = "numpy",
srcs = ["numpy.cc"],

View File

@ -1,3 +1,5 @@
load("//tensorflow/lite:build_def.bzl", "tflite_copts", "tflite_linkopts")
package(
default_visibility = [
"//visibility:public",
@ -5,8 +7,6 @@ package(
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow/lite:build_def.bzl", "tflite_copts", "tflite_linkopts")
common_linkopts = tflite_linkopts() + select({
"//conditions:default": [],
"//tensorflow:android": [

View File

@ -18,6 +18,18 @@ visibility = [
"//bazel_pip/tensorflow/lite/toco/python:__pkg__",
]
load("//tensorflow:tensorflow.bzl", "if_not_v2", "if_not_windows", "tf_cuda_library", "tf_gen_op_wrapper_py", "py_test", "tf_py_test", "py_tests", "tf_py_build_info_genrule", "tf_cc_shared_object", "tf_custom_op_library_additional_deps_impl")
load("//tensorflow:tensorflow.bzl", "tf_py_wrap_cc")
load("//tensorflow:tensorflow.bzl", "cuda_py_test")
load("//tensorflow:tensorflow.bzl", "cuda_py_tests")
load("//tensorflow/core:platform/default/build_config.bzl", "pyx_library", "tf_proto_library", "tf_proto_library_py", "tf_additional_lib_deps", "tf_additional_all_protos", "tf_protos_grappler")
load("//tensorflow/core:platform/default/build_config_root.bzl", "tf_additional_plugin_deps", "tf_additional_verbs_deps", "tf_additional_mpi_deps", "tf_additional_gdr_deps", "if_static")
load("//tensorflow/python:build_defs.bzl", "tf_gen_op_wrapper_private_py")
load(
"//third_party/ngraph:build_defs.bzl",
"if_ngraph",
)
package(
default_visibility = visibility,
licenses = ["notice"], # Apache 2.0
@ -27,37 +39,6 @@ exports_files(["LICENSE"])
exports_files(["platform/base.i"])
load("//tensorflow:tensorflow.bzl", "if_not_v2")
load("//tensorflow:tensorflow.bzl", "if_not_windows")
load("//tensorflow:tensorflow.bzl", "tf_cuda_library")
load("//tensorflow:tensorflow.bzl", "tf_gen_op_wrapper_py")
load("//tensorflow:tensorflow.bzl", "py_test")
load("//tensorflow:tensorflow.bzl", "tf_py_test")
load("//tensorflow:tensorflow.bzl", "py_tests")
load("//tensorflow:tensorflow.bzl", "tf_py_build_info_genrule")
load("//tensorflow:tensorflow.bzl", "tf_py_wrap_cc")
load("//tensorflow:tensorflow.bzl", "tf_cc_shared_object")
load("//tensorflow:tensorflow.bzl", "tf_native_cc_binary")
load("//tensorflow:tensorflow.bzl", "tf_custom_op_library_additional_deps_impl")
load("//tensorflow:tensorflow.bzl", "cuda_py_test")
load("//tensorflow:tensorflow.bzl", "cuda_py_tests")
load("//tensorflow/core:platform/default/build_config.bzl", "pyx_library")
load("//tensorflow/core:platform/default/build_config.bzl", "tf_proto_library")
load("//tensorflow/core:platform/default/build_config.bzl", "tf_proto_library_py")
load("//tensorflow/core:platform/default/build_config.bzl", "tf_additional_lib_deps")
load("//tensorflow/core:platform/default/build_config.bzl", "tf_additional_all_protos")
load("//tensorflow/core:platform/default/build_config.bzl", "tf_protos_grappler")
load("//tensorflow/core:platform/default/build_config_root.bzl", "tf_additional_plugin_deps")
load("//tensorflow/python:build_defs.bzl", "tf_gen_op_wrapper_private_py")
load("//tensorflow/core:platform/default/build_config_root.bzl", "tf_additional_verbs_deps")
load("//tensorflow/core:platform/default/build_config_root.bzl", "tf_additional_mpi_deps")
load("//tensorflow/core:platform/default/build_config_root.bzl", "tf_additional_gdr_deps")
load("//tensorflow/core:platform/default/build_config_root.bzl", "if_static")
load(
"//third_party/ngraph:build_defs.bzl",
"if_ngraph",
)
py_library(
name = "python",
srcs = ["__init__.py"],

View File

@ -1,11 +1,10 @@
load("//tensorflow:tensorflow.bzl", "py_test", "tf_py_test")
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "py_test")
load("//tensorflow:tensorflow.bzl", "tf_py_test")
py_library(
name = "feature_column_py",
srcs = ["feature_column_lib.py"],

View File

@ -1,15 +1,13 @@
# Tests of TensorFlow kernels written using the Python API.
load("//tensorflow:tensorflow.bzl", "tf_py_test", "sycl_py_test", "tf_custom_op_library")
load("//tensorflow:tensorflow.bzl", "cuda_py_test")
package(
default_visibility = ["//tensorflow:internal"],
licenses = ["notice"], # Apache 2.0
)
load("//tensorflow:tensorflow.bzl", "tf_py_test")
load("//tensorflow:tensorflow.bzl", "cuda_py_test")
load("//tensorflow:tensorflow.bzl", "sycl_py_test")
load("//tensorflow:tensorflow.bzl", "tf_custom_op_library")
# CPU only tests should use tf_py_test, GPU tests use cuda_py_test
# Please avoid the py_tests and cuda_py_tests (plural) while we
# fix the shared/overbroad dependencies.