# # Public targets: # ":platform" - Low-level and platform-specific Python code. load("//tensorflow:tensorflow.bzl", "py_strict_library") load("//tensorflow:tensorflow.bzl", "cc_header_only_library", "if_mlir", "if_not_windows", "if_xla_available", "py_test", "py_tests", "tf_cc_shared_object", "tf_cc_test", "tf_cuda_library", "tf_gen_op_wrapper_py") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_monitoring_python_deps") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_python_pybind_extension") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "pybind_extension") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "pywrap_tensorflow_macro") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "cuda_py_test") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "cuda_py_tests") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_external_workspace_visible") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_pybind_cc_library_wrapper") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_py_test") # buildifier: disable=same-origin-load load("//tensorflow:tensorflow.bzl", "tf_py_build_info_genrule") load("//tensorflow/core/platform:build_config.bzl", "pyx_library", "tf_additional_all_protos", "tf_additional_lib_deps", "tf_proto_library", "tf_proto_library_py", "tf_protos_grappler") # @unused load("//tensorflow/core/platform:build_config_root.bzl", "if_static", "tf_additional_plugin_deps", "tf_additional_profiler_deps", "tf_additional_xla_deps_py") load("//tensorflow/python:build_defs.bzl", "tf_gen_op_wrapper_private_py") load( "//third_party/ngraph:build_defs.bzl", "if_ngraph", ) # TODO(mdan): Break into per-directory files. visibility = [ "//engedu/ml/tf_from_scratch:__pkg__", "//third_party/cloud_tpu/convergence_tools:__subpackages__", "//third_party/mlperf:__subpackages__", "//tensorflow:internal", "//tensorflow/lite/toco/python:__pkg__", "//tensorflow_models:__subpackages__", "//tensorflow_model_optimization:__subpackages__", "//third_party/py/cleverhans:__subpackages__", "//third_party/py/reverb:__subpackages__", "//third_party/py/neural_structured_learning:__subpackages__", "//third_party/py/tensorflow_examples:__subpackages__", "//third_party/py/tf_slim:__subpackages__", # TODO(aselle): to pass open source test. "//bazel_pip/tensorflow/lite/toco/python:__pkg__", "//third_party/py/tensorflow_docs:__subpackages__", ] package( default_visibility = visibility, licenses = ["notice"], # Apache 2.0 ) exports_files(["LICENSE"]) # Description: py_library( name = "python", srcs = ["__init__.py"], srcs_version = "PY2AND3", visibility = [ "//tensorflow:__pkg__", "//tensorflow/compiler/aot/tests:__pkg__", # TODO(b/34059704): remove when fixed "//tensorflow/lite/toco/python:__pkg__", # TODO(b/34059704): remove when fixed "//tensorflow/python/debug:__pkg__", # TODO(b/34059704): remove when fixed "//tensorflow/python/tools:__pkg__", # TODO(b/34059704): remove when fixed "//tensorflow/tools/quantization:__pkg__", # TODO(b/34059704): remove when fixed ], deps = [ ":no_contrib", "//tensorflow/python/estimator:estimator_py", "//tensorflow/python/tpu:tpu_estimator", ], ) py_library( name = "keras_lib", srcs_version = "PY2AND3", visibility = [ "//tensorflow:__pkg__", "//tensorflow:internal", "//tensorflow/python/estimator:__subpackages__", "//tensorflow/python/keras:__subpackages__", "//tensorflow/python/tools:__pkg__", "//tensorflow/python/tools/api/generator:__pkg__", "//tensorflow/tools/api/tests:__pkg__", "//tensorflow/tools/compatibility/update:__pkg__", "//tensorflow_estimator:__subpackages__", ], deps = [ ":layers", ":rnn", "//tensorflow/python/feature_column:feature_column_py", "//tensorflow/python/keras", ], ) py_library( name = "no_contrib", srcs = ["__init__.py"], srcs_version = "PY2AND3", visibility = [ "//tensorflow:__pkg__", "//tensorflow/python/estimator:__subpackages__", "//tensorflow/python/keras:__subpackages__", "//tensorflow/python/tools:__pkg__", "//tensorflow/python/tools/api/generator:__pkg__", "//tensorflow/tools/api/tests:__pkg__", "//tensorflow/tools/compatibility/update:__pkg__", "//third_party/py/tensorflow_core:__subpackages__", ], deps = [ ":_pywrap_checkpoint_reader", ":_pywrap_events_writer", ":_pywrap_kernel_registry", ":_pywrap_py_exception_registry", ":_pywrap_python_op_gen", ":_pywrap_quantize_training", ":_pywrap_stacktrace_handler", ":_pywrap_stat_summarizer", ":_pywrap_tfprof", ":_pywrap_transform_graph", ":_pywrap_util_port", ":_pywrap_utils", ":array_ops", ":audio_ops_gen", ":bincount_ops", ":bitwise_ops", ":boosted_trees_ops", ":check_ops", ":client", ":client_testlib", ":clustering_ops", ":collective_ops", ":cond_v2", ":config", ":confusion_matrix", ":control_flow_ops", ":cudnn_rnn_ops_gen", ":distributed_framework_test_lib", ":errors", ":framework", ":framework_combinations", ":framework_for_generated_wrappers", ":functional_ops", ":gradient_checker", ":gradient_checker_v2", ":graph_util", ":histogram_ops", ":image_ops", ":initializers_ns", ":io_ops", ":keras_lib", ":kernels", ":lib", ":list_ops", ":manip_ops", ":map_fn", ":math_ops", ":metrics", ":nccl_ops", ":nn", ":ops", ":platform", ":proto_ops", ":pywrap_tensorflow", ":pywrap_tf_session", ":pywrap_tfe", ":rnn_ops_gen", ":saver_test_utils", ":script_ops", ":sendrecv_ops_gen", ":session_ops", ":sets", ":sparse_ops", ":standard_ops", ":state_ops", ":string_ops", ":subscribe", ":summary", ":tensor_array_ops", ":tensor_forest_ops", ":test_ops", # TODO: Break testing code out into separate rule. ":tf_cluster", ":tf_item", ":tf_optimizer", ":training", ":util", ":weights_broadcast_ops", ":while_v2", "//tensorflow/core:protos_all_py", "//tensorflow/lite/python:lite", "//tensorflow/python/compat", "//tensorflow/python/compat:v2_compat", "//tensorflow/python/compiler", "//tensorflow/python/data", "//tensorflow/python/debug:debug_py", "//tensorflow/python/distribute", "//tensorflow/python/distribute:distribute_config", "//tensorflow/python/distribute:estimator_training", "//tensorflow/python/dlpack", "//tensorflow/python/eager:def_function", "//tensorflow/python/eager:monitoring", "//tensorflow/python/eager:profiler", "//tensorflow/python/eager:profiler_client", "//tensorflow/python/eager:remote", "//tensorflow/python/module", "//tensorflow/python/ops/distributions", "//tensorflow/python/ops/linalg", "//tensorflow/python/ops/linalg/sparse", "//tensorflow/python/ops/losses", "//tensorflow/python/ops/numpy_ops:numpy", "//tensorflow/python/ops/parallel_for", "//tensorflow/python/ops/ragged", "//tensorflow/python/ops/signal", "//tensorflow/python/profiler", "//tensorflow/python/profiler:profiler_client", "//tensorflow/python/profiler:profiler_v2", "//tensorflow/python/profiler:trace", "//tensorflow/python/saved_model", "//tensorflow/python/tools:module_util", "//tensorflow/python/tools/api/generator:create_python_api", "//tensorflow/python/tpu:tpu_noestimator", "//tensorflow/python/types", "//third_party/py/numpy", ], ) # This target should only be used for API generation. py_library( name = "modules_with_exports", srcs = ["modules_with_exports.py"], srcs_version = "PY2AND3", visibility = [ "//tensorflow:__pkg__", "//tensorflow/python/tools/api/generator:__pkg__", "//third_party/py/tensorflow_core:__subpackages__", ], deps = [ ":no_contrib", ], ) # TODO(gunan): Investigate making this action hermetic so we do not need # to run it locally. tf_py_build_info_genrule( name = "py_build_info_gen", out = "platform/build_info.py", ) py_library( name = "platform_build_info", srcs = ["platform/build_info.py"], ) py_library( name = "platform", srcs = glob( [ "platform/*.py", ], exclude = [ "**/*test.py", "**/benchmark.py", # In platform_benchmark. "**/analytics.py", # In platform_analytics. "**/device_context.py", # In platform_device_context. ], ) + ["platform/build_info.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":_pywrap_util_port", ":lib", ":platform_build_info", ":pywrap_tfe", ":util", "//tensorflow/core:protos_all_py", "@absl_py//absl/flags", "@rules_python//python/runfiles", "@six_archive//:six", ], ) py_library( name = "platform_benchmark", srcs = ["platform/benchmark.py"], srcs_version = "PY2AND3", deps = [ ":client", ":platform", "@six_archive//:six", ], ) py_library( name = "platform_analytics", srcs = ["platform/analytics.py"], srcs_version = "PY2AND3", ) py_library( name = "platform_device_context", srcs = ["platform/device_context.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_ops", ":framework", ], ) py_library( name = "platform_test", srcs = ["platform/googletest.py"], srcs_version = "PY2AND3", deps = [ ":platform_benchmark", "@absl_py//absl/testing:absltest", ], ) tf_py_test( name = "resource_loader_test", size = "small", srcs = ["platform/resource_loader_test.py"], data = [ "platform/resource_loader.py", ], python_version = "PY3", tags = [ "no_pip", "no_windows", ], deps = [ ":platform", ":platform_test", ], ) tf_py_test( name = "sysconfig_test", size = "small", srcs = ["platform/sysconfig_test.py"], data = [ "platform/sysconfig.py", ], python_version = "PY3", tags = [ "no_pip", "no_windows", ], deps = [ ":platform", ":platform_test", ], ) tf_py_test( name = "flags_test", size = "small", srcs = ["platform/flags_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":platform", ], ) tf_py_test( name = "stacktrace_handler_test", size = "small", srcs = ["platform/stacktrace_handler_test.py"], python_version = "PY3", tags = [ "no_windows", "nomac", "notap", # TODO(b/137133525): enable after this is fixed. ], deps = [ ":client_testlib", ":platform", ], ) tf_py_test( name = "app_test", size = "small", srcs = ["platform/app_test.py"], python_version = "PY3", tags = ["notap"], deps = [":platform"], ) cc_library( name = "cost_analyzer_lib", srcs = ["grappler/cost_analyzer.cc"], hdrs = ["grappler/cost_analyzer.h"], deps = [ "//tensorflow/core:lib", "//tensorflow/core/grappler/costs:analytical_cost_estimator", "//tensorflow/core/grappler/costs:measuring_cost_estimator", "//tensorflow/core:protos_all_cc", "//tensorflow/core/grappler:grappler_item", "//tensorflow/core/grappler/clusters:cluster", "//tensorflow/core/grappler/costs:cost_estimator", "//tensorflow/core/grappler/costs:utils", ] + tf_protos_grappler(), alwayslink = 1, ) # Necessary for the pywrap inclusion below. Combining targets does not work # properly. tf_pybind_cc_library_wrapper( name = "cost_analyzer_headers", deps = [ ":cost_analyzer_lib", ], ) tf_python_pybind_extension( name = "_pywrap_cost_analyzer", srcs = ["grappler/cost_analyzer_wrapper.cc"], hdrs = [ "grappler/cost_analyzer.h", "//tensorflow/cc:pywrap_required_hdrs", "//tensorflow/core/grappler:pywrap_required_hdrs", "//tensorflow/core/grappler/clusters:pywrap_required_hdrs", "//tensorflow/core/grappler/costs:pywrap_required_hdrs", "//tensorflow/core/public:session.h", "//tensorflow/core/public:session_options.h", ], module_name = "_pywrap_cost_analyzer", deps = [ ":cost_analyzer_headers", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core/common_runtime/gpu:gpu_id", "@pybind11", ], ) cc_library( name = "model_analyzer_lib", srcs = ["grappler/model_analyzer.cc"], hdrs = ["grappler/model_analyzer.h"], deps = [ "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", "//tensorflow/core/grappler:grappler_item", "//tensorflow/core/grappler/costs:graph_properties", ], ) tf_python_pybind_extension( name = "_pywrap_model_analyzer", srcs = ["grappler/model_analyzer_wrapper.cc"], hdrs = [ "grappler/model_analyzer.h", "//tensorflow/core/grappler:pywrap_required_hdrs", ], module_name = "_pywrap_model_analyzer", deps = [ ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "@pybind11", ], ) cc_library( name = "numpy_lib", srcs = ["lib/core/numpy.cc"], hdrs = ["lib/core/numpy.h"], deps = [ "//third_party/py/numpy:headers", "//third_party/python_runtime:headers", ], ) cc_library( name = "bfloat16_lib", srcs = ["lib/core/bfloat16.cc"], hdrs = ["lib/core/bfloat16.h"], deps = [ ":numpy_lib", ":safe_ptr", "//tensorflow/core:framework", "//tensorflow/core:lib", "//third_party/python_runtime:headers", ], ) tf_python_pybind_extension( name = "_pywrap_bfloat16", srcs = ["lib/core/bfloat16_wrapper.cc"], hdrs = ["lib/core/bfloat16.h"], module_name = "_pywrap_bfloat16", deps = [ "//third_party/python_runtime:headers", "@pybind11", ], ) # Necessary for the pywrap inclusion below. tf_pybind_cc_library_wrapper( name = "tfcompile_headers_lib", deps = [ "//tensorflow/compiler/aot:tfcompile_lib", ], ) tf_python_pybind_extension( name = "_pywrap_tfcompile", srcs = ["tfcompile_wrapper.cc"], features = ["-layering_check"], module_name = "_pywrap_tfcompile", deps = [ ":tfcompile_headers_lib", "@pybind11", "//third_party/python_runtime:headers", ":pybind11_lib", ":pybind11_status", # The headers here cannot be brought in via cc_header_only_library "//tensorflow/compiler/aot:llvm_targets", ], ) cc_library( name = "ndarray_tensor_bridge", srcs = ["lib/core/ndarray_tensor_bridge.cc"], hdrs = ["lib/core/ndarray_tensor_bridge.h"], visibility = tf_external_workspace_visible( visibility + [ "//tensorflow:ndarray_tensor_allow_list", ], ), deps = [ ":bfloat16_lib", ":numpy_lib", "//tensorflow/c:c_api", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", ], ) cc_library( name = "py_exception_registry", srcs = ["lib/core/py_exception_registry.cc"], hdrs = ["lib/core/py_exception_registry.h"], deps = [ "//tensorflow/c:tf_status_headers", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", "//third_party/python_runtime:headers", ], alwayslink = 1, ) cc_library( name = "pybind11_absl", hdrs = ["lib/core/pybind11_absl.h"], features = ["-parse_headers"], visibility = tf_external_workspace_visible(visibility), deps = [ "//tensorflow/core/platform:stringpiece", "@pybind11", ], ) cc_library( name = "pybind11_lib", hdrs = ["lib/core/pybind11_lib.h"], features = ["-parse_headers"], visibility = tf_external_workspace_visible(visibility), deps = [ "@pybind11", ], ) cc_library( name = "pybind11_status_headers", hdrs = [ "lib/core/py_exception_registry.h", "lib/core/pybind11_status.h", "//tensorflow/c:headers", "//tensorflow/c/eager:headers", ], features = [ "-parse_headers", ], visibility = tf_external_workspace_visible(visibility), deps = [ "//tensorflow/c:tf_status_headers", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) cc_library( name = "pybind11_status", hdrs = [ "lib/core/py_exception_registry.h", "lib/core/pybind11_status.h", "//tensorflow/c:headers", ], features = ["-parse_headers"], visibility = tf_external_workspace_visible(visibility), deps = [ ":pybind11_status_headers", "//tensorflow/core:lib", ], ) cc_library( name = "pybind11_proto", hdrs = ["lib/core/pybind11_proto.h"], features = ["-parse_headers"], visibility = tf_external_workspace_visible(visibility), deps = [ "@com_google_absl//absl/strings", "@pybind11", ], ) cc_library( name = "kernel_registry", srcs = ["util/kernel_registry.cc"], hdrs = ["util/kernel_registry.h"], deps = [ "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", ], alwayslink = 1, ) py_library( name = "pywrap_tf_session", srcs = ["client/pywrap_tf_session.py"], visibility = ["//visibility:public"], deps = [ ":_pywrap_tf_session", ":pywrap_tensorflow", ], ) tf_python_pybind_extension( name = "_pywrap_tf_session", srcs = ["client/tf_session_wrapper.cc"], hdrs = [ "client/tf_session_helper.h", "lib/core/numpy.h", "lib/core/safe_ptr.h", "//tensorflow/c:headers", "//tensorflow/c:pywrap_required_hdrs", "//tensorflow/c/eager:headers", "//tensorflow/c/eager:pywrap_required_hdrs", "//tensorflow/core/common_runtime/eager:pywrap_required_hdrs", "//tensorflow/core/distributed_runtime:pywrap_required_hdrs", "//tensorflow/core/distributed_runtime/eager:pywrap_required_hdrs", "//tensorflow/core/framework:pywrap_required_hdrs", ], module_name = "_pywrap_tf_session", deps = [ ":pybind11_lib", ":pybind11_status", "//third_party/py/numpy:headers", "@pybind11", "//third_party/python_runtime:headers", "//tensorflow/core:protos_all_cc", "//tensorflow/c/experimental/saved_model/core:pywrap_required_hdrs", "//tensorflow/core:framework_headers_lib", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "@com_google_absl//absl/types:optional", ] + if_static( extra_deps = [ "//tensorflow/core/protobuf:eager_service_proto_cc", "//tensorflow/core/protobuf:master_proto_cc", "//tensorflow/core/protobuf:worker_proto_cc", "//tensorflow/core:version_lib", ], otherwise = [ "//tensorflow/core/protobuf:eager_service_proto_cc_headers_only", "//tensorflow/core/protobuf:master_proto_cc_headers_only", "//tensorflow/core/protobuf:worker_proto_cc_headers_only", ], ), ) tf_python_pybind_extension( name = "_pywrap_tfprof", srcs = ["util/tfprof_wrapper.cc"], module_name = "_pywrap_tfprof", deps = [ "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core/profiler/internal:print_model_analysis_hdr", "//third_party/eigen3", "//third_party/python_runtime:headers", "@com_google_absl//absl/strings", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_utils", srcs = ["util/util_wrapper.cc"], hdrs = ["util/util.h"], module_name = "_pywrap_utils", deps = [ ":pybind11_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_kernel_registry", srcs = ["util/kernel_registry_wrapper.cc"], hdrs = ["util/kernel_registry.h"], module_name = "_pywrap_kernel_registry", deps = [ ":pybind11_lib", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//third_party/python_runtime:headers", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_quantize_training", srcs = [ "training/quantize_training_wrapper.cc", ], hdrs = ["//tensorflow/core/common_runtime:quantize_training_hdrs"], module_name = "_pywrap_quantize_training", deps = [ ":pybind11_lib", ":pybind11_proto", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//third_party/python_runtime:headers", "@com_google_absl//absl/strings", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_stat_summarizer", srcs = ["util/stat_summarizer_wrapper.cc"], module_name = "_pywrap_stat_summarizer", deps = [ "//tensorflow/core:framework_headers_lib", "//tensorflow/core:protos_all_cc", "//third_party/eigen3", "//third_party/python_runtime:headers", "@com_google_absl//absl/memory", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_tf32_execution", srcs = ["util/tf32.cc"], module_name = "_pywrap_tf32_execution", deps = [ "//tensorflow/core/platform:tf32_utils", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_util_port", srcs = ["util/port_wrapper.cc"], hdrs = ["//tensorflow/core/util:port_hdrs"], module_name = "_pywrap_util_port", deps = [ "//tensorflow/core/util:port", "//third_party/python_runtime:headers", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_debug_events_writer", srcs = ["client/debug_events_writer_wrapper.cc"], module_name = "_pywrap_debug_events_writer", deps = [ ":pybind11_absl", ":pybind11_proto", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//third_party/python_runtime:headers", "@com_google_absl//absl/strings", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_events_writer", srcs = ["client/events_writer_wrapper.cc"], module_name = "_pywrap_events_writer", deps = [ ":pybind11_absl", ":pybind11_proto", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//third_party/python_runtime:headers", "@com_google_absl//absl/strings", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_stacktrace_handler", srcs = ["platform/stacktrace_handler_wrapper.cc"], hdrs = ["//tensorflow/core/platform:stacktrace_handler_hdrs"], module_name = "_pywrap_stacktrace_handler", deps = [ "//third_party/python_runtime:headers", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_transform_graph", srcs = ["util/transform_graph_wrapper.cc"], hdrs = ["//tensorflow/tools/graph_transforms:transform_graph_hdrs"], module_name = "_pywrap_transform_graph", deps = [ ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//third_party/python_runtime:headers", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_checkpoint_reader", srcs = ["util/py_checkpoint_reader_wrapper.cc"], hdrs = [ "lib/core/ndarray_tensor.h", "lib/core/safe_ptr.h", ":py_exception_registry_hdr", "//tensorflow/c:checkpoint_reader_hdrs", "//tensorflow/c:headers", "//tensorflow/c/eager:headers", ], module_name = "_pywrap_checkpoint_reader", deps = [ ":pybind11_lib", ":pybind11_status", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:op_gen_lib", "//tensorflow/core:protos_all_cc", "//tensorflow/core/util/tensor_bundle:tensor_bundle_headers_lib", "//third_party/py/numpy:headers", "//third_party/python_runtime:headers", "@com_google_absl//absl/strings", "@pybind11", ], ) filegroup( name = "py_exception_registry_hdr", srcs = [ "lib/core/py_exception_registry.h", ], visibility = ["//visibility:public"], ) tf_python_pybind_extension( name = "_pywrap_py_exception_registry", srcs = ["lib/core/py_exception_registry_wrapper.cc"], hdrs = [ ":py_exception_registry_hdr", "//tensorflow/c:headers", "//tensorflow/c/eager:headers", ], module_name = "_pywrap_py_exception_registry", deps = [ "//tensorflow/core:protos_all_cc", "//tensorflow/core/platform:status", "//third_party/python_runtime:headers", "@com_google_absl//absl/container:fixed_array", "@pybind11", ], ) tf_python_pybind_extension( name = "_pywrap_toco_api", srcs = [ "lite/toco_python_api_wrapper.cc", ], hdrs = ["//tensorflow/lite/toco/python:toco_python_api_hdrs"], module_name = "_pywrap_toco_api", deps = [ ":pybind11_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) cc_library( name = "cpp_python_util", srcs = ["util/util.cc"], hdrs = ["util/util.h"], deps = [ ":safe_ptr", "//tensorflow/core:lib", "//tensorflow/core:lib_internal", "//third_party/python_runtime:headers", "@com_google_absl//absl/memory", ], ) cc_library( name = "py_func_lib", srcs = ["lib/core/py_func.cc"], hdrs = ["lib/core/py_func.h"], deps = [ ":ndarray_tensor", ":ndarray_tensor_bridge", ":numpy_lib", ":py_util", ":safe_ptr", "//tensorflow/c:tf_status_helper", "//tensorflow/c/eager:c_api", "//tensorflow/c/eager:tfe_context_internal", "//tensorflow/c/eager:tfe_tensorhandle_internal", "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", "//tensorflow/core:script_ops_op_lib", "//tensorflow/core/common_runtime/eager:context", "//tensorflow/core/common_runtime/eager:tensor_handle", "//tensorflow/python/eager:pywrap_tfe_lib", "//third_party/py/numpy:headers", "//third_party/python_runtime:headers", ], alwayslink = 1, ) cc_header_only_library( name = "py_func_headers_lib", tags = ["no-ide"], deps = [ ":py_func_lib", ], ) tf_python_pybind_extension( name = "_pywrap_py_func", srcs = ["lib/core/py_func_wrapper.cc"], module_name = "_pywrap_py_func", deps = [ ":py_func_headers_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) cc_library( name = "safe_ptr", srcs = ["lib/core/safe_ptr.cc"], hdrs = ["lib/core/safe_ptr.h"], deps = [ "//tensorflow/c:c_api", "//tensorflow/c/eager:c_api", "//third_party/python_runtime:headers", ], ) cc_library( name = "ndarray_tensor_headers", hdrs = [ "lib/core/bfloat16.h", "lib/core/ndarray_tensor.h", "lib/core/ndarray_tensor_bridge.h", "lib/core/numpy.h", "lib/core/safe_ptr.h", "//tensorflow/c:headers", "//tensorflow/c:pywrap_required_hdrs", "//tensorflow/c/eager:headers", ], features = [ "-parse_headers", ], visibility = tf_external_workspace_visible(visibility + [ "//learning/deepmind/courier:__subpackages__", ]), deps = [ ":numpy_lib", "//tensorflow/c:tf_status_headers", "//tensorflow/core:framework_internal_headers_lib", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//third_party/py/numpy:headers", "//third_party/python_runtime:headers", ], ) cc_library( name = "ndarray_tensor", srcs = ["lib/core/ndarray_tensor.cc"], hdrs = ["lib/core/ndarray_tensor.h"], visibility = tf_external_workspace_visible(visibility + [ "//tensorflow:ndarray_tensor_allow_list", ]), deps = [ ":bfloat16_lib", ":ndarray_tensor_bridge", ":numpy_lib", ":safe_ptr", "//tensorflow/c:c_api", "//tensorflow/c:c_api_internal", "//tensorflow/c:tf_status_helper", "//tensorflow/c:tf_tensor_internal", "//tensorflow/c/eager:tfe_context_internal", "//tensorflow/core:framework", "//tensorflow/core:lib", ], ) cc_library( name = "py_seq_tensor", srcs = ["lib/core/py_seq_tensor.cc"], hdrs = ["lib/core/py_seq_tensor.h"], deps = [ ":ndarray_tensor", ":ndarray_tensor_bridge", ":numpy_lib", ":py_util", ":safe_ptr", "//tensorflow/c:tensor_interface", "//tensorflow/c:tf_tensor_internal", "//tensorflow/c/eager:c_api_internal", "//tensorflow/c/eager:tfe_context_internal", "//tensorflow/c/eager:tfe_tensorhandle_internal", "//tensorflow/core:framework", "//tensorflow/core:lib", "//third_party/python_runtime:headers", # build_cleaner: keep; DNR: b/35864863 ], ) cc_library( name = "py_util", srcs = ["lib/core/py_util.cc"], hdrs = ["lib/core/py_util.h"], deps = [ "//tensorflow/core:lib", "//tensorflow/core:script_ops_op_lib", "//tensorflow/core/platform:logging", "//third_party/python_runtime:headers", ], ) cc_library( name = "py_record_reader_lib", srcs = ["lib/io/py_record_reader.cc"], hdrs = ["lib/io/py_record_reader.h"], deps = [ "//tensorflow/c:c_api", "//tensorflow/c:tf_status_helper", "//tensorflow/core:lib", "//tensorflow/core:lib_internal", ], ) tf_cc_shared_object( name = "framework/test_file_system.so", srcs = ["framework/test_file_system.cc"], copts = if_not_windows(["-Wno-sign-compare"]), linkopts = select({ "//conditions:default": [ "-lm", ], "//tensorflow:macos": [], "//tensorflow:windows": [], }), deps = [ "//tensorflow/core:framework_headers_lib", "//third_party/eigen3", "@com_google_protobuf//:protobuf_headers", ], ) tf_py_test( name = "file_system_test", size = "small", srcs = ["framework/file_system_test.py"], data = [":framework/test_file_system.so"], main = "framework/file_system_test.py", python_version = "PY3", tags = [ "no_pip", # Path issues due to test environment "no_windows", "notap", ], deps = [ ":client_testlib", ":data_flow_ops", ":framework", ":framework_for_generated_wrappers", ":io_ops", ":platform", ":util", ], ) tf_py_test( name = "decorator_utils_test", srcs = ["util/decorator_utils_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":platform", ":util", ], ) tf_py_test( name = "deprecation_test", srcs = ["util/deprecation_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":platform", ":util", ], ) tf_py_test( name = "dispatch_test", srcs = ["util/dispatch_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":platform", ":util", ], ) tf_py_test( name = "keyword_args_test", srcs = ["util/keyword_args_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) cc_library( name = "python_op_gen", srcs = [ "framework/python_op_gen.cc", "framework/python_op_gen_internal.cc", ], hdrs = [ "framework/python_op_gen.h", "framework/python_op_gen_internal.h", ], visibility = ["//visibility:public"], deps = [ "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:lib_internal", "//tensorflow/core:op_gen_lib", "//tensorflow/core:protos_all_cc", "@com_google_absl//absl/strings", ], alwayslink = 1, ) cc_header_only_library( name = "python_op_gen_headers_lib", extra_deps = [ "//tensorflow/core:protos_all_cc", ], tags = ["no-ide"], deps = [ ":python_op_gen", ], ) tf_python_pybind_extension( name = "_pywrap_python_op_gen", srcs = ["framework/python_op_gen_wrapper.cc"], module_name = "_pywrap_python_op_gen", deps = [ ":pybind11_absl", ":pybind11_lib", ":python_op_gen_headers_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) cc_library( name = "python_op_gen_main", srcs = ["framework/python_op_gen_main.cc"], visibility = ["//visibility:public"], deps = [ ":python_op_gen", "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:lib_internal", "//tensorflow/core:op_gen_lib", "//tensorflow/core:protos_all_cc", ], alwayslink = 1, ) tf_cc_test( name = "python_op_gen_test", srcs = ["framework/python_op_gen_test.cc"], deps = [ ":python_op_gen", "//tensorflow/core:framework", "//tensorflow/core:op_gen_lib", "//tensorflow/core:protos_all_cc", "//tensorflow/core:test", "//tensorflow/core:test_main", ], ) py_library( name = "framework_for_generated_wrappers", srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":constant_op", ":device", ":device_spec", ":dtypes", ":framework_ops", ":function", ":op_def_library", ":op_def_registry", ":registry", ":tensor_shape", ":versions", ], ) # What is needed for tf_gen_op_wrapper_py. This is the same as # "framework_for_generated_wrappers" minus the "function" dep. This is to avoid # circular dependencies, as "function" uses generated op wrappers. py_library( name = "framework_for_generated_wrappers_v2", srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":constant_op", ":device", ":device_spec", ":dtypes", ":framework_ops", ":op_def_library", ":op_def_registry", ":registry", ":tensor_shape", ":versions", "//tensorflow/python/eager:context", "//tensorflow/python/eager:core", "//tensorflow/python/eager:execute", "//tensorflow/tools/docs:doc_controls", ], ) py_library( name = "subscribe", srcs = ["framework/subscribe.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_ops", ":platform", ":variables", ], ) py_library( name = "framework", srcs = [ "framework/framework_lib.py", "framework/graph_io.py", "framework/importer.py", "framework/load_library.py", "framework/meta_graph.py", ], srcs_version = "PY2AND3", deps = [ ":_pywrap_checkpoint_reader", ":_pywrap_debug_events_writer", ":_pywrap_events_writer", ":_pywrap_kernel_registry", ":_pywrap_py_exception_registry", ":_pywrap_py_func", # TODO(b/142001480): remove once the bug is fixed. ":_pywrap_python_op_gen", ":_pywrap_quantize_training", ":_pywrap_stacktrace_handler", ":_pywrap_stat_summarizer", ":_pywrap_tfprof", ":_pywrap_transform_graph", ":_pywrap_util_port", ":_pywrap_utils", ":composite_tensor", ":convert_to_constants", ":cpp_shape_inference_proto_py", ":errors", ":framework_fast_tensor_util", ":framework_for_generated_wrappers", ":function", ":graph_util", ":lib", ":platform", ":pywrap_tensorflow", ":pywrap_tf_session", ":pywrap_tfe", ":pywrap_mlir", ":random_seed", ":sparse_tensor", ":tensor_spec", ":tensor_util", ":type_spec", ":util", "//third_party/py/numpy", "@six_archive//:six", "//tensorflow/python/eager:context", ] + if_xla_available([ ":_pywrap_tfcompile", ]), ) py_library( name = "c_api_util", srcs = ["framework/c_api_util.py"], srcs_version = "PY2AND3", deps = [ ":pywrap_tf_session", "//tensorflow/core:protos_all_py", ], ) py_library( name = "common_shapes", srcs = ["framework/common_shapes.py"], srcs_version = "PY2AND3", deps = [ ":tensor_shape", ], ) py_library( name = "constant_op", srcs = ["framework/constant_op.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":tensor_shape", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:execute", "//tensorflow/python/profiler:traceme", ], ) py_library( name = "device_spec", srcs = ["framework/device_spec.py"], srcs_version = "PY2AND3", deps = [ ":util", ], ) py_library( name = "device", srcs = ["framework/device.py"], srcs_version = "PY2AND3", ) tf_python_pybind_extension( name = "_dtypes", srcs = ["framework/dtypes.cc"], module_name = "_dtypes", deps = [ "//tensorflow/core:framework_headers_lib", "//tensorflow/core:protos_all_cc", "//third_party/eigen3", "@pybind11", ], ) py_library( name = "dtypes", srcs = ["framework/dtypes.py"], srcs_version = "PY2AND3", deps = [ ":_dtypes", ":_pywrap_bfloat16", ":pywrap_tensorflow", "//tensorflow/core:protos_all_py", ], ) py_library( name = "errors", srcs = [ "framework/errors.py", "framework/errors_impl.py", ], srcs_version = "PY2AND3", deps = [ ":_pywrap_py_exception_registry", ":c_api_util", ":error_interpolation", ":pywrap_tf_session", ":util", ], ) py_library( name = "error_interpolation", srcs = [ "framework/error_interpolation.py", ], srcs_version = "PY2AND3", deps = [ "//tensorflow/core:protos_all_py", ], ) py_library( name = "function", srcs = ["framework/function.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":graph_to_function_def", ":op_def_registry", ":pywrap_tf_session", ":util", ":variable_scope", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", ], ) py_library( name = "graph_to_function_def", srcs = ["framework/graph_to_function_def.py"], srcs_version = "PY2AND3", deps = [ ":op_def_registry", "//tensorflow/core:protos_all_py", ], ) py_library( name = "function_def_to_graph", srcs = ["framework/function_def_to_graph.py"], srcs_version = "PY2AND3", deps = [ ":framework", ":framework_ops", ":function", ":tensor_shape", ":versions", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "function_def_to_graph_test", size = "small", srcs = ["framework/function_def_to_graph_test.py"], python_version = "PY3", tags = ["no_pip"], deps = [ ":array_ops", ":client_testlib", ":constant_op", ":dtypes", ":framework_ops", ":function", ":function_def_to_graph", ":graph_to_function_def", ":math_ops", ":op_def_library", ":test_ops", ], ) py_library( name = "graph_util", srcs = [ "framework/graph_util.py", "framework/graph_util_impl.py", ], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":platform", ":tensor_util", "//tensorflow/core:protos_all_py", ], ) py_library( name = "convert_to_constants", srcs = [ "framework/convert_to_constants.py", ], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":platform", ":tensor_util", ":tf_optimizer", "//tensorflow/core:protos_all_py", ], ) py_library( name = "kernels", srcs = [ "framework/kernels.py", ], srcs_version = "PY2AND3", deps = [ ":pywrap_tf_session", ":util", "//tensorflow/core:protos_all_py", ], ) py_library( name = "op_def_library", srcs = ["framework/op_def_library.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":op_callbacks", ":op_def_registry", ":platform", ":tensor_shape", ":util", "//tensorflow/core:protos_all_py", "@six_archive//:six", ], ) tf_python_pybind_extension( name = "_op_def_registry", srcs = ["framework/op_def_registry.cc"], module_name = "_op_def_registry", deps = [ ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:protos_all_cc", "@pybind11", ], ) py_library( name = "op_def_registry", srcs = ["framework/op_def_registry.py"], srcs_version = "PY2AND3", deps = [ ":_op_def_registry", "//tensorflow/core:protos_all_py", ], ) py_library( name = "framework_ops", # "ops" is already the name of a deprecated target srcs = ["framework/ops.py"], srcs_version = "PY2AND3", deps = [ ":c_api_util", ":control_flow_util", ":device", ":dtypes", ":error_interpolation", ":indexed_slices", ":op_def_registry", ":platform", ":registry", ":tensor_conversion_registry", ":tensor_shape", ":tf2", ":traceable_stack", ":type_spec", ":util", ":versions", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/eager:core", "//tensorflow/python/eager:monitoring", "//tensorflow/python/eager:tape", "@six_archive//:six", ], ) py_library( name = "op_callbacks", srcs = ["framework/op_callbacks.py"], srcs_version = "PY2AND3", ) cuda_py_test( name = "op_callbacks_test", srcs = ["framework/op_callbacks_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":control_flow_ops", ":framework_test_lib", ":script_ops", ":sparse_ops", ":sparse_tensor", "//tensorflow/python/eager:execute", "//tensorflow/python/eager:test", "//third_party/py/numpy", ], ) py_library( name = "indexed_slices", srcs = ["framework/indexed_slices.py"], srcs_version = "PY2AND3", deps = [ ":composite_tensor", ":dtypes", ":tensor_conversion_registry", ":tensor_shape", ":type_spec", ":util", "//tensorflow/python/eager:context", "//tensorflow/python/types", ], ) py_library( name = "tensor_conversion_registry", srcs = ["framework/tensor_conversion_registry.py"], srcs_version = "PY2AND3", deps = [ "//tensorflow/python/eager:context", ], ) py_library( name = "map_fn", srcs = ["ops/map_fn.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":control_flow_ops", ":framework_ops", ":sparse_tensor", ":tensor_array_ops", ":tensor_shape", ":util", ":variable_scope", "//tensorflow/python/eager:context", ], ) py_library( name = "func_graph", srcs = ["framework/func_graph.py"], srcs_version = "PY2AND3", deps = [ ":auto_control_deps", ":framework_ops", ":sparse_tensor", ":tensor_array_ops", "//tensorflow/python/autograph", "//tensorflow/python/eager:context", "//tensorflow/python/eager:graph_only_ops", "//tensorflow/python/eager:tape", ], ) py_library( name = "auto_control_deps", srcs = ["framework/auto_control_deps.py"], srcs_version = "PY2AND3", deps = [ ":auto_control_deps_utils", ":control_flow_ops", ":framework_ops", ":sparse_tensor", ":tensor_array_ops", ":util", ], ) py_library( name = "auto_control_deps_utils", srcs = ["framework/auto_control_deps_utils.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ], ) tf_py_test( name = "auto_control_deps_test", size = "small", srcs = ["framework/auto_control_deps_test.py"], python_version = "PY3", deps = [ ":auto_control_deps", ":client_testlib", ":sendrecv_ops_gen", ], ) py_library( name = "config", srcs = ["framework/config.py"], srcs_version = "PY2AND3", deps = [ ":framework_ops", ":util", "//tensorflow/python/eager:context", ], ) cuda_py_test( name = "config_test", size = "small", srcs = ["framework/config_test.py"], python_version = "PY3", tags = ["no_pip"], # test_ops are not available in pip. deps = [ ":client_testlib", ":config", ":constant_op", ":platform", ":test_ops", ":util", ] + tf_additional_xla_deps_py(), ) py_library( name = "random_seed", srcs = ["framework/random_seed.py"], srcs_version = "PY2AND3", deps = [ ":framework_ops", ], ) py_library( name = "registry", srcs = ["framework/registry.py"], srcs_version = "PY2AND3", deps = [ ":platform", ":util", ], ) py_library( name = "smart_cond", srcs = ["framework/smart_cond.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_ops", ":pywrap_tf_session", ":tensor_util", ], ) tf_py_test( name = "smart_cond_test", size = "small", srcs = ["framework/smart_cond_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":constant_op", ":framework_ops", ":math_ops", ":session", ":smart_cond", ], ) py_library( name = "sparse_tensor", srcs = ["framework/sparse_tensor.py"], srcs_version = "PY2AND3", deps = [ ":composite_tensor", ":dtypes", ":framework_ops", ":tensor_util", ":type_spec", "//tensorflow/python/types", ], ) py_library( name = "composite_tensor", srcs = ["framework/composite_tensor.py"], srcs_version = "PY2AND3", visibility = visibility + ["//tensorflow:composite_tensor_whitelist"], deps = [ ":dtypes", ":tensor_util", ], ) py_library( name = "composite_tensor_utils", srcs = ["framework/composite_tensor_utils.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":composite_tensor", ":sparse_ops", ":sparse_tensor", "//tensorflow/python/ops/ragged:ragged_concat_ops", "//tensorflow/python/ops/ragged:ragged_tensor", "//tensorflow/python/ops/ragged:ragged_tensor_value", "//third_party/py/numpy", ], ) py_test( name = "framework_composite_tensor_test", srcs = ["framework/composite_tensor_test.py"], main = "framework/composite_tensor_test.py", python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":composite_tensor", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_composite_tensor_utils_test", srcs = ["framework/composite_tensor_utils_test.py"], main = "framework/composite_tensor_utils_test.py", python_version = "PY3", deps = [ ":array_ops", ":composite_tensor", ":composite_tensor_utils", ":framework_test_lib", ":sparse_ops", ":sparse_tensor", "//tensorflow/python/ops/ragged:ragged_tensor", "//tensorflow/python/ops/ragged:ragged_tensor_value", "//third_party/py/numpy", ], ) py_library( name = "tensor_shape", srcs = ["framework/tensor_shape.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":tf2", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:monitoring", ], ) py_library( name = "type_spec", srcs = ["framework/type_spec.py"], srcs_version = "PY2AND3", visibility = visibility + ["//tensorflow:composite_tensor_whitelist"], deps = [ ":dtypes", ":tensor_shape", ":util", "//third_party/py/numpy", ], ) py_library( name = "tensor_spec", srcs = ["framework/tensor_spec.py"], srcs_version = "PY2AND3", deps = [ ":common_shapes", ":dtypes", ":tensor_shape", ":type_spec", ":util", "//third_party/py/numpy", ], ) py_library( name = "tensor_util", srcs = ["framework/tensor_util.py"], srcs_version = "PY2AND3", deps = [ ":tensor_shape", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/types", ], ) py_library( name = "traceable_stack", srcs = ["framework/traceable_stack.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":util", ], ) py_library( name = "versions", srcs = ["framework/versions.py"], srcs_version = "PY2AND3", deps = [ ":pywrap_tf_session", ], ) py_library( name = "extra_py_tests_deps", srcs_version = "PY2AND3", deps = [ ":keras_lib", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "gpu_util", srcs = ["framework/gpu_util.py"], deps = [], ) py_library( name = "framework_test_lib", srcs = ["framework/test_util.py"], srcs_version = "PY2AND3", visibility = visibility + [ "//tensorflow_estimator/python/estimator:__subpackages__", ], deps = [ ":_pywrap_stacktrace_handler", ":array_ops", ":client", ":errors", ":framework_for_generated_wrappers", ":gpu_util", ":platform", ":platform_test", ":pywrap_tf_session", ":random_seed", ":resource_variable_ops", ":session", ":tensor_array_ops", ":training", ":util", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:backprop", "//tensorflow/python/eager:context", "//tensorflow/python/eager:tape", "//tensorflow/python/ops/ragged:ragged_tensor", "//tensorflow/python/ops/ragged:ragged_tensor_value", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", "@six_archive//:six", ], ) # Including this as a dependency will result in tests using # :framework_test_lib to use XLA. py_library( name = "is_xla_test_true", srcs = ["framework/is_xla_test_true.py"], srcs_version = "PY2AND3", ) # Including this as a dependency will result in tests using # :framework_test_lib to use MLIR. py_library( name = "is_mlir_bridge_test_true", srcs = ["framework/is_mlir_bridge_test_true.py"], srcs_version = "PY2AND3", ) # Including this as a dependency will result in tests to use TFRT. # TODO(b/153582383): Move tf_ops_alwayslink dependency to c_api_tfrt instead. py_library( name = "is_tfrt_test_true", srcs = ["framework/is_tfrt_test_true.py"], srcs_version = "PY2AND3", ) py_library( name = "distributed_framework_test_lib", srcs_version = "PY2AND3", deps = [":framework_test_lib"], ) py_library( name = "framework_combinations", srcs = ["framework/combinations.py"], srcs_version = "PY2AND3", deps = [ ":framework_ops", ":framework_test_combinations_lib", ":tf2", ":util", "//tensorflow/python/eager:context", ], ) py_library( name = "framework_test_combinations_lib", srcs = ["framework/test_combinations.py"], srcs_version = "PY2AND3", deps = [ ":util", "@absl_py//absl/testing:parameterized", ], ) py_test( name = "test_combinations_test", srcs = ["framework/test_combinations_test.py"], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":framework_test_combinations_lib", "//tensorflow/python/eager:test", ], ) py_library( name = "client_testlib", srcs = ["platform/test.py"], srcs_version = "PY2AND3", deps = [ ":client", ":cond_v2", ":framework_test_lib", ":gradient_checker", ":gradient_checker_v2", ":platform_test", ":util", ":while_v2", ], ) py_library( name = "memory_checker", srcs = [ "framework/memory_checker.py", "framework/python_memory_checker.py", ], srcs_version = "PY2AND3", deps = [ ":_python_memory_checker_helper", "//tensorflow/python/profiler:traceme", ], ) tf_python_pybind_extension( name = "_python_memory_checker_helper", srcs = ["framework/python_memory_checker_helper.cc"], module_name = "_python_memory_checker_helper", deps = [ "@pybind11", ], ) tf_py_test( name = "framework_constant_op_test", size = "small", srcs = ["framework/constant_op_test.py"], main = "framework/constant_op_test.py", python_version = "PY3", tfrt_enabled = True, deps = [ ":constant_op", ], ) tf_py_test( name = "framework_registry_test", size = "small", srcs = ["framework/registry_test.py"], main = "framework/registry_test.py", python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", "@absl_py//absl/testing:parameterized", ], ) tf_py_test( name = "framework_errors_test", size = "small", srcs = ["framework/errors_test.py"], main = "framework/errors_test.py", python_version = "PY3", deps = [ ":client_testlib", ":errors", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_error_interpolation_test", size = "small", srcs = ["framework/error_interpolation_test.py"], main = "framework/error_interpolation_test.py", python_version = "PY3", deps = [ ":client_testlib", ":constant_op", ":error_interpolation", ":traceable_stack", ], ) tf_py_test( name = "framework_subscribe_test", size = "small", srcs = ["framework/subscribe_test.py"], main = "framework/subscribe_test.py", python_version = "PY3", deps = [ ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", ":script_ops", ":subscribe", ], ) tf_py_test( name = "build_info_test", size = "small", srcs = [ "platform/build_info.py", "platform/build_info_test.py", ], main = "platform/build_info_test.py", python_version = "PY3", tags = [ "no_pip", "notap", ], deps = [ ":client_testlib", ":platform", ], ) tf_py_test( name = "benchmark_test", size = "small", srcs = [ "platform/benchmark.py", "platform/benchmark_test.py", ], main = "platform/benchmark_test.py", python_version = "PY3", tags = [ "no_pip", ], deps = [ ":client_testlib", ":platform", ], ) tf_py_test( name = "proto_test", size = "small", srcs = ["framework/proto_test.py"], main = "framework/proto_test.py", python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) tf_gen_op_wrapper_private_py( name = "functional_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) py_library( name = "functional_ops", srcs = ["ops/functional_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":auto_control_deps_utils", ":constant_op", ":control_flow_ops", ":framework_ops", ":functional_ops_gen", ":sparse_tensor", ":tensor_array_ops", ":tensor_shape", ":util", ":variable_scope", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", ], ) py_test( name = "ops/functional_ops_test", srcs = ["ops/functional_ops_test.py"], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":client_testlib", ":dtypes", ":function", ":functional_ops", ":tensor_spec", "//tensorflow/python/eager:def_function", ], ) cuda_py_test( name = "function_test", size = "medium", srcs = ["framework/function_test.py"], python_version = "PY3", shard_count = 10, tags = [ "noasan", "optonly", ], deps = [ ":array_ops", ":client", ":client_testlib", ":clip_ops", ":control_flow_ops", ":errors", ":framework_for_generated_wrappers", ":functional_ops", ":gradients", ":init_ops", ":logging_ops", ":logging_ops_gen", ":math_ops", ":nn_ops", ":platform", ":random_ops", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "framework_versions_test", size = "small", srcs = ["framework/versions_test.py"], main = "framework/versions_test.py", python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", ], ) tf_py_test( name = "framework_importer_test", size = "large", srcs = ["framework/importer_test.py"], main = "framework/importer_test.py", python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":gradients", ":math_ops", ":nn_grad", ":nn_ops", ":random_ops", ":test_ops", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) filegroup( name = "meta_graph_testdata", srcs = [ "framework/testdata/metrics_export_meta_graph.pb", ], visibility = ["//visibility:public"], ) tf_py_test( name = "framework_meta_graph_test", size = "small", srcs = ["framework/meta_graph_test.py"], data = [":meta_graph_testdata"], main = "framework/meta_graph_test.py", python_version = "PY3", tags = [ "no_pip", "no_windows", ], deps = [ ":array_ops", ":client_testlib", ":control_flow_ops", ":data_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":metrics", ":nn_ops", ":platform", ":random_ops", ":training", ":variables", ], ) tf_py_test( name = "framework_traceable_stack_test", size = "small", srcs = ["framework/traceable_stack_test.py"], main = "framework/traceable_stack_test.py", python_version = "PY3", deps = [ ":framework_test_lib", ":platform_test", ":test_ops", ":traceable_stack", ":util", ], ) tf_gen_op_wrapper_py( name = "test_ops", out = "framework/test_ops.py", deps = [":test_ops_kernels"], ) tf_gen_op_wrapper_private_py( name = "debug_ops_gen", out = "ops/gen_debug_ops.py", visibility = ["//tensorflow/python/debug:__pkg__"], deps = ["//tensorflow/core:debug_ops_op_lib"], ) cc_library( name = "test_ops_kernels", srcs = ["framework/test_ops.cc"], linkstatic = 1, deps = [ "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", ], alwayslink = 1, ) tf_gen_op_wrapper_py( name = "test_ops_2", out = "framework/test_ops_2.py", deps = [":test_ops_2_kernels"], ) cc_library( name = "test_ops_2_kernels", srcs = ["framework/test_ops_2.cc"], linkstatic = 1, deps = ["//tensorflow/core:framework"], alwayslink = 1, ) tf_py_test( name = "framework_common_shapes_test", size = "small", srcs = ["framework/common_shapes_test.py"], main = "framework/common_shapes_test.py", python_version = "PY3", deps = [ ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_ops_test", size = "small", srcs = ["framework/ops_test.py"], main = "framework/ops_test.py", python_version = "PY3", tags = ["no_pip"], # test_ops_2 is not available in pip. tfrt_enabled = True, deps = [ ":cond_v2", ":control_flow_ops", ":errors", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":gradients", ":math_ops", ":platform_test", ":resources", ":test_ops", ":test_ops_2", ":util", ":variable_scope", ":variables", ":while_v2", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/eager:function", ], ) tf_py_test( name = "framework_ops_enable_eager_test", size = "small", srcs = ["framework/ops_enable_eager_test.py"], main = "framework/ops_enable_eager_test.py", python_version = "PY3", deps = [ ":framework", ":platform_test", "//tensorflow/python/eager:context", ], ) tf_py_test( name = "framework_tensor_shape_test", size = "small", srcs = ["framework/tensor_shape_test.py"], main = "framework/tensor_shape_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", "@absl_py//absl/testing:parameterized", ], ) tf_py_test( name = "framework_type_spec_test", size = "small", srcs = ["framework/type_spec_test.py"], main = "framework/type_spec_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", ":type_spec", "//third_party/py/numpy", ], ) tf_py_test( name = "framework_tensor_spec_test", size = "small", srcs = ["framework/tensor_spec_test.py"], main = "framework/tensor_spec_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", ":tensor_spec", "//third_party/py/numpy", ], ) tf_py_test( name = "framework_sparse_tensor_test", size = "small", srcs = ["framework/sparse_tensor_test.py"], main = "framework/sparse_tensor_test.py", python_version = "PY3", deps = [ ":array_ops", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_device_spec_test", size = "small", srcs = ["framework/device_spec_test.py"], main = "framework/device_spec_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_device_test", size = "small", srcs = ["framework/device_test.py"], main = "framework/device_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "framework_random_seed_test", size = "small", srcs = ["framework/random_seed_test.py"], main = "framework/random_seed_test.py", python_version = "PY3", deps = [ ":client_testlib", ":framework", ], ) tf_py_test( name = "framework_tensor_shape_div_test", size = "small", srcs = ["framework/tensor_shape_div_test.py"], main = "framework/tensor_shape_div_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", "@six_archive//:six", ], ) tf_py_test( name = "framework_tensor_util_test", size = "small", srcs = ["framework/tensor_util_test.py"], main = "framework/tensor_util_test.py", python_version = "PY3", tags = ["no_windows"], deps = [ ":array_ops", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":state_ops_gen", "//third_party/py/numpy", ], ) tf_py_test( name = "framework_test_util_test", size = "small", srcs = ["framework/test_util_test.py"], main = "framework/test_util_test.py", python_version = "PY3", tags = ["no_windows"], deps = [ ":control_flow_ops", ":errors", ":framework_combinations", ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", ":random_ops", ":resource_variable_ops", ":session", ":test_ops", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", ], ) tf_py_test( name = "framework_memory_checker_test", size = "medium", srcs = ["framework/memory_checker_test.py"], main = "framework/memory_checker_test.py", python_version = "PY3", shard_count = 8, tags = [ "no_oss", "no_pip", "no_windows", "noasan", # TODO(b/149948895): Re-enable. "nomsan", # TODO(b/149948895): Re-enable. "notsan", # TODO(b/149948895): Re-enable. ], deps = [ ":framework_test_lib", # TODO(kkb): Find more appropriate place to add `memory_checker` as deps # Adding directly to `framework_test_lib` caused a Colab binary size # regression b/149433910 . ":memory_checker", ":_memory_checker_test_helper", ], ) tf_python_pybind_extension( name = "_memory_checker_test_helper", srcs = ["framework/memory_checker_test_helper.cc"], module_name = "_memory_checker_test_helper", deps = [ "@pybind11", ], ) tf_py_test( name = "framework_dtypes_test", size = "small", srcs = ["framework/dtypes_test.py"], main = "framework/dtypes_test.py", python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//tensorflow:tensorflow_py", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "op_def_library_test", size = "small", srcs = ["framework/op_def_library_test.py"], python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", ], ) tf_py_test( name = "framework_kernels_test", size = "small", srcs = ["framework/kernels_test.py"], main = "framework/kernels_test.py", python_version = "PY3", deps = [ ":framework_test_lib", ":kernels", ":platform_test", ":test_ops", ], ) tf_gen_op_wrapper_private_py( name = "array_ops_gen", visibility = [ # To pass open source testing in the pip Kokoros. "//bazel_pip/tensorflow/compiler/tests:__pkg__", "//learning/brain/python/ops:__pkg__", "//tensorflow/compiler/tests:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], deps = [ "//tensorflow/c/kernels:bitcast_op_lib", "//tensorflow/core:array_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "bitwise_ops_gen", visibility = [ # To pass open source testing in the pip Kokoros. "//bazel_pip/tensorflow/compiler/tests:__pkg__", "//learning/brain/python/ops:__pkg__", "//tensorflow/compiler/tests:__pkg__", "//tensorflow/contrib/quantization:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "boosted_trees_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:boosted_trees_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "tensor_forest_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:tensor_forest_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "summary_ops_gen", visibility = ["//tensorflow:__subpackages__"], deps = ["//tensorflow/core:summary_ops_op_lib"], ) tf_gen_op_wrapper_private_py( name = "audio_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "cudnn_rnn_ops_gen", visibility = [ "//tensorflow:__subpackages__", ], ) tf_gen_op_wrapper_private_py( name = "candidate_sampling_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "checkpoint_ops_gen", visibility = ["//tensorflow/python/kernel_tests:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "clustering_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:clustering_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "collective_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:collective_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "control_flow_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], deps = [ "//tensorflow/core:control_flow_ops_op_lib", "//tensorflow/core:no_op_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "ctc_ops_gen", ) tf_gen_op_wrapper_private_py( name = "data_flow_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "dataset_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow:__subpackages__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "experimental_dataset_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow:__subpackages__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "image_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "io_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", "//tensorflow/python/training/tracking:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "linalg_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "logging_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "lookup_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "batch_ops_gen", visibility = [ "//tensorflow:__subpackages__", ], ) py_library( name = "batch_ops", srcs = [ "ops/batch_ops.py", ], srcs_version = "PY2AND3", deps = [ ":batch_ops_gen", ], ) py_test( name = "batch_ops_test", size = "small", srcs = ["ops/batch_ops_test.py"], python_version = "PY3", srcs_version = "PY2AND3", tags = [ "manual", "no_pip", "nomac", ], deps = [ ":array_ops", ":batch_ops", ":client_testlib", ":dtypes", ":framework", ":gradients", ":script_ops", ], ) tf_gen_op_wrapper_private_py( name = "manip_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "math_ops_gen", visibility = [ # To pass open source testing in the pip Kokoros. "//bazel_pip/tensorflow/compiler/tests:__pkg__", "//learning/brain/google/python/ops:__pkg__", "//learning/brain/python/ops:__pkg__", "//tensorflow/compiler/tests:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "nn_ops_gen", visibility = [ # To pass open source testing in the pip Kokoros. "//bazel_pip/tensorflow/compiler/tests:__pkg__", "//learning/brain/python/ops:__pkg__", "//tensorflow/compiler/tests:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", "//tensorflow/python/tools:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "count_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "parsing_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "random_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "special_math_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "stateful_random_ops_gen", visibility = ["//learning/brain/python/ops:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "resource_variable_ops_gen", visibility = [ "//tensorflow/compiler/tf2xla:internal", "//tensorflow/python/distribute:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "stateless_random_ops_gen", visibility = [ "//tensorflow/python/data/experimental/ops:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "list_ops_gen", ) tf_gen_op_wrapper_private_py( name = "script_ops_gen", ) tf_gen_op_wrapper_private_py( name = "sdca_ops_gen", visibility = ["//tensorflow_estimator/python/estimator/canned/linear_optimizer:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "set_ops_gen", ) tf_gen_op_wrapper_private_py( name = "state_ops_gen", visibility = [ "//learning/brain/python/ops:__pkg__", "//tensorflow/python/kernel_tests:__pkg__", ], ) tf_gen_op_wrapper_private_py( name = "sparse_ops_gen", ) tf_gen_op_wrapper_private_py( name = "spectral_ops_gen", visibility = ["//tensorflow/python/ops/signal:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "string_ops_gen", ) tf_gen_op_wrapper_private_py( name = "user_ops_gen", ) tf_gen_op_wrapper_private_py( name = "training_ops_gen", out = "training/gen_training_ops.py", ) tf_gen_op_wrapper_private_py( name = "ragged_array_ops_gen", visibility = ["//tensorflow/python/ops/ragged:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "ragged_math_ops_gen", visibility = ["//tensorflow/python/ops/ragged:__pkg__"], ) tf_gen_op_wrapper_private_py( name = "ragged_conversion_ops_gen", visibility = ["//tensorflow/python/ops/ragged:__pkg__"], ) tf_gen_op_wrapper_private_py(name = "rnn_ops_gen") tf_gen_op_wrapper_private_py( name = "sendrecv_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:sendrecv_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "tpu_ops_gen", visibility = [ "//smartass/brain/configure/python:__pkg__", "//tensorflow/python/tpu:__pkg__", ], deps = [ "//tensorflow/core:tpu_configuration_ops_op_lib", "//tensorflow/core:tpu_cross_replica_ops_op_lib", "//tensorflow/core:tpu_embedding_load_retrieve_ops_op_lib", "//tensorflow/core:tpu_embedding_ops_op_lib", "//tensorflow/core:tpu_functional_ops_op_lib", "//tensorflow/core:tpu_heartbeat_ops_op_lib", "//tensorflow/core:tpu_host_compute_ops_op_lib", "//tensorflow/core:tpu_infeed_ops_op_lib", "//tensorflow/core:tpu_ordinal_selector_ops_op_lib", "//tensorflow/core:tpu_outfeed_ops_op_lib", "//tensorflow/core:tpu_replication_ops_op_lib", ], ) py_library( name = "array_grad", srcs = ["ops/array_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":array_ops_gen", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":sparse_ops", "//tensorflow/compiler/tf2xla/ops:gen_xla_ops", ], ) py_library( name = "array_ops", srcs = [ "ops/array_ops.py", "ops/inplace_ops.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops_gen", ":common_shapes", ":constant_op", ":dtypes", ":framework_ops", ":math_ops_gen", ":sparse_tensor", ":tensor_shape", ":tensor_util", ":util", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "bitwise_ops", srcs = ["ops/bitwise_ops.py"], srcs_version = "PY2AND3", deps = [ ":bitwise_ops_gen", ":framework", ":util", ], ) py_library( name = "boosted_trees_ops", srcs = ["ops/boosted_trees_ops.py"], srcs_version = "PY2AND3", deps = [ ":boosted_trees_ops_gen", ":framework", ":ops", ":training", "//tensorflow/core/kernels/boosted_trees:boosted_trees_proto_py", ], ) py_library( name = "tensor_forest_ops", srcs = ["ops/tensor_forest_ops.py"], srcs_version = "PY2AND3", deps = [ ":framework", ":ops", ":tensor_forest_ops_gen", ":training", "//tensorflow/core/kernels/boosted_trees:boosted_trees_proto_py", ], ) py_library( name = "optional_grad", srcs = ["ops/optional_grad.py"], srcs_version = "PY2AND3", deps = [ ":framework_ops", ], ) py_library( name = "sets", srcs = [ "ops/sets.py", "ops/sets_impl.py", ], srcs_version = "PY2AND3", deps = [ ":framework", ":framework_for_generated_wrappers", ":set_ops_gen", ":util", ], ) py_library( name = "candidate_sampling_ops", srcs = ["ops/candidate_sampling_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":candidate_sampling_ops_gen", ":framework", ":math_ops", ], ) py_library( name = "check_ops", srcs = ["ops/check_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework_for_generated_wrappers", ":math_ops", ":sparse_tensor", ":tensor_util", ":util", "//third_party/py/numpy", ], ) py_library( name = "clip_ops", srcs = ["ops/clip_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_for_generated_wrappers", ":math_ops", ":nn_ops_gen", ":numerics", "@six_archive//:six", ], ) tf_py_test( name = "clip_ops_test", size = "small", srcs = ["ops/clip_ops_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":clip_ops", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) py_library( name = "clustering_ops", srcs = ["ops/clustering_ops.py"], srcs_version = "PY2AND3", deps = [ ":clustering_ops_gen", ":framework", ":ops", ":training", ], ) tf_py_test( name = "clustering_ops_test", size = "medium", srcs = ["ops/clustering_ops_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":clustering_ops", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) py_library( name = "collective_ops", srcs = ["ops/collective_ops.py"], srcs_version = "PY2AND3", deps = [ ":collective_ops_gen", ":framework_for_generated_wrappers", ], ) tf_py_test( name = "collective_ops_test", size = "small", srcs = ["ops/collective_ops_test.py"], python_version = "PY3", tags = ["no_rocm"], deps = [ ":client_testlib", ":collective_ops", ":framework_for_generated_wrappers", ":kernels", "//third_party/py/numpy", ], ) tf_py_test( name = "collective_ops_xla_test", size = "small", srcs = ["ops/collective_ops_xla_test.py"], python_version = "PY3", tags = [ "no_pip", "no_rocm", "no_windows", "nomac", ], xla_enable_strict_auto_jit = True, deps = [ ":client_testlib", ":collective_ops", ":framework_for_generated_wrappers", ":kernels", "//third_party/py/numpy", ], ) cuda_py_test( name = "collective_ops_gpu_test", size = "small", srcs = ["ops/collective_ops_gpu_test.py"], python_version = "PY3", tags = [ "guitar", "manual", "multi_gpu", "no_oss", "no_rocm", "notap", ], deps = [ ":client_testlib", ":collective_ops", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) py_library( name = "control_flow_grad", srcs = ["ops/control_flow_grad.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_ops", ":control_flow_ops_gen", ":control_flow_util", ":framework", ":framework_for_generated_wrappers", ":math_ops", ], ) # Note: targets depending on this should also depend on ":cond_v2" and ":while_v2". # See b/118513001. py_library( name = "control_flow_ops", srcs = ["ops/control_flow_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":array_ops_gen", ":constant_op", ":control_flow_ops_gen", ":control_flow_util", ":dtypes", ":framework_ops", ":logging_ops_gen", ":math_ops", ":platform", ":sparse_tensor", ":tensor_array_ops", ":tensor_shape", ":tf2", ":tf_should_use", ":util", "//tensorflow/core:protos_all_py", "@six_archive//:six", ], ) py_library( name = "control_flow_util", srcs = ["ops/control_flow_util.py"], srcs_version = "PY2AND3", deps = [ ":platform", ], ) py_library( name = "control_flow_util_v2", srcs = ["ops/control_flow_util_v2.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_util", ":control_flow_v2_func_graphs", ":framework_ops", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/distribute:distribute_lib", "//tensorflow/python/eager:context", "//tensorflow/python/eager:function", "//tensorflow/python/keras/engine:base_layer_utils", ], ) py_library( name = "control_flow_v2_func_graphs", srcs = ["ops/control_flow_v2_func_graphs.py"], srcs_version = "PY2AND3", deps = [ ":func_graph", ], ) py_library( name = "control_flow_v2_toggles", srcs = ["ops/control_flow_v2_toggles.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_util", ":control_flow_util_v2", ":framework_ops", ":util", ], ) tf_py_test( name = "control_flow_v2_toggles_test", size = "small", srcs = ["ops/control_flow_v2_toggles_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":control_flow_util_v2", ":control_flow_v2_toggles", ":platform_test", ], ) tf_py_test( name = "control_flow_v2_enable_test", size = "small", srcs = ["ops/control_flow_v2_enable_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":control_flow_util", ":platform_test", ":tf2", ], ) tf_py_test( name = "control_flow_v2_disable_test", size = "small", srcs = ["ops/control_flow_v2_disable_test.py"], python_version = "PY3", # This tests that it is possible to disable cfv2 using env vars. # This does not apply to TF 2.0 nightly builds which enable # v2 behavior using `tf.compat.v1.enable_v2_behavior()` in which case # `tf.compat.v1.disable_control_flow_v2()` needs to be used. tags = [ "no_oss", "no_pip", ], deps = [ ":client_testlib", ":control_flow_util", ":platform_test", ":tf2", ], ) py_library( name = "cond_v2", srcs = [ "ops/cond_v2.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":auto_control_deps_utils", ":c_api_util", ":control_flow_util_v2", ":framework_ops", ":function", ":function_def_to_graph", ":functional_ops_gen", ":gradients", ":gradients_util", ":graph_to_function_def", ":pywrap_tensorflow", ":util", "//tensorflow/python/compat", "//tensorflow/python/data/ops:dataset_ops", "//tensorflow/python/eager:function", ], ) py_library( name = "while_v2", srcs = [ "ops/while_v2.py", "ops/while_v2_indexed_slices_rewriter.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":auto_control_deps_utils", ":constant_op", ":control_flow_ops", ":control_flow_util", ":control_flow_util_v2", ":dtypes", ":framework_ops", ":function_def_to_graph", ":functional_ops_gen", ":gradients_util", ":list_ops", ":pywrap_tf_session", ":tensor_array_ops", ":tensor_shape", ":tensor_util", ":util", "//tensorflow/python/eager:function", ], ) py_library( name = "bincount_ops", srcs = ["ops/bincount_ops.py"], srcs_version = "PY2AND3", deps = [ ":count_ops_gen", ":framework", ":framework_for_generated_wrappers", "//tensorflow/python/compat", ], ) tf_py_test( name = "bincount_ops_test", size = "small", srcs = ["ops/bincount_ops_test.py"], python_version = "PY3", deps = [ ":bincount_ops", ":platform_test", ], ) py_library( name = "ctc_ops", srcs = ["ops/ctc_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":ctc_ops_gen", ":framework", ":framework_for_generated_wrappers", ":nn_grad", ], ) py_library( name = "cudnn_rnn_grad", srcs = ["ops/cudnn_rnn_grad.py"], srcs_version = "PY2AND3", deps = [ ":cudnn_rnn_ops_gen", ":framework_for_generated_wrappers", ], ) py_library( name = "data_flow_grad", srcs = ["ops/data_flow_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":data_flow_ops", ":framework_for_generated_wrappers", ":math_ops", ], ) py_library( name = "data_flow_ops", srcs = ["ops/data_flow_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":data_flow_ops_gen", ":framework_for_generated_wrappers", ":math_ops", ":random_seed", ":tensor_util", "//tensorflow/python/eager:context", "@six_archive//:six", ], ) py_library( name = "embedding_ops", srcs = ["ops/embedding_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":clip_ops", ":data_flow_grad", ":data_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":platform", ":resource_variable_ops", ":sparse_ops", ":tensor_shape", ":variables", ], ) py_library( name = "gradients", srcs = [ "ops/custom_gradient.py", "ops/gradients.py", ], srcs_version = "PY2AND3", deps = [ ":gradients_impl", ":gradients_util", ":pywrap_tf_session", ":unconnected_gradients", "//tensorflow/python/eager:forwardprop", "//tensorflow/python/eager:function", "//tensorflow/python/eager:tape", ], ) py_library( name = "gradients_impl", srcs = [ "ops/gradients_impl.py", ], srcs_version = "PY2AND3", deps = [ ":array_grad", ":array_ops", ":bitwise_ops", ":check_ops", ":control_flow_grad", ":control_flow_ops", ":control_flow_util", ":framework", ":framework_for_generated_wrappers", ":framework_ops", ":image_grad", ":linalg_grad", ":linalg_ops", ":logging_ops", ":manip_grad", ":manip_ops", ":math_grad", ":math_ops", ":optional_grad", ":platform", ":random_grad", ":tensor_array_ops", ":unconnected_gradients", ":util", "//tensorflow/python/ops/linalg/sparse", ], ) py_library( name = "gradients_util", srcs = [ "ops/gradients_util.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":control_flow_state", ":control_flow_util", ":default_gradient", ":framework", ":framework_for_generated_wrappers", ":framework_ops", ":functional_ops", ":math_ops", ":platform", ":resource_variable_ops", ":tensor_util", ":unconnected_gradients", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:backprop", "//tensorflow/python/eager:backprop_util", "//tensorflow/python/eager:context", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "default_gradient", srcs = [ "ops/default_gradient.py", ], srcs_version = "PY2AND3", deps = [ ":dtypes", ":resource_variable_ops", ], ) py_library( name = "control_flow_state", srcs = [ "ops/control_flow_state.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":control_flow_ops", ":control_flow_util", ":data_flow_ops_gen", ":dtypes", ":framework_ops", ":resource_variable_ops_gen", ":tensor_util", ], ) py_library( name = "unconnected_gradients", srcs = ["ops/unconnected_gradients.py"], srcs_version = "PY2AND3", deps = [ ":util", ], ) py_library( name = "histogram_ops", srcs = ["ops/histogram_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":clip_ops", ":framework_for_generated_wrappers", ":math_ops", ], ) py_library( name = "image_grad", srcs = ["ops/image_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_for_generated_wrappers", ":image_ops_gen", ], ) py_library( name = "image_ops", srcs = [ "ops/image_ops.py", "ops/image_ops_impl.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":check_ops", ":clip_ops", ":control_flow_ops", ":framework", ":framework_for_generated_wrappers", ":gradients", ":image_ops_gen", ":math_ops", ":nn", ":nn_ops_gen", ":random_ops", ":string_ops", ":util", ":variables", "//third_party/py/numpy", ], ) py_library( name = "init_ops", srcs = ["ops/init_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":dtypes", ":linalg_ops_gen", ":linalg_ops_impl", ":math_ops", ":random_ops", ":util", "//third_party/py/numpy", ], ) py_library( name = "init_ops_v2", srcs = ["ops/init_ops_v2.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":dtypes", ":linalg_ops_gen", ":linalg_ops_impl", ":math_ops", ":random_ops", ":stateless_random_ops", ":util", "//third_party/py/numpy", ], ) py_library( name = "initializers_ns", srcs = ["ops/initializers_ns.py"], srcs_version = "PY2AND3", deps = [ ":init_ops", ":variables", ], ) py_library( name = "io_ops", srcs = ["ops/io_ops.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":io_ops_gen", ":lib", ], ) py_library( name = "linalg_grad", srcs = ["ops/linalg_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework_for_generated_wrappers", ":linalg_ops", ":math_ops", "//tensorflow/python/ops/linalg:linalg_impl", ], ) py_library( name = "linalg_ops", srcs = ["ops/linalg_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":linalg_ops_gen", ":linalg_ops_impl", ":map_fn", ":math_ops", "//third_party/py/numpy", ], ) py_library( name = "linalg_ops_impl", srcs = ["ops/linalg_ops_impl.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":math_ops", "//third_party/py/numpy", ], ) py_library( name = "manip_grad", srcs = ["ops/manip_grad.py"], srcs_version = "PY2AND3", deps = [ ":control_flow_ops", ":framework_for_generated_wrappers", ":manip_ops", ], ) py_library( name = "manip_ops", srcs = ["ops/manip_ops.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":manip_ops_gen", "//third_party/py/numpy", ], ) py_library( name = "logging_ops", srcs = ["ops/logging_ops.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":logging_ops_gen", ":platform", ":string_ops", ":util", "//tensorflow/python/compat", ], ) py_library( name = "lookup_ops", srcs = ["ops/lookup_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":control_flow_ops", ":framework_for_generated_wrappers", ":lookup_ops_gen", ":math_ops", ":sparse_tensor", ":string_ops", ":util", "//tensorflow/python/eager:context", "@six_archive//:six", ], ) py_library( name = "loss_scale", srcs = ["training/experimental/loss_scale.py"], srcs_version = "PY2AND3", deps = [ ":framework", "@absl_py//absl/testing:parameterized", ], ) py_library( name = "loss_scale_optimizer", srcs = ["training/experimental/loss_scale_optimizer.py"], srcs_version = "PY2AND3", deps = [ ":loss_scale", "//tensorflow/python/distribute:distribute_lib", "@absl_py//absl/testing:parameterized", ], ) py_test( name = "loss_scale_optimizer_test", size = "small", srcs = ["training/experimental/loss_scale_optimizer_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":loss_scale_optimizer", "//tensorflow/python/distribute:mirrored_strategy", "//tensorflow/python/distribute:one_device_strategy", "//tensorflow/python/keras/mixed_precision/experimental:test_util", "@absl_py//absl/testing:parameterized", ], ) py_test( name = "loss_scale_test", size = "medium", srcs = ["training/experimental/loss_scale_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":loss_scale", "//tensorflow/python/distribute:mirrored_strategy", "//tensorflow/python/distribute:one_device_strategy", "@absl_py//absl/testing:parameterized", ], ) py_library( name = "mixed_precision_global_state", srcs = ["training/experimental/mixed_precision_global_state.py"], srcs_version = "PY2AND3", ) py_library( name = "mixed_precision", srcs = ["training/experimental/mixed_precision.py"], srcs_version = "PY2AND3", deps = [ ":config", ":loss_scale", ":loss_scale_optimizer", ":mixed_precision_global_state", ":util", ], ) cuda_py_test( name = "mixed_precision_test", size = "small", srcs = ["training/experimental/mixed_precision_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":mixed_precision", "@absl_py//absl/testing:parameterized", ], ) py_library( name = "loss_scaling_gradient_tape", srcs = ["training/experimental/loss_scaling_gradient_tape.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":loss_scale", ":unconnected_gradients", ":util", "//tensorflow/python/distribute:distribute_lib", "//tensorflow/python/eager:backprop", ], ) cuda_py_test( name = "loss_scaling_gradient_tape_test", size = "medium", srcs = ["training/experimental/loss_scaling_gradient_tape_test.py"], shard_count = 2, deps = [ ":client_testlib", ":constant_op", ":framework_test_combinations_lib", ":loss_scale", ":loss_scaling_gradient_tape", "//tensorflow/python/compat:v2_compat", "//tensorflow/python/distribute:mirrored_strategy", "//tensorflow/python/eager:def_function", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", ], ) py_library( name = "math_grad", srcs = ["ops/math_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":array_ops_gen", ":framework_for_generated_wrappers", ":math_ops", ":math_ops_gen", ":pywrap_tf_session", ":tensor_util", "//tensorflow/python/eager:context", "//third_party/py/numpy", ], ) py_library( name = "op_selector", srcs = ["ops/op_selector.py"], srcs_version = "PY2AND3", deps = [":framework_ops"], ) py_library( name = "math_ops", srcs = ["ops/math_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":common_shapes", ":constant_op", ":control_flow_ops_gen", ":data_flow_ops_gen", ":dtypes", ":framework_ops", ":graph_util", ":math_ops_gen", ":nn_ops_gen", ":sparse_ops_gen", ":sparse_tensor", ":state_ops", ":state_ops_gen", ":tensor_shape", ":util", "//tensorflow/python/compat", "//tensorflow/python/eager:context", "//third_party/py/numpy", ], ) py_library( name = "resources", srcs = ["ops/resources.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework_for_generated_wrappers", ":math_ops", ":tf_should_use", ], ) py_library( name = "resource_variable_ops", srcs = ["ops/resource_variable_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":array_ops_gen", ":auto_control_deps_utils", ":dtypes", ":framework_ops", ":pywrap_tf_session", ":resource_variable_ops_gen", ":tensor_shape", ":util", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/eager:tape", ], ) py_library( name = "critical_section_ops", srcs = ["ops/critical_section_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":dtypes", ":framework_ops", ":resource_variable_ops_gen", ":tensor_array_ops", ":util", "//tensorflow/python/eager:context", ], ) py_library( name = "list_ops", srcs = ["ops/list_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":list_ops_gen", ], ) py_library( name = "nn", srcs = [ "ops/nn.py", "ops/nn_impl.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":candidate_sampling_ops", ":ctc_ops", ":embedding_ops", ":framework_for_generated_wrappers", ":math_ops", ":nn_grad", ":nn_ops", ":nn_ops_gen", ":platform_device_context", ":sparse_ops", ":util", ":variables", ], ) py_library( name = "nn_grad", srcs = ["ops/nn_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_for_generated_wrappers", ":gradients", ":math_ops", ":nn_ops", ":nn_ops_gen", ":sparse_ops", ":tensor_util", "//tensorflow/python/eager:context", ], ) py_library( name = "nn_ops", srcs = ["ops/nn_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":graph_util", ":math_ops", ":nn_ops_gen", ":platform", ":random_ops", ":tensor_shape", ":tensor_util", ":variables", "//third_party/py/numpy", ], ) py_library( name = "numerics", srcs = ["ops/numerics.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework_for_generated_wrappers", "//tensorflow/python/eager:context", ], ) py_library( name = "parsing_config", srcs = ["ops/parsing_config.py"], srcs_version = "PY2AND3", deps = [ ":framework", ], ) py_library( name = "parsing_ops", srcs = ["ops/parsing_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":parsing_config", ":parsing_ops_gen", ":sparse_ops", ], ) py_library( name = "partitioned_variables", srcs = ["ops/partitioned_variables.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":platform", ":variable_scope", ], ) py_library( name = "random_grad", srcs = ["ops/random_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":math_ops", ":random_ops_gen", ], ) py_library( name = "random_ops", srcs = ["ops/random_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":dtypes", ":framework_ops", ":math_ops", ":random_ops_gen", ":random_seed", ], ) py_library( name = "stateful_random_ops", srcs = ["ops/stateful_random_ops.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":math_ops", ":stateful_random_ops_gen", ":variables", "//third_party/py/numpy", ], ) cuda_py_test( name = "stateful_random_ops_test", size = "medium", srcs = ["ops/stateful_random_ops_test.py"], python_version = "PY3", xla_enable_strict_auto_jit = False, xla_enabled = True, deps = [ ":client_testlib", ":config", ":logging_ops", ":random_ops_gen", ":stateful_random_ops", "//tensorflow/python/distribute:mirrored_strategy", "//tensorflow/python/kernel_tests/random:util", ], ) py_library( name = "stateless_random_ops", srcs = ["ops/stateless_random_ops.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework_ops", ":math_ops", ":random_ops", ":stateless_random_ops_gen", ], ) py_library( name = "rnn", srcs = ["ops/rnn.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":control_flow_util", ":control_flow_util_v2", ":framework_for_generated_wrappers", ":math_ops", ":rnn_cell", ":tensor_array_ops", ":util", ":variable_scope", "//tensorflow/python/eager:context", ], ) py_library( name = "rnn_cell", srcs = [ "ops/rnn_cell.py", "ops/rnn_cell_impl.py", "ops/rnn_cell_wrapper_impl.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":clip_ops", ":framework_for_generated_wrappers", ":init_ops", ":math_ops", ":nn_ops", ":partitioned_variables", ":random_ops", ":util", ":variable_scope", ":variables", "//tensorflow/python/keras/layers/legacy_rnn:rnn_cell_impl", "//tensorflow/python/keras/layers/legacy_rnn:rnn_cell_wrapper_impl", ], ) py_library( name = "script_ops", srcs = ["ops/script_ops.py"], srcs_version = "PY2AND3", deps = [ ":_pywrap_py_func", ":array_ops", ":framework_for_generated_wrappers", ":script_ops_gen", "//third_party/py/numpy", ], ) py_library( name = "sdca_ops", srcs = ["ops/sdca_ops.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":sdca_ops_gen", "//third_party/py/numpy", ], ) py_library( name = "session_ops", srcs = ["ops/session_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":data_flow_ops_gen", ":framework_for_generated_wrappers", ":util", ], ) py_library( name = "sparse_grad", srcs = ["ops/sparse_grad.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":sparse_ops", ":sparse_ops_gen", ], ) py_library( name = "sparse_ops", srcs = ["ops/sparse_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":check_ops", ":control_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":sparse_ops_gen", ":util", "//third_party/py/numpy", ], ) tf_py_test( name = "sparse_ops_test", srcs = ["ops/sparse_ops_test.py"], python_version = "PY3", deps = [ ":array_grad", ":constant_op", ":dtypes", ":framework_test_lib", ":gradient_checker_v2", ":sparse_grad", ":sparse_ops", ":sparse_tensor", "@absl_py//absl/testing:parameterized", ], ) py_library( name = "sort_ops", srcs = ["ops/sort_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework", ":math_ops", ":nn_ops", "//third_party/py/numpy", ], ) tf_py_test( name = "sort_ops_test", srcs = ["ops/sort_ops_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework", ":random_ops", ":sort_ops", "//third_party/py/numpy", ], ) py_library( name = "confusion_matrix", srcs = ["ops/confusion_matrix.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":check_ops", ":control_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":sparse_ops", ], ) py_library( name = "weights_broadcast_ops", srcs = [ "ops/weights_broadcast_ops.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":framework", ":math_ops", ":sets", ], ) py_library( name = "metrics", srcs = [ "ops/metrics.py", "ops/metrics_impl.py", ], srcs_version = "PY2AND3", deps = [ ":array_ops", ":check_ops", ":confusion_matrix", ":control_flow_ops", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":nn", ":sets", ":sparse_ops", ":state_ops", ":util", ":variable_scope", ":variables", ":weights_broadcast_ops", "//tensorflow/python/distribute:distribute_lib", ], ) py_library( name = "special_math_ops", srcs = ["ops/special_math_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":check_ops", ":control_flow_ops", ":framework_for_generated_wrappers", ":math_ops", ":platform", ":special_math_ops_gen", "//tensorflow/compiler/tf2xla/ops:gen_xla_ops", "@functools32_archive//:functools32", "@opt_einsum_archive//:opt_einsum", ], ) py_library( name = "rnn_grad", srcs = ["ops/rnn_grad.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":rnn_ops_gen", ], ) cuda_py_test( name = "rnn_grad_test", srcs = ["ops/rnn_grad_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":dtypes", ":framework_ops", ":framework_test_lib", ":gradients", ":math_ops", ":rnn_grad", ":rnn_ops_gen", "//third_party/py/numpy", ], ) py_test( name = "script_ops_test", srcs = ["ops/script_ops_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":dtypes", ":framework_ops", ":framework_test_lib", ":script_ops", "//third_party/py/numpy", ], ) py_library( name = "standard_ops", srcs = ["ops/standard_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_grad", ":array_ops", ":batch_ops", ":check_ops", ":clip_ops", ":confusion_matrix", ":control_flow_ops", ":critical_section_ops", ":cudnn_rnn_grad", ":data_flow_grad", ":data_flow_ops", ":framework_for_generated_wrappers", ":functional_ops", ":gradients", ":histogram_ops", ":init_ops", ":io_ops", ":linalg_ops", ":logging_ops", ":lookup_ops", ":loss_scaling_gradient_tape", ":manip_grad", ":manip_ops", ":math_grad", ":math_ops", ":numerics", ":parsing_ops", ":partitioned_variables", ":proto_ops", ":random_ops", ":rnn_grad", ":script_ops", ":session_ops", ":sort_ops", ":sparse_grad", ":sparse_ops", ":special_math_ops", ":state_grad", ":state_ops", ":stateful_random_ops", ":stateless_random_ops", ":string_ops", ":template", ":tensor_array_grad", ":tensor_array_ops", ":util", ":variable_scope", ":variables", "//tensorflow/python/compiler", "//tensorflow/python/eager:wrap_function", "//tensorflow/python/ops/distributions", "//tensorflow/python/ops/linalg", "//tensorflow/python/ops/linalg/sparse", "//tensorflow/python/ops/ragged", "//tensorflow/python/ops/structured", ], ) py_library( name = "state_grad", srcs = ["ops/state_grad.py"], srcs_version = "PY2AND3", deps = [":framework_for_generated_wrappers"], ) py_library( name = "state_ops", srcs = ["ops/state_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_ops", ":math_ops_gen", ":resource_variable_ops_gen", ":state_ops_gen", ":tensor_shape", ":util", ], ) py_library( name = "string_ops", srcs = ["ops/string_ops.py"], srcs_version = "PY2AND3", deps = [ ":framework", ":framework_for_generated_wrappers", ":string_ops_gen", ":util", ], ) py_library( name = "summary_ops_v2", srcs = ["ops/summary_ops_v2.py"], srcs_version = "PY2AND3", visibility = ["//tensorflow:internal"], deps = [ ":array_ops", ":constant_op", ":control_flow_ops", ":dtypes", ":framework_ops", ":math_ops", ":resource_variable_ops", ":smart_cond", ":summary_op_util", ":summary_ops_gen", ":tensor_util", ":training_util", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/eager:profiler", "@six_archive//:six", ], ) py_library( name = "template", srcs = ["ops/template.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":platform", ":util", ":variable_scope", "//tensorflow/python/eager:context", "//tensorflow/python/eager:function", ], ) py_library( name = "tensor_array_grad", srcs = ["ops/tensor_array_grad.py"], srcs_version = "PY2AND3", deps = [ ":framework_for_generated_wrappers", ":tensor_array_ops", ], ) py_library( name = "tensor_array_ops", srcs = ["ops/tensor_array_ops.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":constant_op", ":control_flow_ops_gen", ":data_flow_ops_gen", ":dtypes", ":errors", ":framework_ops", ":list_ops", ":math_ops", ":tensor_shape", ":tensor_util", ":tf2", ":tf_should_use", "//tensorflow/python/eager:context", ], ) py_library( name = "variable_scope", srcs = ["ops/variable_scope.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":dtypes", ":framework_ops", ":init_ops", ":platform", ":resource_variable_ops", ":tensor_shape", ":tf2", ":util", ":variables", "//tensorflow/python/eager:context", "//tensorflow/python/eager:monitoring", "@six_archive//:six", ], ) py_library( name = "variables", srcs = ["ops/variables.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":control_flow_ops", ":dtypes", ":framework_ops", ":math_ops", ":state_ops", ":tensor_shape", ":tf_should_use", ":util", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/training/tracking:base", ], ) py_library( name = "gradient_checker", srcs = ["ops/gradient_checker.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_for_generated_wrappers", ":gradients", ":platform", "//third_party/py/numpy", ], ) py_library( name = "gradient_checker_v2", srcs = ["ops/gradient_checker_v2.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":framework_for_generated_wrappers", ":gradients", ":platform", "//third_party/py/numpy", ], ) # This target is deprecated. py_library( name = "ops", srcs = ["user_ops/user_ops.py"], srcs_version = "PY2AND3", deps = [ ":user_ops_gen", ":util", "@six_archive//:six", ], ) cuda_py_test( name = "bitwise_ops_test", size = "small", srcs = ["ops/bitwise_ops_test.py"], python_version = "PY3", tags = ["no_windows"], deps = [ ":bitwise_ops", ":constant_op", ":dtypes", ":framework_test_lib", ], ) cuda_py_test( name = "control_flow_ops_test", size = "small", srcs = ["ops/control_flow_ops_test.py"], python_version = "PY3", shard_count = 2, deps = [ ":array_ops", ":cond_v2", ":control_flow_ops", ":control_flow_v2_toggles", ":embedding_ops", ":framework_for_generated_wrappers", ":framework_test_lib", ":gradients", ":init_ops", ":math_ops", ":platform_test", ":state_ops", ":tensor_array_grad", ":tensor_array_ops", ":training", ":util", ":variable_scope", ":variables", ":while_v2", "//tensorflow/python/eager:def_function", ], ) cuda_py_test( name = "gradient_checker_test", size = "medium", srcs = ["ops/gradient_checker_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":nn_grad", ":nn_ops", ":platform", "//third_party/py/numpy", ], ) py_test( name = "op_selector_test", srcs = ["ops/op_selector_test.py"], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":client_testlib", ":constant_op", ":framework_ops", ":math_ops", ":op_selector", ], ) cuda_py_test( name = "gradient_checker_v2_test", size = "medium", srcs = ["ops/gradient_checker_v2_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":nn_grad", ":nn_ops", ":platform", "//third_party/py/numpy", ], ) cuda_py_test( name = "gradients_test", size = "medium", srcs = ["ops/gradients_test.py"], python_version = "PY3", tags = ["no_oss"], # b/118709825 deps = [ ":array_grad", ":array_ops", ":control_flow_grad", ":control_flow_ops", ":data_flow_grad", ":data_flow_ops", ":framework_for_generated_wrappers", ":framework_test_lib", ":functional_ops", ":gradients", ":init_ops", ":list_ops", ":math_grad", ":math_ops", ":nn_grad", ":nn_ops", ":platform_test", ":state_grad", ":state_ops", ":tensor_array_grad", ":tensor_array_ops", ":test_ops", ":unconnected_gradients", ":variable_scope", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", ], ) cuda_py_test( name = "histogram_ops_test", size = "small", srcs = ["ops/histogram_ops_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":histogram_ops", ":init_ops", ":variables", "//third_party/py/numpy", ], ) cuda_py_test( name = "image_grad_test", size = "medium", srcs = ["ops/image_grad_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":gradients", ":image_ops", "//third_party/py/numpy", ], ) cuda_py_test( name = "image_ops_test", size = "medium", srcs = ["ops/image_ops_test.py"], data = ["//tensorflow/core:image_testdata"], python_version = "PY3", shard_count = 5, deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":errors", ":framework_for_generated_wrappers", ":framework_test_lib", ":image_ops", ":io_ops", ":math_ops", ":platform_test", ":random_ops", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "init_ops_test", size = "small", srcs = ["ops/init_ops_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":framework_ops", ":init_ops", ":resource_variable_ops", "//tensorflow/python/eager:context", "//third_party/py/numpy", ], ) cuda_py_test( name = "init_ops_v2_test", size = "medium", srcs = ["ops/init_ops_v2_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework_ops", ":init_ops_v2", ":random_ops", "//tensorflow/python/eager:context", "//third_party/py/numpy", ], ) cuda_py_test( name = "math_grad_test", size = "small", srcs = ["ops/math_grad_test.py"], python_version = "PY3", tags = ["no_windows_gpu"], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", "//tensorflow/python/debug:check_numerics_callback", "//tensorflow/python/eager:backprop", "//tensorflow/python/eager:context", "//third_party/py/numpy", ], ) cuda_py_test( name = "math_ops_test", size = "medium", srcs = ["ops/math_ops_test.py"], python_version = "PY3", tags = ["no_windows_gpu"], deps = [ ":array_ops", ":errors", ":framework_for_generated_wrappers", ":framework_test_lib", ":gradients", ":math_ops", ":platform_test", ":variables", "//third_party/py/numpy", ], ) cuda_py_test( name = "math_ops_linspace_test", size = "medium", srcs = ["ops/math_ops_linspace_test.py"], python_version = "PY3", tags = ["no_windows_gpu"], deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", "//third_party/py/numpy", ], ) cuda_py_test( name = "nn_batchnorm_test", size = "medium", srcs = ["ops/nn_batchnorm_test.py"], python_version = "PY3", shard_count = 4, tags = ["no_windows"], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":gradients", ":math_ops", ":nn", ":nn_grad", ":nn_ops_gen", "//third_party/py/numpy", ], ) cuda_py_test( name = "nn_fused_batchnorm_test", size = "large", srcs = ["ops/nn_fused_batchnorm_test.py"], python_version = "PY3", shard_count = 24, deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":gradients", ":nn", ":nn_grad", "//third_party/py/numpy", ], ) cuda_py_test( name = "nn_test", size = "medium", srcs = ["ops/nn_test.py"], python_version = "PY3", tags = ["no_windows"], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":nn", ":nn_grad", ":nn_ops", ":partitioned_variables", ":variable_scope", ":variables", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", ], ) py_test( name = "nn_loss_scaling_utilities_test", size = "small", srcs = ["ops/nn_loss_scaling_utilities_test.py"], python_version = "PY3", deps = [ ":client_testlib", "//tensorflow/python/distribute:combinations", "//tensorflow/python/distribute:strategy_combinations", "@absl_py//absl/testing:parameterized", ], ) cuda_py_test( name = "nn_xent_test", size = "medium", srcs = ["ops/nn_xent_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":gradients", ":nn", ":nn_grad", "//third_party/py/numpy", ], ) py_test( name = "tensor_array_ops_test", size = "small", srcs = ["ops/tensor_array_ops_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ], ) cuda_py_test( name = "sobol_ops_test", size = "small", srcs = ["ops/sobol_ops_test.py"], kernels = [ "//tensorflow/core/kernels:libtfkernel_sobol_op.so", ], tags = [ "no_oss", # TODO(b/149565560) "no_windows_gpu", ], deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", "//third_party/py/numpy", ], ) cuda_py_test( name = "special_math_ops_test", size = "medium", srcs = ["ops/special_math_ops_test.py"], python_version = "PY3", shard_count = 10, tags = [ "no_windows_gpu", "noasan", # b/159332048 "nomsan", # b/148630708 ], deps = [ ":array_ops", ":client", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":special_math_ops", "//third_party/py/numpy", ], ) tf_py_test( name = "variable_spec_test", size = "small", srcs = ["ops/variable_spec_test.py"], python_version = "PY3", deps = [ ":framework_for_generated_wrappers", ":framework_test_lib", ":platform_test", "//third_party/py/numpy", ], ) py_library( name = "training_lib", srcs = glob( ["training/**/*.py"], exclude = [ "**/*test*", "training/tracking/**/*.py", "training/saving/**/*.py", # The following targets have their own build rules (same name as the # file): "training/basic_session_run_hooks.py", "training/checkpoint_management.py", "training/distribute.py", "training/distribution_strategy_context.py", "training/saver.py", "training/session_run_hook.py", "training/training_util.py", ], ), srcs_version = "PY2AND3", deps = [ ":array_ops", ":array_ops_gen", ":basic_session_run_hooks", ":checkpoint_management", ":checkpoint_ops_gen", ":client", ":control_flow_ops", ":data_flow_ops", ":device", ":device_spec", ":distribute", ":errors", ":framework", ":framework_for_generated_wrappers", ":framework_ops", ":gradients", ":init_ops", ":io_ops", ":layers_util", ":lookup_ops", ":loss_scale", ":loss_scale_optimizer", ":math_ops", ":mixed_precision", ":platform", ":py_checkpoint_reader", ":pywrap_tensorflow", ":random_ops", ":resource_variable_ops", ":resources", ":saver", ":sdca_ops", ":session", ":session_run_hook", ":sparse_ops", ":sparse_tensor", ":state_ops", ":summary", ":training_ops_gen", ":training_util", ":util", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/data/experimental/service:server_lib", "//tensorflow/python/data/ops:dataset_ops", "//tensorflow/python/distribute:distribute_coordinator_context", "//tensorflow/python/distribute:distribute_lib", "//tensorflow/python/distribute:reduce_util", "//tensorflow/python/eager:backprop", "//tensorflow/python/eager:context", "//tensorflow/python/keras/optimizer_v2:legacy_learning_rate_decay", "//tensorflow/python/ops/losses", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "training", srcs_version = "PY2AND3", deps = [ ":training_lib", "//tensorflow/python/training/tracking:base", "//tensorflow/python/training/tracking:python_state", "//tensorflow/python/training/tracking:util", ], ) # Dependency added and used by ClusterResolvers to avoid circular dependency between keras, distribute, and training. py_library( name = "training_server_lib", srcs = ["training/server_lib.py"], srcs_version = "PY2AND3", deps = [ ":framework", ":pywrap_tf_session", ":util", "//tensorflow/core:protos_all_py", ], ) py_library( name = "py_checkpoint_reader", srcs = ["training/py_checkpoint_reader.py"], deps = [ ":_pywrap_checkpoint_reader", ":dtypes", ":errors", ":util", ], ) py_library( name = "checkpoint_management", srcs = ["training/checkpoint_management.py"], deps = [ ":errors", ":lib", ":platform", ":protos_all_py", ":util", "//tensorflow/core:protos_all_py", ], ) py_library( name = "session_run_hook", srcs = ["training/session_run_hook.py"], srcs_version = "PY2AND3", deps = [":util"], ) py_library( name = "basic_session_run_hooks", srcs = ["training/basic_session_run_hooks.py"], srcs_version = "PY2AND3", deps = [ ":client", ":framework", ":platform", ":protos_all_py", ":session_run_hook", ":training_util", ":util", ], ) py_library( name = "saver", srcs = ["training/saver.py"], srcs_version = "PY2AND3", deps = [ ":array_ops", ":checkpoint_management", ":constant_op", ":control_flow_ops", ":device", ":errors", ":framework", ":framework_ops", ":io_ops", ":io_ops_gen", ":platform", ":py_checkpoint_reader", ":resource_variable_ops", ":session", ":state_ops", ":string_ops", ":training_util", ":util", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/eager:context", "//tensorflow/python/training/saving:saveable_object", "//tensorflow/python/training/saving:saveable_object_util", "//tensorflow/python/training/tracking:base", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "distribute", srcs = [ "training/distribute.py", "training/distribution_strategy_context.py", ], srcs_version = "PY2AND3", deps = [ "//tensorflow/python/distribute:distribute_lib", ], ) tf_py_test( name = "evaluation_test", size = "small", srcs = ["training/evaluation_test.py"], python_version = "PY3", shard_count = 3, tags = [ "manual", "notap", # Disabling until b/33000128 and b/33040312 are fixed. ], deps = [ ":array_ops", ":client", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":metrics", ":platform", ":state_ops", ":summary", ":training", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/ops/losses", "//third_party/py/numpy", ], ) py_library( name = "client", srcs = [ "client/client_lib.py", "client/device_lib.py", "client/timeline.py", ], srcs_version = "PY2AND3", deps = [ ":_pywrap_device_lib", ":errors", ":framework", ":framework_for_generated_wrappers", ":platform", ":session", ":session_ops", ":util", "//third_party/py/numpy", "@six_archive//:six", ], ) # Leaf library: may not depend on anything else inside TensorFlow. py_strict_library( name = "tf_export", srcs = ["util/tf_export.py"], srcs_version = "PY2AND3", visibility = ["//tensorflow:__subpackages__"], deps = [ ":tf_decorator", ], ) tf_py_test( name = "tf_export_test", srcs = ["util/tf_export_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":platform", ":util", ], ) # Leaf library: may not depend on anything else inside TensorFlow. # TODO(mdan): Move this utility outside of TF. py_strict_library( name = "tf_decorator", srcs = [ "util/tf_contextlib.py", "util/tf_decorator.py", "util/tf_inspect.py", ], srcs_version = "PY2AND3", visibility = [ "//tensorflow:__subpackages__", # TODO(mdan): Remove these dependencies. "//third_party/py/tf_slim:__subpackages__", "//learning/deepmind/research/language/translation/lm:__subpackages__", ], deps = [ ":tf_stack", "@six_archive//:six", ], ) # Leaf library: may not depend on anything else inside TensorFlow. py_strict_library( name = "tf_stack", srcs = ["util/tf_stack.py"], srcs_version = "PY2AND3", # TODO(mdan): Remove public visibility. visibility = ["//visibility:public"], deps = [ ":_tf_stack", "@six_archive//:six", ], ) pybind_extension( name = "_tf_stack", srcs = ["util/tf_stack.cc"], # TODO(b/138203821): change to "util._tf_stack" once the bug is fixed. module_name = "_tf_stack", deps = [ "//third_party/python_runtime:headers", # buildcleaner: keep "@pybind11", ], ) tf_py_test( name = "tf_stack_test", srcs = ["util/tf_stack_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":tf_export", ":tf_stack", ], ) cc_library( name = "stack_trace", srcs = ["util/stack_trace.cc"], hdrs = ["util/stack_trace.h"], deps = [ ":py_util", "//third_party/python_runtime:headers", # buildcleaner: keep "@com_google_absl//absl/base:core_headers", "@com_google_absl//absl/synchronization", "@com_google_absl//absl/types:optional", ], ) py_library( name = "util", srcs = glob( ["util/**/*.py"], exclude = [ "util/example_parser*", "util/tf_contextlib.py", "util/tf_should_use.py", "util/tf_export.py", "util/tf_stack.py", "util/tf_decorator.py", "util/**/*_test.py", ], ), srcs_version = "PY2AND3", visibility = visibility + [ "//tensorflow:__pkg__", "//third_party/py/tensorflow_core:__subpackages__", "//third_party/py/tf_agents:__subpackages__", "//tensorflow:composite_tensor_whitelist", ], deps = [ ":_pywrap_tf32_execution", ":tf_decorator", ":tf_export", ":tf_stack", "@org_python_pypi_backports_weakref", "@com_google_protobuf//:protobuf_python", "//third_party/py/numpy", "@six_archive//:six", "@wrapt", "//tensorflow/tools/compatibility:all_renames_v2", ] + if_mlir(["//tensorflow/compiler/mlir/tensorflow:mlir_roundtrip_pass_registration"]), ) tf_py_test( name = "object_identity_test", size = "small", srcs = ["util/object_identity_test.py"], python_version = "PY3", ) # Placeholder for intenal nest_test comments. tf_py_test( name = "util_nest_test", size = "small", srcs = ["util/nest_test.py"], main = "util/nest_test.py", python_version = "PY3", deps = [":util_nest_test_main_lib"], ) py_library( name = "util_nest_test_main_lib", testonly = True, srcs = ["util/nest_test.py"], deps = [ ":array_ops", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":util", "//third_party/py/numpy", "@absl_py//absl/testing:parameterized", ], ) tf_py_test( name = "util_serialization_test", size = "small", srcs = ["util/serialization_test.py"], main = "util/serialization_test.py", python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) tf_py_test( name = "function_utils_test", srcs = ["util/function_utils_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) tf_py_test( name = "tf_contextlib_test", size = "small", srcs = ["util/tf_contextlib_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) tf_py_test( name = "tf_decorator_test", size = "small", srcs = ["util/tf_decorator_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) py_library( name = "tf_should_use", srcs = ["util/tf_should_use.py"], srcs_version = "PY2AND3", deps = [ ":framework_ops", ":util", "//tensorflow/python/eager:context", "@six_archive//:six", ], ) tf_py_test( name = "tf_should_use_test", size = "small", srcs = ["util/tf_should_use_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":tf_should_use", ], ) tf_py_test( name = "tf_inspect_test", size = "small", srcs = ["util/tf_inspect_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", ], ) py_library( name = "util_example_parser_configuration", srcs = ["util/example_parser_configuration.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":framework", ":framework_for_generated_wrappers", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "lock_util_test", size = "small", srcs = ["util/lock_util_test.py"], main = "util/lock_util_test.py", python_version = "PY3", deps = [ ":client_testlib", ":util", "@absl_py//absl/testing:parameterized", ], ) tf_py_test( name = "module_wrapper_test", size = "small", srcs = ["util/module_wrapper_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":util", "//tensorflow/tools/compatibility:all_renames_v2", "@six_archive//:six", ], ) tf_proto_library( name = "protos_all", srcs = glob( ["**/*.proto"], exclude = [ "util/protobuf/compare_test.proto", "framework/cpp_shape_inference.proto", ], ), visibility = visibility, ) tf_proto_library_py( name = "compare_test_proto", testonly = 1, srcs = ["util/protobuf/compare_test.proto"], ) tf_proto_library( name = "cpp_shape_inference_proto", srcs = ["framework/cpp_shape_inference.proto"], cc_api_version = 2, protodeps = tf_additional_all_protos(), # TODO(b/74620627): remove when _USE_C_SHAPES is removed visibility = ["//tensorflow:internal"], ) tf_py_test( name = "protobuf_compare_test", size = "small", srcs = ["util/protobuf/compare_test.py"], main = "util/protobuf/compare_test.py", python_version = "PY3", tags = ["no_pip"], # compare_test_pb2 proto is not available in pip. deps = [ ":compare_test_proto_py", ":platform_test", ":util", "@six_archive//:six", ], ) tf_py_test( name = "util_example_parser_configuration_test", size = "small", srcs = ["util/example_parser_configuration_test.py"], main = "util/example_parser_configuration_test.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":framework_for_generated_wrappers", ":parsing_ops", ":util_example_parser_configuration", ], ) tf_py_test( name = "events_writer_test", size = "small", srcs = ["client/events_writer_test.py"], python_version = "PY3", deps = [ ":errors", ":framework_test_lib", ":lib", ":platform_test", ":util", ], ) py_library( name = "device_lib", srcs = ["client/device_lib.py"], srcs_version = "PY2AND3", deps = [ ":_pywrap_device_lib", "//tensorflow/core:protos_all_py", ], ) tf_python_pybind_extension( name = "_pywrap_device_lib", srcs = ["client/device_lib_wrapper.cc"], module_name = "_pywrap_device_lib", deps = [ ":pybind11_proto", ":pybind11_status", "//tensorflow/core:framework_internal_headers_lib", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//third_party/python_runtime:headers", "@pybind11", ], ) cuda_py_tests( name = "device_lib_test", size = "small", srcs = [ "client/device_lib_test.py", ], python_version = "PY3", deps = [ ":client", ":client_testlib", ":framework_test_lib", ":platform_test", "//tensorflow/core:protos_all_py", ], ) cc_library( name = "session_ref", srcs = ["client/session_ref.cc"], hdrs = ["client/session_ref.h"], deps = [ "//tensorflow/core:core_cpu", "//tensorflow/core:lib", "//tensorflow/core:master_proto_cc", "//tensorflow/core:protos_all_cc", "//tensorflow/core:replay_log_proto_cc", ], ) tf_cuda_library( name = "tf_session_helper", srcs = ["client/tf_session_helper.cc"], hdrs = ["client/tf_session_helper.h"], deps = [ ":construction_fails_op", ":ndarray_tensor", ":ndarray_tensor_bridge", ":numpy_lib", ":safe_ptr", ":session_ref", ":test_ops_kernels", "//tensorflow/c:c_api", "//tensorflow/c:c_api_internal", "//tensorflow/c:tf_status_helper", "//tensorflow/core", "//tensorflow/core:all_kernels", "//tensorflow/core:direct_session", "//tensorflow/core:framework", "//tensorflow/core:framework_internal", "//tensorflow/core:graph", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", "//third_party/py/numpy:headers", "//third_party/python_runtime:headers", ], alwayslink = 1, ) py_library( name = "pywrap_tensorflow", srcs = [ "pywrap_tensorflow.py", ] + if_static( ["pywrap_dlopen_global_flags.py"], # Import will fail, indicating no global dlopen flags otherwise = [], ), # b/153585257 srcs_version = "PY2AND3", deps = [":pywrap_tensorflow_internal"], ) pywrap_tensorflow_macro( name = "pywrap_tensorflow_internal", srcs = ["pywrap_tensorflow_internal.cc"], # add win_def_file for pywrap_tensorflow win_def_file = select({ "//tensorflow:windows": ":pywrap_tensorflow_filtered_def_file", "//conditions:default": None, }), deps = [ ":bfloat16_lib", ":cost_analyzer_lib", ":model_analyzer_lib", ":cpp_python_util", ":kernel_registry", ":numpy_lib", ":safe_ptr", ":py_exception_registry", ":py_func_lib", ":py_record_reader_lib", ":pybind11_absl", ":pybind11_lib", ":pybind11_status", ":pybind11_proto", ":python_op_gen", ":tf_session_helper", "//third_party/python_runtime:headers", "//tensorflow/c:c_api", "//tensorflow/c:c_api_experimental", "//tensorflow/c:checkpoint_reader", "//tensorflow/c:python_api", "//tensorflow/c:tf_status_helper", "//tensorflow/c/eager:c_api", "//tensorflow/c/eager:c_api_experimental", "//tensorflow/core/data/service:server_lib", "//tensorflow/core/distributed_runtime/rpc:grpc_rpc_factory_registration", "//tensorflow/core/distributed_runtime/rpc:grpc_server_lib", "//tensorflow/core/distributed_runtime/rpc:grpc_session", "//tensorflow/core/grappler:grappler_item", "//tensorflow/core/grappler:grappler_item_builder", "//tensorflow/core/grappler/clusters:cluster", "//tensorflow/core/grappler/clusters:single_machine", "//tensorflow/core/grappler/clusters:virtual_cluster", "//tensorflow/core/grappler/costs:graph_memory", "//tensorflow/core/grappler/graph_analyzer:graph_analyzer_tool", "//tensorflow/core/grappler/optimizers:meta_optimizer", "//tensorflow/core:lib", "//tensorflow/core:reader_base", "//tensorflow/core/kernels:data_service_ops", "//tensorflow/core/debug", "//tensorflow/core/distributed_runtime:server_lib", "//tensorflow/core/platform:stacktrace_handler", "//tensorflow/core/profiler/internal:print_model_analysis", "//tensorflow/core/profiler/internal/cpu:python_tracer", "//tensorflow/tools/graph_transforms:transform_graph_lib", "//tensorflow/lite/toco/python:toco_python_api", "//tensorflow/python/eager:pywrap_tfe_lib", "//tensorflow/core/util/tensor_bundle", "//tensorflow/compiler/mlir/python:mlir", ] + (tf_additional_lib_deps() + tf_monitoring_python_deps() + tf_additional_plugin_deps() + tf_additional_profiler_deps()) + if_ngraph([ "@ngraph_tf//:ngraph_tf", ]) + if_xla_available([ "//tensorflow/compiler/aot:tfcompile_lib", ]) + select({ "//tensorflow:windows": [], # TODO(b/159077703): Enable Flex on Windows "//conditions:default": [ "//tensorflow/lite/delegates/flex:delegate", ], }), ) # ** Targets for Windows build (start) ** # We need the following targets to expose symbols from _pywrap_tensorflow.dll filegroup( name = "win_lib_files_for_exported_symbols", srcs = [ ":bfloat16_lib", # bfloat16 ":cost_analyzer_lib", # cost_analyzer ":cpp_python_util", # util ":kernel_registry", # kernel_registry ":model_analyzer_lib", # model_analyzer ":ndarray_tensor", # checkpoint_reader ":numpy_lib", # checkpoint_reader ":py_exception_registry", # py_exception_registry ":py_func_lib", # py_func ":python_op_gen", # python_op_gen ":safe_ptr", # checkpoint_reader "//tensorflow/c:checkpoint_reader", # checkpoint_reader "//tensorflow/c:python_api", # tf_session "//tensorflow/c:tf_status_helper", # tfe "//tensorflow/compiler/jit:flags", #tfe "//tensorflow/compiler/mlir/python:mlir", # mlir "//tensorflow/core/common_runtime:device", # device_lib, tfe, tf_session "//tensorflow/core/common_runtime:device_factory", # device_lib, tfe, tf_session "//tensorflow/core/common_runtime:graph_constructor", # tf_session "//tensorflow/core/common_runtime:quantize_training", # quantize_training "//tensorflow/core/common_runtime:session_options", # device_lib, tfe, tf_session "//tensorflow/core/common_runtime:session_state", # tf_session "//tensorflow/core/data/service:server_lib", # server_lib "//tensorflow/core:framework_internal_impl", # op_def_registry "//tensorflow/core:lib_internal_impl", # device_lib "//tensorflow/core:op_gen_lib", # tf_session "//tensorflow/core/common_runtime/eager:context", # tfe "//tensorflow/core/common_runtime/eager:eager_executor", # tfe "//tensorflow/core/grappler:devices", # tf_cluster "//tensorflow/core/grappler:grappler_item", # tf_item "//tensorflow/core/grappler:grappler_item_builder", # tf_item "//tensorflow/core/grappler/clusters:cluster", # tf_cluster "//tensorflow/core/grappler/clusters:single_machine", # tf_cluster "//tensorflow/core/grappler/clusters:utils", # tf_optimizer "//tensorflow/core/grappler/clusters:virtual_cluster", # tf_cluster "//tensorflow/core/grappler/costs:analytical_cost_estimator", # cost analyzer "//tensorflow/core/grappler/costs:graph_memory", # tf_cluster "//tensorflow/core/grappler/costs:graph_properties", # tf_item "//tensorflow/core/grappler/costs:measuring_cost_estimator", # tf_cluster "//tensorflow/core/grappler/costs:op_level_cost_estimator", # tf_cluster "//tensorflow/core/grappler/costs:utils", # tf_cluster "//tensorflow/core/grappler/graph_analyzer:graph_analyzer_tool", # graph_analyzer "//tensorflow/core/grappler/optimizers:meta_optimizer", # tf_optimizer "//tensorflow/core/grappler/utils:topological_sort", # tf_item "//tensorflow/core/profiler/internal:annotation_stack_impl", # profiler "//tensorflow/core/profiler/internal:print_model_analysis", # tfprof "//tensorflow/core/profiler/internal:traceme_recorder_impl", # profiler "//tensorflow/core/profiler/lib:profiler_session_impl", # profiler "//tensorflow/core/util:port", # util_port "//tensorflow/core/util/tensor_bundle", # checkpoint_reader "//tensorflow/lite/toco/python:toco_python_api", # toco ":tf_session_helper", # tf_session "//tensorflow/python/eager:pywrap_tfe_lib", # pywrap_tfe_lib "//tensorflow/stream_executor:stream_executor_pimpl", # stat_summarizer "//tensorflow/tools/graph_transforms:transform_graph_lib", # transform_graph ] + if_xla_available([ "//tensorflow/compiler/aot:tfcompile_lib", # tfcompile "//tensorflow/compiler/xla:status_macros", # tfcompile "//tensorflow/compiler/xla/service:hlo", # tfcompile ]), visibility = ["//visibility:private"], ) # Filter the DEF file to reduce the number of symbols to 64K or less. # Note that we also write the name of the pyd file into DEF file so that # the dynamic libraries of custom ops can find it at runtime. genrule( name = "pywrap_tensorflow_filtered_def_file", srcs = select({ "//tensorflow:windows": [ ":pybind_symbol_target_libs_file", ":win_lib_files_for_exported_symbols", "//tensorflow:tensorflow_def_file", "//tensorflow/tools/def_file_filter:symbols_pybind", ], "//conditions:default": [], }), outs = ["pywrap_tensorflow_filtered_def_file.def"], cmd = select({ "//tensorflow:windows": """ $(location @local_config_def_file_filter//:def_file_filter) \\ --input $(location //tensorflow:tensorflow_def_file) \\ --output $@ \\ --target _pywrap_tensorflow_internal.pyd \\ --symbols $(location //tensorflow/tools/def_file_filter:symbols_pybind) \\ --lib_paths_file $(location :pybind_symbol_target_libs_file) """, "//conditions:default": "touch $@", # Just a placeholder for Unix platforms }), tools = ["@local_config_def_file_filter//:def_file_filter"], visibility = ["//visibility:public"], ) # Write to a file a list of all cc_library targets that we need for exporting symbols on Windows. genrule( name = "pybind_symbol_target_libs_file", srcs = [":win_lib_files_for_exported_symbols"], outs = ["pybind_symbol_target_libs_file.txt"], cmd = select({ "//tensorflow:windows": """ for SRC in $(SRCS); do echo $$SRC | sed 's/third_party\\///g' >> $@ done """, "//conditions:default": "touch $@", # Just a placeholder for Unix platforms }), visibility = ["//visibility:public"], ) # Get the import library of _pywrap_tensorflow_internal.pyd filegroup( name = "get_pywrap_tensorflow_import_lib_file", srcs = [":_pywrap_tensorflow_internal.so"], output_group = "interface_library", ) cc_import( name = "_pywrap_tensorflow_internal_linux", shared_library = "//tensorflow/python:lib_pywrap_tensorflow_internal.so", visibility = tf_external_workspace_visible(visibility), ) cc_import( name = "_pywrap_tensorflow_internal_macos", shared_library = "//tensorflow/python:lib_pywrap_tensorflow_internal.dylib", visibility = tf_external_workspace_visible(visibility), ) cc_import( name = "_pywrap_tensorflow_internal_windows", interface_library = "//tensorflow/python:pywrap_tensorflow_import_lib_file", shared_library = "//tensorflow/python:_pywrap_tensorflow_internal.dll", visibility = tf_external_workspace_visible(visibility), ) # Rename the import library for _pywrap_tensorflow_internal.pyd to _pywrap_tensorflow_internal.lib # (It was _pywrap_tensorflow_internal.so.if.lib). genrule( name = "pywrap_tensorflow_import_lib_file", srcs = [":get_pywrap_tensorflow_import_lib_file"], outs = ["_pywrap_tensorflow_internal.lib"], cmd = select({ "//tensorflow:windows": "cp -f $< $@", "//conditions:default": "touch $@", # Just a placeholder for Unix platforms }), visibility = ["//visibility:public"], ) # Create a cc_import rule for the import library of _pywrap_tensorflow_internal.dll # so that custom ops' dynamic libraries can link against it. cc_import( name = "pywrap_tensorflow_import_lib", interface_library = select({ "//tensorflow:windows": ":pywrap_tensorflow_import_lib_file", "//conditions:default": "not_existing_on_unix.lib", # Just a placeholder for Unix platforms }), system_provided = 1, ) # ** Targets for Windows build (end) ** tf_python_pybind_extension( name = "_pywrap_file_io", srcs = ["lib/io/file_io_wrapper.cc"], module_name = "_pywrap_file_io", deps = [ ":pybind11_absl", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:protos_all_cc", "@pybind11", ], ) py_library( name = "lib", srcs = [ "lib/io/file_io.py", "lib/io/python_io.py", "lib/io/tf_record.py", ], srcs_version = "PY2AND3", deps = [ ":_pywrap_file_io", ":_pywrap_record_io", ":errors", ":pywrap_tensorflow", ":util", "@six_archive//:six", ], ) tf_python_pybind_extension( name = "_pywrap_record_io", srcs = ["lib/io/record_io_wrapper.cc"], module_name = "_pywrap_record_io", deps = [ ":pybind11_absl", ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core/platform:types", "@com_google_absl//absl/memory", "@pybind11", ], ) py_library( name = "session", srcs = ["client/session.py"], srcs_version = "PY2AND3", deps = [ ":c_api_util", ":error_interpolation", ":errors", ":framework", ":framework_for_generated_wrappers", ":mixed_precision_global_state", ":platform", ":pywrap_tensorflow", ":session_ops", ":util", "//third_party/py/numpy", "@wrapt", ], ) tf_py_test( name = "server_lib_test", size = "small", srcs = ["training/server_lib_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "server_lib_multiple_containers_test", size = "small", srcs = ["training/server_lib_multiple_containers_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "server_lib_same_variables_clear_container_test", size = "small", srcs = ["training/server_lib_same_variables_clear_container_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "server_lib_same_variables_clear_test", size = "small", srcs = ["training/server_lib_same_variables_clear_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "server_lib_same_variables_no_clear_test", size = "small", srcs = ["training/server_lib_same_variables_no_clear_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "server_lib_sparse_job_test", size = "small", srcs = ["training/server_lib_sparse_job_test.py"], grpc_enabled = True, python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":data_flow_ops", ":errors", ":framework_for_generated_wrappers", ":math_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "localhost_cluster_performance_test", size = "medium", srcs = [ "training/localhost_cluster_performance_test.py", ], grpc_enabled = True, python_version = "PY3", tags = [ "no_oss", # Test flaky due to port collisions. "oss_serial", ], deps = [ ":client", ":client_testlib", ":distributed_framework_test_lib", ":framework_for_generated_wrappers", ":partitioned_variables", ":training", ":variable_scope", ":variables", "//third_party/py/numpy", ], ) tf_py_test( name = "sync_replicas_optimizer_test", size = "medium", srcs = [ "training/sync_replicas_optimizer_test.py", ], grpc_enabled = True, python_version = "PY3", tags = [ "no_oss", # Test flaky due to port collisions. "notsan", # data race due to b/62910646 "oss_serial", ], deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":training", ":variables", ], ) py_library( name = "timeline", srcs = ["client/timeline.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":platform", ], ) # Just used by tests. tf_cuda_library( name = "construction_fails_op", srcs = ["client/test_construction_fails_op.cc"], deps = [ "//tensorflow/core", "//tensorflow/core:framework", "//tensorflow/core:lib", "//tensorflow/core:protos_all_cc", ], alwayslink = 1, ) tf_py_test( name = "session_test", size = "medium", srcs = ["client/session_test.py"], grpc_enabled = True, python_version = "PY3", tags = [ "no_gpu", # b/127001953 "no_pip_gpu", # testInteractivePlacePrunedGraph fails on invalid assumption about GPU ops. "no_windows", ], deps = [ ":array_ops", ":client", ":config", ":control_flow_ops", ":data_flow_ops", ":errors", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", ":state_ops", ":training", ":util", ":variables", "//third_party/py/numpy", "@six_archive//:six", ], ) tf_py_test( name = "session_clusterspec_prop_test", size = "small", srcs = ["client/session_clusterspec_prop_test.py"], grpc_enabled = True, python_version = "PY3", tags = [ "no_gpu", "no_oss", "no_pip", "no_pip_gpu", "notap", ], deps = [ ":array_ops", ":client", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", ":state_ops", ":training", ":util", ":variables", "//third_party/py/numpy", ], ) tf_py_test( name = "session_list_devices_test", size = "small", srcs = ["client/session_list_devices_test.py"], grpc_enabled = True, python_version = "PY3", tags = [ "no_gpu", "no_pip_gpu", "notsan", # data race due to b/62910646 ], deps = [ ":client", ":framework", ":framework_test_lib", ":platform_test", ":training", ], ) tf_py_test( name = "session_partial_run_test", size = "small", srcs = ["client/session_partial_run_test.py"], grpc_enabled = True, python_version = "PY3", tags = [ "no_gpu", "no_windows", ], deps = [ ":array_ops", ":client", ":errors", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform_test", ":training", ":util", "@six_archive//:six", ], ) cuda_py_test( name = "timeline_test", size = "small", srcs = ["client/timeline_test.py"], python_version = "PY3", tags = [ "gpu_cupti", "no_gpu", # b/154742661 ], xla_enable_strict_auto_jit = False, # Graph structure is different with autojit deps = [ ":client", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", "//tensorflow/core:protos_all_py", ], ) cuda_py_test( name = "virtual_gpu_test", size = "small", srcs = ["client/virtual_gpu_test.py"], python_version = "PY3", tags = [ "no_gpu", # b/127386241 "no_windows_gpu", ], deps = [ ":client", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "c_api_util_test", size = "small", srcs = ["framework/c_api_util_test.py"], python_version = "PY3", deps = [ ":c_api_util", ":framework_test_lib", ":platform_test", ], ) tf_py_test( name = "graph_util_test", size = "small", srcs = ["framework/graph_util_test.py"], python_version = "PY3", deps = [ ":client", ":client_testlib", ":control_flow_v2_toggles", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":state_ops_gen", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "convert_to_constants_test", size = "small", srcs = ["framework/convert_to_constants_test.py"], python_version = "PY3", tags = ["no_rocm"], deps = [ ":client_testlib", ":control_flow_v2_toggles", ":convert_to_constants", ":framework_test_lib", ":math_ops", ], ) tf_py_test( name = "bfloat16_test", size = "small", srcs = ["lib/core/bfloat16_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":lib", ":pywrap_tensorflow", ], ) tf_py_test( name = "file_io_test", size = "small", srcs = ["lib/io/file_io_test.py"], python_version = "PY3", tags = [ "no_rocm", "no_windows", ], deps = [ ":client_testlib", ":errors", ":lib", ], ) tf_py_test( name = "tf_record_test", size = "small", srcs = ["lib/io/tf_record_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":errors", ":lib", ":util", ], ) cuda_py_test( name = "adam_test", size = "medium", srcs = ["training/adam_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework", ":math_ops", ":platform", ":platform_test", ":training", "//third_party/py/numpy", ], ) cuda_py_test( name = "moving_averages_test", size = "small", srcs = [ "training/moving_averages_test.py", ], python_version = "PY3", tags = [ "no_windows", # b/139083295: bfloat16 tests fail on Windows "notsan", ], deps = [ ":array_ops", ":client_testlib", ":constant_op", ":dtypes", ":framework_for_generated_wrappers", ":framework_ops", ":training", ":variable_scope", ":variables", ], ) cuda_py_tests( name = "training_tests", size = "medium", srcs = [ "training/adadelta_test.py", "training/adagrad_da_test.py", "training/adagrad_test.py", "training/basic_loops_test.py", "training/coordinator_test.py", "training/device_setter_test.py", "training/ftrl_test.py", "training/gradient_descent_test.py", "training/momentum_test.py", "training/optimizer_test.py", "training/proximal_adagrad_test.py", "training/proximal_gradient_descent_test.py", "training/quantize_training_test.py", "training/queue_runner_test.py", "training/rmsprop_test.py", "training/slot_creator_test.py", "training/tensorboard_logging_test.py", "training/training_ops_test.py", ], python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":data_flow_ops", ":data_flow_ops_gen", ":embedding_ops", ":errors", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":gradients", ":lookup_ops", ":math_ops", ":nn_grad", ":nn_ops", ":partitioned_variables", ":platform", ":platform_test", ":pywrap_tensorflow", ":random_ops", ":resource_variable_ops", ":resources", ":sparse_ops", ":state_ops", ":state_ops_gen", ":summary", ":training", ":util", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", "@six_archive//:six", ], ) py_library( name = "saver_test_utils", srcs = ["training/saver_test_utils.py"], srcs_version = "PY2AND3", deps = [ ":lookup_ops_gen", ":training", ], ) cuda_py_test( name = "saver_test", size = "medium", srcs = [ "training/saver_test.py", ], python_version = "PY3", tags = ["multi_gpu"], deps = [ ":array_ops", ":client_testlib", ":control_flow_ops", ":data_flow_ops", ":errors", ":gradients", ":math_ops", ":nn_grad", ":nn_ops", ":partitioned_variables", ":platform", ":platform_test", ":py_checkpoint_reader", ":random_ops", ":resource_variable_ops", ":saver_test_utils", ":sparse_ops", ":summary", ":training", ":util", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/data/ops:dataset_ops", "//third_party/py/numpy", "@six_archive//:six", ], ) cuda_py_test( name = "checkpoint_management_test", size = "small", srcs = [ "training/checkpoint_management_test.py", ], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":control_flow_ops", ":data_flow_ops", ":errors", ":gradients", ":math_ops", ":nn_grad", ":nn_ops", ":partitioned_variables", ":platform", ":platform_test", ":pywrap_tensorflow", ":random_ops", ":resource_variable_ops", ":saver_test_utils", ":sparse_ops", ":summary", ":training", ":util", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/data/ops:dataset_ops", "//third_party/py/numpy", "@six_archive//:six", ], ) tf_py_test( name = "saver_large_variable_test", size = "medium", srcs = ["training/saver_large_variable_test.py"], python_version = "PY3", tags = [ "manual", "noasan", # http://b/30379628 "notsan", # http://b/30379628 ], deps = [ ":client", ":client_testlib", ":errors", ":framework_for_generated_wrappers", ":training", ":variables", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "saver_large_partitioned_variable_test", size = "medium", srcs = ["training/saver_large_partitioned_variable_test.py"], python_version = "PY3", tags = [ "noasan", # http://b/30782289 "notsan", # http://b/30782289 ], deps = [ ":client", ":client_testlib", ":framework_for_generated_wrappers", ":partitioned_variables", ":training", ":variables", ], ) cuda_py_test( name = "session_manager_test", size = "medium", # TODO(irving): Can this be made small? srcs = ["training/session_manager_test.py"], grpc_enabled = True, main = "training/session_manager_test.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":errors", ":framework_for_generated_wrappers", ":platform", ":training", ":variables", ], ) tf_py_test( name = "supervisor_test", size = "small", srcs = ["training/supervisor_test.py"], grpc_enabled = True, python_version = "PY3", tags = ["no_windows"], deps = [ ":array_ops", ":checkpoint_management", ":client_testlib", ":errors", ":framework", ":framework_for_generated_wrappers", ":io_ops", ":parsing_ops", ":platform", ":saver", ":summary", ":training", ":variables", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "basic_session_run_hooks_test", size = "medium", srcs = ["training/basic_session_run_hooks_test.py"], python_version = "PY3", tags = [ "no_pip", # Relies on contrib "no_windows", "notsan", # intermittent races on a few percent of runs ], deps = [ ":client", ":client_testlib", ":control_flow_ops", ":fake_summary_writer", ":framework", ":framework_for_generated_wrappers", ":nn_grad", ":platform", ":state_ops", ":summary", ":training", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "checkpoint_utils_test", size = "small", srcs = ["training/checkpoint_utils_test.py"], python_version = "PY3", tags = [ "manual", "no_cuda_on_cpu_tap", "no_oss", "no_windows", "notap", ], deps = [ ":client", ":client_testlib", ":framework_for_generated_wrappers", ":io_ops", ":partitioned_variables", ":platform", ":resource_variable_ops", ":state_ops", ":training", ":variable_scope", ":variables", ], ) tf_py_test( name = "checkpoint_ops_test", size = "small", srcs = ["training/checkpoint_ops_test.py"], python_version = "PY3", deps = [ ":checkpoint_ops_gen", ":client", ":client_testlib", ":framework_for_generated_wrappers", ":io_ops", ":partitioned_variables", ":platform", ":pywrap_tensorflow", ":state_ops", ":training", ":variable_scope", ":variables", ], ) tf_py_test( name = "warm_starting_util_test", size = "medium", srcs = ["training/warm_starting_util_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":dtypes", ":framework_ops", ":init_ops", ":training", ":variable_scope", ":variables", "//third_party/py/numpy", ], ) tf_py_test( name = "monitored_session_test", size = "medium", srcs = ["training/monitored_session_test.py"], tags = [ "no_pip", "notsan", # b/67945581 ], deps = [ ":array_ops", ":checkpoint_management", ":client_testlib", ":control_flow_ops", ":errors", ":framework_for_generated_wrappers", ":resource_variable_ops", ":saver", ":session", ":state_ops", ":summary", ":training", ":variables", "//tensorflow/core:protos_all_py", "//tensorflow/python/distribute:collective_all_reduce_strategy", "//tensorflow/python/distribute:distribute_coordinator", ], ) py_library( name = "training_util", srcs = ["training/training_util.py"], srcs_version = "PY2AND3", deps = [ ":dtypes", ":framework", ":framework_ops", ":init_ops", ":platform", ":resource_variable_ops", ":state_ops", ":util", ":variable_scope", ":variables", "//tensorflow/python/eager:context", ], ) tf_py_test( name = "training_util_test", size = "small", srcs = ["training/training_util_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":framework", ":platform", ":training", ":training_util", ":variables", ], ) tf_py_test( name = "input_test", size = "medium", srcs = ["training/input_test.py"], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":errors", ":framework", ":framework_for_generated_wrappers", ":math_ops", ":platform", ":training", ":util", ":variables", "//third_party/py/numpy", ], ) py_library( name = "summary_op_util", srcs = ["ops/summary_op_util.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":framework", ":framework_for_generated_wrappers", ":platform", ], ) py_library( name = "summary", srcs = glob( ["summary/**/*.py"], exclude = [ "**/fake*", "**/*test*", ], ), srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":client", ":constant_op", ":framework", ":framework_for_generated_wrappers", ":lib", ":logging_ops_gen", ":platform", ":protos_all_py", ":pywrap_tensorflow", ":summary_op_util", ":summary_ops_gen", ":summary_ops_v2", ":util", "//tensorflow/python/distribute:summary_op_util", "//tensorflow/python/eager:context", "@six_archive//:six", ], ) py_library( name = "fake_summary_writer", testonly = 1, srcs = ["summary/writer/fake_summary_writer.py"], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":framework_test_lib", ":protos_all_py", ":summary", ], ) py_tests( name = "summary_tests", size = "small", srcs = [ "summary/plugin_asset_test.py", "summary/summary_test.py", "summary/writer/writer_test.py", ], python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":framework", ":framework_for_generated_wrappers", ":framework_test_lib", ":platform", ":platform_test", ":summary", ":summary_ops_v2", ":variables", "//tensorflow/core:protos_all_py", ], ) # TODO(scottzhu): Move all the tf.layer related targets. py_library( name = "layers_base", srcs = [ "layers/__init__.py", "layers/base.py", ], srcs_version = "PY2AND3", deps = [ "//tensorflow/python/keras/legacy_tf_layers:layers_base", ], ) py_library( name = "layers_util", srcs = [ "layers/utils.py", ], srcs_version = "PY2AND3", deps = [ ":control_flow_ops", ":smart_cond", ":variables", ], ) py_library( name = "layers", srcs = [ "layers/convolutional.py", "layers/core.py", "layers/layers.py", "layers/normalization.py", "layers/pooling.py", ], srcs_version = "PY2AND3", deps = [ ":layers_base", "//tensorflow/python/keras/legacy_tf_layers:convolutional", "//tensorflow/python/keras/legacy_tf_layers:core", "//tensorflow/python/keras/legacy_tf_layers:normalization", "//tensorflow/python/keras/legacy_tf_layers:pooling", ], ) # ----------------------------------------------------------------------------- # Quantization tf_py_test( name = "dequantize_op_test", size = "small", srcs = ["ops/dequantize_op_test.py"], python_version = "PY3", tags = ["no_windows"], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) tf_py_test( name = "quantized_ops_test", size = "small", srcs = ["ops/quantized_ops_test.py"], python_version = "PY3", tags = ["no_windows"], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", "//third_party/py/numpy", ], ) tf_py_test( name = "quantized_conv_ops_test", size = "small", srcs = ["ops/quantized_conv_ops_test.py"], python_version = "PY3", tags = ["no_windows"], deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":nn_ops", "//third_party/py/numpy", ], ) py_test( name = "ops/array_ops_test", srcs = ["ops/array_ops_test.py"], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":array_ops", ":client_testlib", ":constant_op", ":dtypes", ":framework_ops", ":framework_test_lib", ":gradients", ":math_ops", ":random_ops", ], ) cuda_py_test( name = "accumulate_n_benchmark", size = "medium", srcs = ["ops/accumulate_n_benchmark.py"], main = "ops/accumulate_n_benchmark.py", python_version = "PY3", shard_count = 6, deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops_gen", ":data_flow_ops", ":framework_for_generated_wrappers", ":math_ops", ":random_ops", ":state_ops", ":state_ops_gen", ], ) cuda_py_test( name = "batch_norm_benchmark", srcs = ["ops/batch_norm_benchmark.py"], main = "ops/batch_norm_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":framework_for_generated_wrappers", ":gradients", ":math_ops", ":nn", ":nn_grad", ":nn_ops_gen", ":platform", ":random_ops", ":variables", ], ) cuda_py_test( name = "collective_ops_benchmark", srcs = ["ops/collective_ops_benchmark.py"], main = "ops/collective_ops_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":collective_ops", ":framework_for_generated_wrappers", ":platform", ":variables", "//tensorflow/core:protos_all_py", ], ) cuda_py_test( name = "concat_benchmark", srcs = ["ops/concat_benchmark.py"], main = "ops/concat_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":framework_for_generated_wrappers", ":gradients", ":platform", ":variables", "//tensorflow/core:protos_all_py", ], ) cuda_py_test( name = "control_flow_ops_benchmark", srcs = ["ops/control_flow_ops_benchmark.py"], main = "ops/control_flow_ops_benchmark.py", python_version = "PY3", deps = [ ":client_testlib", ":constant_op", ":control_flow_ops", ":framework_ops", "//tensorflow/python/eager:function", ], ) cuda_py_test( name = "conv2d_benchmark", size = "large", srcs = ["ops/conv2d_benchmark.py"], main = "ops/conv2d_benchmark.py", python_version = "PY3", deps = [ ":client", ":client_testlib", ":control_flow_ops", ":framework_for_generated_wrappers", ":nn_ops", ":platform", ":platform_benchmark", ":random_ops", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "split_benchmark", srcs = ["ops/split_benchmark.py"], main = "ops/split_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":framework_for_generated_wrappers", ":platform", ":platform_benchmark", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "transpose_benchmark", size = "medium", srcs = ["ops/transpose_benchmark.py"], main = "ops/transpose_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":control_flow_ops", ":framework_for_generated_wrappers", ":platform", ":platform_benchmark", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "matmul_benchmark", size = "medium", srcs = ["ops/matmul_benchmark.py"], main = "ops/matmul_benchmark.py", python_version = "PY3", deps = [":matmul_benchmark_main_lib"], ) py_library( name = "matmul_benchmark_main_lib", testonly = True, srcs = ["ops/matmul_benchmark.py"], deps = [ ":client", ":client_testlib", ":control_flow_ops", ":framework_for_generated_wrappers", ":framework_test_lib", ":math_ops", ":platform", ":platform_benchmark", ":random_ops", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "session_benchmark", srcs = ["client/session_benchmark.py"], grpc_enabled = True, main = "client/session_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client", ":client_testlib", ":framework_for_generated_wrappers", ":random_ops", ":training", ":variables", "//third_party/py/numpy", ], ) cuda_py_test( name = "graph_building_benchmark", size = "medium", srcs = ["framework/graph_building_benchmark.py"], main = "framework/graph_building_benchmark.py", python_version = "PY3", deps = [ ":array_ops", ":client_testlib", ":dtypes", ":math_ops", ":platform_benchmark", "//tensorflow/python/eager:context", ], ) cuda_py_test( name = "nn_grad_test", size = "medium", srcs = ["ops/nn_grad_test.py"], python_version = "PY3", deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":nn_grad", ":nn_ops", "//third_party/py/numpy", ], ) py_library( name = "tf_item", srcs = [ "grappler/item.py", ], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":_pywrap_tf_item", "//tensorflow/core/grappler/costs:op_performance_data_py", ], ) tf_python_pybind_extension( name = "_pywrap_tf_item", srcs = ["grappler/item_wrapper.cc"], hdrs = [ "//tensorflow/cc:pywrap_required_hdrs", "//tensorflow/core/grappler:pywrap_required_hdrs", "//tensorflow/core/grappler/clusters:pywrap_required_hdrs", "//tensorflow/core/grappler/costs:pywrap_required_hdrs", "//tensorflow/core/grappler/utils:pywrap_required_hdrs", ], module_name = "_pywrap_tf_item", deps = [ ":pybind11_status", "@pybind11", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core:framework_headers_lib", "//tensorflow/core/common_runtime/gpu:gpu_id", "//tensorflow/core:protos_all_cc", ] + if_not_windows(["//tensorflow/core/grappler/costs:graph_properties"]), # b/148556093, ) tf_py_test( name = "item_test", size = "small", srcs = [ "grappler/item_test.py", ], python_version = "PY3", tags = [ "grappler", "no_pip", # tf_optimizer is not available in pip. ], deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":tf_item", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "datasets_test", size = "small", srcs = [ "grappler/datasets_test.py", ], python_version = "PY3", tags = [ "grappler", "no_pip", # tf_optimizer is not available in pip. ], deps = [ ":array_ops", ":client_testlib", ":framework_combinations", ":framework_for_generated_wrappers", ":tf_item", "//tensorflow/core:protos_all_py", "//tensorflow/python/data", ], ) py_library( name = "tf_cluster", srcs = [ "grappler/cluster.py", ], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":_pywrap_tf_cluster", "//tensorflow/core/grappler/costs:op_performance_data_py", ], ) tf_python_pybind_extension( name = "_pywrap_tf_cluster", srcs = ["grappler/cluster_wrapper.cc"], hdrs = [ "//tensorflow/cc:pywrap_required_hdrs", "//tensorflow/core/grappler:pywrap_required_hdrs", "//tensorflow/core/grappler/clusters:pywrap_required_hdrs", "//tensorflow/core/grappler/costs:pywrap_required_hdrs", "//tensorflow/core/grappler/utils:pywrap_required_hdrs", ], module_name = "_pywrap_tf_cluster", deps = [ ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core/common_runtime/gpu:gpu_id", "@com_google_absl//absl/types:span", "@pybind11", ], ) cuda_py_test( name = "cluster_test", size = "small", srcs = [ "grappler/cluster_test.py", ], python_version = "PY3", shard_count = 10, tags = [ "grappler", "no_pip", # tf_optimizer is not available in pip. "notap", # TODO(b/135924227): Re-enable after fixing flakiness. ], # This test will not run on XLA because it primarily tests the TF Classic flow. xla_enable_strict_auto_jit = False, deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":tf_cluster", ":tf_item", "//tensorflow/core:protos_all_py", ], ) py_library( name = "tf_optimizer", srcs = [ "grappler/tf_optimizer.py", ], srcs_version = "PY2AND3", visibility = ["//visibility:public"], deps = [ ":_pywrap_tf_optimizer", ":tf_cluster", ], ) tf_python_pybind_extension( name = "_pywrap_tf_optimizer", srcs = ["grappler/tf_optimizer_wrapper.cc"], hdrs = [ "//tensorflow/cc:pywrap_required_hdrs", "//tensorflow/core/grappler:pywrap_required_hdrs", "//tensorflow/core/grappler/clusters:pywrap_required_hdrs", "//tensorflow/core/grappler/costs:pywrap_required_hdrs", "//tensorflow/core/grappler/optimizers:pywrap_required_hdrs", "//tensorflow/core/grappler/verifiers:pywrap_required_hdrs", ], module_name = "_pywrap_tf_optimizer", deps = [ ":pybind11_status", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core/common_runtime/gpu:gpu_id", "@pybind11", ], ) tf_py_test( name = "tf_optimizer_test", size = "small", srcs = [ "grappler/tf_optimizer_test.py", ], python_version = "PY3", tags = [ "grappler", "no_pip", # tf_optimizer is not available in pip. ], deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":tf_item", ":tf_optimizer", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_py_test( name = "memory_optimizer_test", size = "medium", srcs = [ "grappler/memory_optimizer_test.py", ], python_version = "PY3", tags = [ "grappler", ], deps = [ ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":nn", ":random_seed", ":session", ":tf_optimizer", ":training", ":variable_scope", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "constant_folding_test", size = "medium", srcs = [ "grappler/constant_folding_test.py", ], python_version = "PY3", tags = [ "grappler", ], deps = [ ":array_ops", ":client_testlib", ":control_flow_ops", ":dtypes", ":framework_for_generated_wrappers", ":functional_ops", ":math_ops", ":ops", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "arithmetic_optimizer_test", size = "small", srcs = [ "grappler/arithmetic_optimizer_test.py", ], python_version = "PY3", tags = [ "grappler", ], xla_enable_strict_auto_jit = False, deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) # TODO(b/131764887) Remove once LayoutOptimizer is swapped out with GenericLayoutOptimizer. # # cuda_py_test( # name = "layout_optimizer_test", # size = "medium", # srcs = [ # "grappler/layout_optimizer_test.py", # ], # deps = [ # ":client_testlib", # ":framework_for_generated_wrappers", # ":array_ops", # ":constant_op", # ":dtypes", # ":functional_ops", # ":math_ops", # ":nn", # ":ops", # ":random_ops", # ":state_ops", # ":tf_cluster", # ":tf_optimizer", # ":training", # "//third_party/py/numpy", # "//tensorflow/core:protos_all_py", # ], # shard_count = 10, # tags = [ # "grappler", # ], # # This test will not run on XLA because it primarily tests the TF Classic flow. # xla_enable_strict_auto_jit = False, # ) py_library( name = "cost_analyzer", srcs = [ "grappler/cost_analyzer.py", ], srcs_version = "PY2AND3", deps = [ ":_pywrap_cost_analyzer", ":tf_cluster", ":tf_item", ], ) py_binary( name = "cost_analyzer_tool", srcs = [ "grappler/cost_analyzer_tool.py", ], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":cost_analyzer", ":framework_for_generated_wrappers", ":tf_optimizer", "//tensorflow/core:protos_all_py", ], ) tf_py_test( name = "cost_analyzer_test", size = "small", srcs = ["grappler/cost_analyzer_test.py"], python_version = "PY3", tags = [ "grappler", "no_cuda_on_cpu_tap", "no_mac", "no_pip", "no_windows", # TODO(b/151942037) ], deps = [ ":array_ops", ":client_testlib", ":cost_analyzer", ":framework_for_generated_wrappers", ":math_ops", ":nn", ":nn_grad", ":random_ops", ":state_ops", ":training", ":variables", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) py_library( name = "model_analyzer", srcs = [ "grappler/model_analyzer.py", ], srcs_version = "PY2AND3", deps = [":_pywrap_model_analyzer"], ) tf_py_test( name = "model_analyzer_test", size = "small", srcs = ["grappler/model_analyzer_test.py"], tags = [ "grappler", "no_pip", ], deps = [ ":array_ops", ":client_testlib", ":framework_for_generated_wrappers", ":math_ops", ":model_analyzer", ":state_ops", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) cuda_py_test( name = "auto_mixed_precision_test", size = "medium", srcs = [ "grappler/auto_mixed_precision_test.py", ], python_version = "PY3", tags = ["grappler"], # This test analyzes the graph, but XLA changes the names of nodes. xla_enable_strict_auto_jit = False, deps = [ ":array_ops", ":client_testlib", ":constant_op", ":control_flow_ops", ":dtypes", ":framework_for_generated_wrappers", ":math_ops", ":nn", ":ops", ":random_ops", ":training", "//tensorflow/core:protos_all_py", "//third_party/py/numpy", ], ) tf_gen_op_wrapper_private_py( name = "nccl_ops_gen", visibility = ["//tensorflow:internal"], deps = [ "//tensorflow/core:nccl_ops_op_lib", ], ) py_library( name = "nccl_ops", srcs = ["ops/nccl_ops.py"], srcs_version = "PY2AND3", visibility = visibility + [ "//learning/deepmind/tensorflow:__subpackages__", "//third_party/car/deep_nets/tensorflow:__subpackages__", "//waymo/ml:__subpackages__", ], deps = [ ":framework_for_generated_wrappers", ":nccl_ops_gen", "//tensorflow/python/eager:context", "//tensorflow/python/eager:def_function", ], ) cuda_py_test( name = "nccl_ops_test", size = "small", srcs = ["ops/nccl_ops_test.py"], python_version = "PY3", # Disabled on jenkins until errors finding nvmlShutdown are found. tags = [ "manual", "multi_gpu", "no_oss", "noguitar", "notap", ], deps = [ ":array_ops", ":client_testlib", ":framework_test_lib", ":nccl_ops", ":platform_test", ], ) tf_gen_op_wrapper_private_py( name = "decode_proto_ops_gen", deps = [ "//tensorflow/core:decode_proto_ops_op_lib", ], ) tf_gen_op_wrapper_private_py( name = "encode_proto_ops_gen", deps = [ "//tensorflow/core:encode_proto_ops_op_lib", ], ) py_library( name = "proto_ops", srcs = ["ops/proto_ops.py"], deps = [ ":decode_proto_ops_gen", ":encode_proto_ops_gen", ":framework_ops", ], ) py_library( name = "pywrap_mlir", srcs = ["pywrap_mlir.py"], visibility = ["//visibility:public"], deps = [ ":_pywrap_mlir", ":pywrap_tensorflow", ], ) tf_python_pybind_extension( name = "_pywrap_mlir", srcs = ["mlir_wrapper.cc"], hdrs = [ "lib/core/safe_ptr.h", "//tensorflow/c:headers", "//tensorflow/c/eager:headers", "//tensorflow/compiler/mlir/python:pywrap_mlir_hdrs", ], module_name = "_pywrap_mlir", deps = [ ":pybind11_lib", ":pybind11_status", "//tensorflow/core:protos_all_cc", "//tensorflow/core/platform:status", "//third_party/python_runtime:headers", "@com_google_absl//absl/container:fixed_array", "@pybind11", ], ) py_library( name = "pywrap_tfe", srcs = ["pywrap_tfe.py"], visibility = ["//visibility:public"], deps = [ ":_pywrap_tfe", ":pywrap_tensorflow", ], ) tf_python_pybind_extension( name = "_pywrap_tfe", srcs = ["tfe_wrapper.cc"], hdrs = [ "lib/core/safe_ptr.h", "util/util.h", ":py_exception_registry_hdr", "//tensorflow/c:headers", "//tensorflow/c:pywrap_required_hdrs", "//tensorflow/c/eager:headers", "//tensorflow/c/eager:pywrap_required_hdrs", "//tensorflow/core/common_runtime/eager:pywrap_required_hdrs", "//tensorflow/core/distributed_runtime:pywrap_required_hdrs", "//tensorflow/core/distributed_runtime/eager:pywrap_required_hdrs", "//tensorflow/core/framework:pywrap_required_hdrs", "//tensorflow/python/eager:pywrap_required_hdrs", ], module_name = "_pywrap_tfe", deps = [ ":pybind11_lib", ":pybind11_status", "@com_google_absl//absl/container:flat_hash_map", "@com_google_absl//absl/hash", "@com_google_absl//absl/memory", "@com_google_absl//absl/strings", "@com_google_absl//absl/types:optional", "@pybind11", "//third_party/python_runtime:headers", "//tensorflow/c/experimental/saved_model/core:pywrap_required_hdrs", "//tensorflow/compiler/jit:flags_headers_only", "//tensorflow/core/common_runtime:core_cpu_headers_lib", "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/core/platform", ] + if_static( extra_deps = [ "//tensorflow/core/protobuf:eager_service_proto_cc", "//tensorflow/core/protobuf:master_proto_cc", "//tensorflow/core/protobuf:worker_proto_cc", ], otherwise = [ "//tensorflow/core/protobuf:eager_service_proto_cc_headers_only", "//tensorflow/core/protobuf:master_proto_cc_headers_only", "//tensorflow/core/protobuf:worker_proto_cc_headers_only", ], ), ) tf_python_pybind_extension( name = "_pywrap_graph_analyzer", srcs = ["grappler/graph_analyzer_tool_wrapper.cc"], module_name = "_pywrap_graph_analyzer", deps = [ "//tensorflow/core/grappler/graph_analyzer:graph_analyzer_tool", "@pybind11", ], ) py_binary( name = "graph_analyzer", srcs = [ "grappler/graph_analyzer.py", ], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":_pywrap_graph_analyzer", ":framework_for_generated_wrappers", ], ) tf_python_pybind_extension( name = "_pywrap_parallel_device", srcs = [ "lib/core/safe_ptr.h", "//tensorflow/c:headers", "//tensorflow/c/eager:headers", "//tensorflow/c/eager/parallel_device:headers", "//tensorflow/c/eager/parallel_device:sources", "//tensorflow/python/distribute/parallel_device:pywrap_parallel_device.cc", ], module_name = "_pywrap_parallel_device", visibility = ["//tensorflow/python/distribute/parallel_device:__pkg__"], deps = [ "//tensorflow/core:framework_headers_lib", "//tensorflow/core:lib_headers_for_pybind", "//tensorflow/core:protos_all_cc", "//tensorflow/python:pybind11_lib", "//tensorflow/python:pybind11_status", "//third_party/python_runtime:headers", "@pybind11", ], ) pyx_library( name = "framework_fast_tensor_util", srcs = ["framework/fast_tensor_util.pyx"], py_deps = ["//tensorflow/python:util"], deps = ["//third_party/py/numpy:headers"], ) py_library( name = "tf2", srcs = ["tf2.py"], srcs_version = "PY2AND3", ) py_test( name = "tf2_test", srcs = ["framework/tf2_test.py"], python_version = "PY3", srcs_version = "PY2AND3", deps = [ ":client_testlib", ":framework_combinations", ":tf2", ], ) cuda_py_test( name = "raw_ops_test", srcs = ["ops/raw_ops_test.py"], python_version = "PY3", deps = [ ":client_testlib", ], )