Move mixed precision files out of experimental/ directory.
This is a purely mechanical change. All that is done is: * Deleted python/keras/mixed_precision/experimental/__init__.py * All other files in python/keras/mixed_precision/experimental/ are moved one directly up, out of the experimental/ folder * All Python imports, BUILD dependencies, and other references to the old experimental files are adjusted to refer to the new location This changes the API golden files, but there is no API change. The golden files referred to the full paths of the classes in "is_instance" sections, and the full paths have changed. PiperOrigin-RevId: 338345459 Change-Id: I9eefc2bea49b71f26ef7ec3563364a3f1d54abe6
This commit is contained in:
parent
72fa7b2108
commit
642c3e8498
tensorflow
python/keras
BUILD
api
distribute
BUILDcollective_all_reduce_strategy_test.pydistribute_strategy_test.pykeras_correctness_test_base.pykeras_rnn_model_correctness_test.py
engine
layers
legacy_tf_layers
mixed_precision
BUILDautocast_variable.pyautocast_variable_test.pydevice_compatibility_check.pydevice_compatibility_check_test.py
optimizers.pyexperimental
get_layer_policy.pyget_layer_policy_test.pykeras_test.pylayer_correctness_test.pyloss_scale.pyloss_scale_benchmark.pyloss_scale_optimizer.pyloss_scale_optimizer_test.pymixed_precision_graph_rewrite_test.pypolicy.pypolicy_test.pytest_util.pytestdata
saving
tools
@ -38,7 +38,7 @@ py_library(
|
||||
"//tensorflow/python/keras/datasets",
|
||||
"//tensorflow/python/keras/feature_column",
|
||||
"//tensorflow/python/keras/layers",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:mixed_precision_experimental",
|
||||
"//tensorflow/python/keras/mixed_precision:mixed_precision_experimental",
|
||||
"//tensorflow/python/keras/optimizer_v2",
|
||||
"//tensorflow/python/keras/premade",
|
||||
"//tensorflow/python/keras/preprocessing",
|
||||
|
@ -73,9 +73,9 @@ keras_packages = [
|
||||
"tensorflow.python.keras.layers.wrappers",
|
||||
"tensorflow.python.keras.losses",
|
||||
"tensorflow.python.keras.metrics",
|
||||
"tensorflow.python.keras.mixed_precision.experimental.get_layer_policy",
|
||||
"tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer",
|
||||
"tensorflow.python.keras.mixed_precision.experimental.policy",
|
||||
"tensorflow.python.keras.mixed_precision.get_layer_policy",
|
||||
"tensorflow.python.keras.mixed_precision.loss_scale_optimizer",
|
||||
"tensorflow.python.keras.mixed_precision.policy",
|
||||
"tensorflow.python.keras.models",
|
||||
"tensorflow.python.keras.optimizer_v2.adadelta",
|
||||
"tensorflow.python.keras.optimizer_v2.adagrad",
|
||||
|
@ -49,8 +49,8 @@ py_library(
|
||||
"//tensorflow/python/keras:losses",
|
||||
"//tensorflow/python/keras:optimizers",
|
||||
"//tensorflow/python/keras:regularizers",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/keras/saving",
|
||||
"//tensorflow/python/keras/utils:engine_utils",
|
||||
"//tensorflow/python/keras/utils:mode_keys",
|
||||
@ -197,8 +197,8 @@ cuda_py_test(
|
||||
"//tensorflow/python/keras:testing_utils",
|
||||
"//tensorflow/python/keras/engine",
|
||||
"//tensorflow/python/keras/layers",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:test_util",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:test_util",
|
||||
"//tensorflow/python/ops/losses",
|
||||
"@absl_py//absl/testing:parameterized",
|
||||
],
|
||||
|
@ -42,8 +42,8 @@ from tensorflow.python.keras import layers
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.engine import sequential
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision.experimental import test_util as mp_test_util
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.mixed_precision import test_util as mp_test_util
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent as gradient_descent_keras
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import nn
|
||||
|
@ -51,7 +51,7 @@ from tensorflow.python.keras.distribute import distributed_training_utils
|
||||
from tensorflow.python.keras.distribute import distributed_training_utils_v1
|
||||
from tensorflow.python.keras.distribute import optimizer_combinations
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent as gradient_descent_keras
|
||||
from tensorflow.python.keras.utils import np_utils
|
||||
from tensorflow.python.ops import array_ops
|
||||
|
@ -32,7 +32,7 @@ from tensorflow.python.eager import context
|
||||
from tensorflow.python.framework import random_seed
|
||||
from tensorflow.python.framework import test_combinations as combinations
|
||||
from tensorflow.python.keras.distribute import distributed_training_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.preprocessing import sequence
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.util import nest
|
||||
|
@ -28,7 +28,7 @@ from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.distribute import keras_correctness_test_base
|
||||
from tensorflow.python.keras.layers import recurrent as rnn_v1
|
||||
from tensorflow.python.keras.layers import recurrent_v2 as rnn_v2
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent as gradient_descent_keras
|
||||
|
||||
|
||||
|
@ -67,9 +67,9 @@ py_library(
|
||||
"//tensorflow/python/keras:optimizers",
|
||||
"//tensorflow/python/keras:regularizers",
|
||||
"//tensorflow/python/keras/distribute",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/keras/saving",
|
||||
"//tensorflow/python/keras/utils:engine_utils",
|
||||
"//tensorflow/python/keras/utils:metrics_utils",
|
||||
@ -152,9 +152,9 @@ py_library(
|
||||
# TODO(keras-team): Fix the cyclar deps between layer and metrics.
|
||||
# "//tensorflow/python/keras:metrics",
|
||||
"//tensorflow/python/keras:regularizers",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/keras/saving",
|
||||
"//tensorflow/python/keras/utils:generic_utils",
|
||||
"//tensorflow/python/keras/utils:layer_utils",
|
||||
@ -691,7 +691,7 @@ tf_py_test(
|
||||
"//tensorflow/python/keras:testing_utils",
|
||||
"//tensorflow/python/keras/layers",
|
||||
"//tensorflow/python/keras/legacy_tf_layers:core",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/keras/optimizer_v2",
|
||||
"//tensorflow/python/keras/utils:tf_utils",
|
||||
"//tensorflow/python/ops/ragged:ragged_tensor",
|
||||
|
@ -56,9 +56,9 @@ from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.engine import input_spec
|
||||
from tensorflow.python.keras.engine import keras_tensor
|
||||
from tensorflow.python.keras.engine import node as node_module
|
||||
from tensorflow.python.keras.mixed_precision.experimental import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.saving.saved_model import layer_serialization
|
||||
from tensorflow.python.keras.utils import generic_utils
|
||||
from tensorflow.python.keras.utils import layer_utils
|
||||
|
@ -1502,7 +1502,7 @@ class IdentityLayer(base_layer.Layer):
|
||||
class DTypeTest(keras_parameterized.TestCase):
|
||||
|
||||
# This class only have tests relating to layer.dtype. Tests for dtype policies
|
||||
# are in mixed_precision/experimental/keras_test.py
|
||||
# are in mixed_precision/keras_test.py
|
||||
|
||||
# TODO(reedwm): Maybe have a separate test file for input casting tests.
|
||||
|
||||
|
@ -46,9 +46,9 @@ from tensorflow.python.keras import regularizers
|
||||
from tensorflow.python.keras.engine import base_layer
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.engine import input_spec
|
||||
from tensorflow.python.keras.mixed_precision.experimental import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.saving.saved_model import layer_serialization
|
||||
from tensorflow.python.keras.utils import generic_utils
|
||||
from tensorflow.python.keras.utils import layer_utils
|
||||
|
@ -51,8 +51,8 @@ from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.engine import compile_utils
|
||||
from tensorflow.python.keras.engine import data_adapter
|
||||
from tensorflow.python.keras.engine import training_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer as lso
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer as lso
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.saving import hdf5_format
|
||||
from tensorflow.python.keras.saving import save
|
||||
from tensorflow.python.keras.saving.saved_model import json_utils
|
||||
|
@ -26,7 +26,7 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.keras import backend
|
||||
from tensorflow.python.keras.engine import training_utils
|
||||
from tensorflow.python.keras.engine import training_utils_v1
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.utils import losses_utils
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
|
@ -52,8 +52,8 @@ from tensorflow.python.keras.engine import training_eager_v1
|
||||
from tensorflow.python.keras.engine import training_generator_v1
|
||||
from tensorflow.python.keras.engine import training_utils
|
||||
from tensorflow.python.keras.engine import training_utils_v1
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.optimizer_v2 import optimizer_v2
|
||||
from tensorflow.python.keras.saving.saved_model import model_serialization
|
||||
from tensorflow.python.keras.utils import data_utils
|
||||
|
@ -30,7 +30,7 @@ from tensorflow.python.framework import tensor_spec
|
||||
from tensorflow.python.keras import keras_parameterized
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.ops import variables
|
||||
|
@ -28,7 +28,7 @@ from tensorflow.python.framework import test_util as tf_test_util
|
||||
from tensorflow.python.keras import combinations
|
||||
from tensorflow.python.keras import keras_parameterized
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.ops import variables
|
||||
from tensorflow.python.ops.ragged import ragged_factory_ops
|
||||
from tensorflow.python.platform import test
|
||||
|
@ -31,7 +31,7 @@ from tensorflow.python.keras import keras_parameterized
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.layers import normalization
|
||||
from tensorflow.python.keras.layers import normalization_v2
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import gradient_checker_v2
|
||||
from tensorflow.python.ops import math_ops
|
||||
|
@ -34,7 +34,7 @@ py_library(
|
||||
"//tensorflow/python/eager:context",
|
||||
"//tensorflow/python/keras:backend",
|
||||
"//tensorflow/python/keras/engine:base_layer",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:policy",
|
||||
"//tensorflow/python/keras/mixed_precision:policy",
|
||||
"//tensorflow/python/training/tracking:base",
|
||||
],
|
||||
)
|
||||
|
@ -26,7 +26,7 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.keras import backend
|
||||
from tensorflow.python.keras.engine import base_layer
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.utils import tf_contextlib
|
||||
from tensorflow.python.ops import variable_scope as vs
|
||||
from tensorflow.python.ops import variables as tf_variables
|
||||
|
@ -76,7 +76,7 @@ py_test(
|
||||
"//tensorflow/python:platform_test",
|
||||
"//tensorflow/python/keras",
|
||||
"//tensorflow/python/keras:combinations",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/mixed_precision:loss_scale_optimizer",
|
||||
"//tensorflow/python/keras/optimizer_v2",
|
||||
],
|
||||
)
|
||||
@ -257,8 +257,8 @@ cuda_py_test(
|
||||
size = "medium",
|
||||
srcs = ["keras_test.py"],
|
||||
data = [
|
||||
"//tensorflow/python/keras/mixed_precision/experimental/testdata:lso_ckpt_tf2.2",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental/testdata:lso_savedmodel_tf2.2",
|
||||
"//tensorflow/python/keras/mixed_precision/testdata:lso_ckpt_tf2.2",
|
||||
"//tensorflow/python/keras/mixed_precision/testdata:lso_savedmodel_tf2.2",
|
||||
],
|
||||
python_version = "PY3",
|
||||
shard_count = 10,
|
@ -36,7 +36,7 @@ from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.framework import indexed_slices
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import test_combinations as combinations
|
||||
from tensorflow.python.keras.mixed_precision.experimental import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision import autocast_variable
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent as gradient_descent_v2
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import state_ops
|
@ -21,7 +21,7 @@ from __future__ import print_function
|
||||
import re
|
||||
|
||||
from tensorflow.python.keras import combinations
|
||||
from tensorflow.python.keras.mixed_precision.experimental import device_compatibility_check
|
||||
from tensorflow.python.keras.mixed_precision import device_compatibility_check
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.platform import tf_logging
|
||||
|
@ -20,8 +20,8 @@ from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.keras.mixed_precision.experimental import get_layer_policy
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import get_layer_policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -44,10 +44,10 @@ from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.engine import input_spec
|
||||
from tensorflow.python.keras.engine import sequential
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.keras.mixed_precision.experimental import get_layer_policy
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision.experimental import test_util as mp_test_util
|
||||
from tensorflow.python.keras.mixed_precision import get_layer_policy
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.mixed_precision import test_util as mp_test_util
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent
|
||||
from tensorflow.python.keras.saving import save
|
||||
from tensorflow.python.keras.utils import generic_utils
|
||||
@ -1091,9 +1091,9 @@ class KerasModelTest(keras_parameterized.TestCase):
|
||||
ckpt_dir = os.path.join(
|
||||
flags.FLAGS['test_srcdir'].value,
|
||||
'org_tensorflow/tensorflow/python/keras',
|
||||
'mixed_precision/experimental/testdata/lso_ckpt_tf2.2')
|
||||
'mixed_precision/testdata/lso_ckpt_tf2.2')
|
||||
# ckpt_dir = test.test_src_dir_path(
|
||||
# 'python/keras/mixed_precision/experimental/testdata/lso_ckpt_tf2.2')
|
||||
# 'python/keras/mixed_precision/testdata/lso_ckpt_tf2.2')
|
||||
model.load_weights(os.path.join(ckpt_dir, 'ckpt'))
|
||||
model.compile(opt, 'mse', run_eagerly=testing_utils.should_run_eagerly())
|
||||
model(np.zeros((2, 2))) # Create model weights
|
||||
@ -1126,9 +1126,9 @@ class KerasModelTest(keras_parameterized.TestCase):
|
||||
saved_model_dir = os.path.join(
|
||||
flags.FLAGS['test_srcdir'].value,
|
||||
'org_tensorflow/tensorflow/python/keras',
|
||||
'mixed_precision/experimental/testdata/lso_savedmodel_tf2.2')
|
||||
'mixed_precision/testdata/lso_savedmodel_tf2.2')
|
||||
# saved_model_dir = test.test_src_dir_path(
|
||||
# 'python/keras/mixed_precision/experimental/testdata/'
|
||||
# 'python/keras/mixed_precision/testdata/'
|
||||
# 'lso_savedmodel_tf2.2')
|
||||
model = save.load_model(saved_model_dir)
|
||||
expected_kernel = np.array([[9.229685, 10.901115], [10.370763, 9.757362]])
|
@ -42,7 +42,7 @@ from tensorflow.python.keras.layers import pooling
|
||||
from tensorflow.python.keras.layers import recurrent
|
||||
from tensorflow.python.keras.layers import recurrent_v2
|
||||
from tensorflow.python.keras.layers import wrappers
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -25,7 +25,7 @@ from tensorflow.python.eager import backprop
|
||||
from tensorflow.python.eager import context
|
||||
from tensorflow.python.eager import def_function
|
||||
from tensorflow.python.framework import config
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.optimizer_v2 import adam
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.ops import variables
|
@ -30,7 +30,7 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import smart_cond
|
||||
from tensorflow.python.keras import backend
|
||||
from tensorflow.python.keras import optimizers
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale as keras_loss_scale_module
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale as keras_loss_scale_module
|
||||
from tensorflow.python.keras.optimizer_v2 import optimizer_v2
|
||||
from tensorflow.python.ops import control_flow_ops
|
||||
from tensorflow.python.ops import math_ops
|
@ -32,8 +32,8 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import test_util
|
||||
from tensorflow.python.keras import combinations
|
||||
from tensorflow.python.keras import optimizers
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision.experimental import test_util as mp_test_util
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer
|
||||
from tensorflow.python.keras.mixed_precision import test_util as mp_test_util
|
||||
from tensorflow.python.keras.optimizer_v2 import adam
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent
|
||||
from tensorflow.python.ops import control_flow_v2_toggles
|
@ -24,8 +24,8 @@ from tensorflow.python.framework import config
|
||||
from tensorflow.python.keras import combinations
|
||||
from tensorflow.python.keras import keras_parameterized
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer as loss_scale_optimizer_v2
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer as loss_scale_optimizer_v2
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent as gradient_descent_v2
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.training.experimental import mixed_precision
|
@ -24,8 +24,8 @@ import six
|
||||
from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.keras import backend
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import device_compatibility_check
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale as keras_loss_scale_module
|
||||
from tensorflow.python.keras.mixed_precision import device_compatibility_check
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale as keras_loss_scale_module
|
||||
from tensorflow.python.keras.utils import generic_utils
|
||||
from tensorflow.python.platform import tf_logging
|
||||
from tensorflow.python.training.experimental import mixed_precision_global_state
|
@ -27,8 +27,8 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.keras import combinations
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.mixed_precision.experimental import device_compatibility_check
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy as mp_policy
|
||||
from tensorflow.python.keras.mixed_precision import device_compatibility_check
|
||||
from tensorflow.python.keras.mixed_precision import policy as mp_policy
|
||||
from tensorflow.python.keras.optimizer_v2 import gradient_descent
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.platform import tf_logging
|
@ -60,7 +60,7 @@ def deserialize(config, custom_objects=None):
|
||||
"""
|
||||
# loss_scale_optimizer has a direct dependency of optimizer, import here
|
||||
# rather than top to avoid the cyclic dependency.
|
||||
from tensorflow.python.keras.mixed_precision.experimental import loss_scale_optimizer # pylint: disable=g-import-not-at-top
|
||||
from tensorflow.python.keras.mixed_precision import loss_scale_optimizer # pylint: disable=g-import-not-at-top
|
||||
all_classes = {
|
||||
'adadelta': adadelta_v2.Adadelta,
|
||||
'adagrad': adagrad_v2.Adagrad,
|
||||
|
@ -57,7 +57,7 @@ py_library(
|
||||
"//tensorflow/python/keras:optimizers",
|
||||
"//tensorflow/python/keras:regularizers",
|
||||
"//tensorflow/python/keras/engine:input_spec",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:autocast_variable",
|
||||
"//tensorflow/python/keras/mixed_precision:autocast_variable",
|
||||
"//tensorflow/python/keras/protobuf:saved_metadata_proto_py",
|
||||
"//tensorflow/python/keras/utils:engine_utils",
|
||||
"//tensorflow/python/keras/utils:metrics_utils",
|
||||
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras.mixed_precision.experimental import policy
|
||||
from tensorflow.python.keras.mixed_precision import policy
|
||||
from tensorflow.python.keras.saving.saved_model import base_serialization
|
||||
from tensorflow.python.keras.saving.saved_model import constants
|
||||
from tensorflow.python.keras.saving.saved_model import save_impl
|
||||
|
@ -31,7 +31,7 @@ from tensorflow.python.framework import tensor_spec
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.engine import base_layer_utils
|
||||
from tensorflow.python.keras.engine import input_spec
|
||||
from tensorflow.python.keras.mixed_precision.experimental import autocast_variable
|
||||
from tensorflow.python.keras.mixed_precision import autocast_variable
|
||||
from tensorflow.python.keras.saving import saving_utils
|
||||
from tensorflow.python.keras.saving.saved_model import constants
|
||||
from tensorflow.python.keras.saving.saved_model import load as keras_load
|
||||
|
@ -1,7 +1,7 @@
|
||||
path: "tensorflow.keras.mixed_precision.LossScaleOptimizer"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.optimizer_v2.optimizer_v2.OptimizerV2\'>"
|
||||
is_instance: "<class \'tensorflow.python.training.tracking.base.Trackable\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
|
@ -1,8 +1,8 @@
|
||||
path: "tensorflow.keras.mixed_precision.experimental.LossScaleOptimizer"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizerV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizerV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.optimizer_v2.optimizer_v2.OptimizerV2\'>"
|
||||
is_instance: "<class \'tensorflow.python.training.tracking.base.Trackable\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
|
@ -1,7 +1,7 @@
|
||||
path: "tensorflow.keras.mixed_precision.LossScaleOptimizer"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.optimizer_v2.optimizer_v2.OptimizerV2\'>"
|
||||
is_instance: "<class \'tensorflow.python.training.tracking.base.Trackable\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
|
@ -1,6 +1,6 @@
|
||||
path: "tensorflow.keras.mixed_precision.Policy"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.policy.Policy\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.policy.Policy\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
member {
|
||||
name: "compute_dtype"
|
||||
|
@ -1,8 +1,8 @@
|
||||
path: "tensorflow.keras.mixed_precision.experimental.LossScaleOptimizer"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizerV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizerV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer.LossScaleOptimizer\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.loss_scale_optimizer._DelegatingTrackableMixin\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.optimizer_v2.optimizer_v2.OptimizerV2\'>"
|
||||
is_instance: "<class \'tensorflow.python.training.tracking.base.Trackable\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
|
@ -1,7 +1,7 @@
|
||||
path: "tensorflow.keras.mixed_precision.experimental.Policy"
|
||||
tf_class {
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.policy.PolicyV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.experimental.policy.Policy\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.policy.PolicyV1\'>"
|
||||
is_instance: "<class \'tensorflow.python.keras.mixed_precision.policy.Policy\'>"
|
||||
is_instance: "<type \'object\'>"
|
||||
member {
|
||||
name: "compute_dtype"
|
||||
|
@ -133,7 +133,7 @@ COMMON_PIP_DEPS = [
|
||||
"//tensorflow/python/keras:combinations",
|
||||
"//tensorflow/python/keras/layers/preprocessing:preprocessing_test_utils",
|
||||
"//tensorflow/python/keras/distribute:distribute_test_lib_pip",
|
||||
"//tensorflow/python/keras/mixed_precision/experimental:test_util",
|
||||
"//tensorflow/python/keras/mixed_precision:test_util",
|
||||
"//tensorflow/python/keras/tests:model_subclassing_test_util",
|
||||
"//tensorflow/python/keras/tests:model_architectures",
|
||||
"//tensorflow/python/keras/benchmarks:keras_benchmark_lib_pip",
|
||||
|
Loading…
Reference in New Issue
Block a user