def testDeprecationWarnings(self, mock_warning):
        module = MockModule('test')
        module.foo = 1
        module.bar = 2
        module.baz = 3
        all_renames_v2.symbol_renames['tf.test.bar'] = 'tf.bar2'
        all_renames_v2.symbol_renames['tf.test.baz'] = 'tf.compat.v1.baz'

        wrapped_module = deprecation_wrapper.DeprecationWrapper(module, 'test')
        self.assertTrue(tf_inspect.ismodule(wrapped_module))

        self.assertEqual(0, mock_warning.call_count)
        bar = wrapped_module.bar
        self.assertEqual(1, mock_warning.call_count)
        foo = wrapped_module.foo
        self.assertEqual(1, mock_warning.call_count)
        baz = wrapped_module.baz
        self.assertEqual(2, mock_warning.call_count)
        baz = wrapped_module.baz
        self.assertEqual(2, mock_warning.call_count)

        # Check that values stayed the same
        self.assertEqual(module.foo, foo)
        self.assertEqual(module.bar, bar)
        self.assertEqual(module.baz, baz)
Example #2
0
 def testWrapperIsAModule(self):
     module = MockModule('test')
     wrapped_module = deprecation_wrapper.DeprecationWrapper(
         module, 'test', {
             'bar': 'bar2',
             'baz': 'compat.v1.baz'
         })
     self.assertTrue(tf_inspect.ismodule(wrapped_module))
Example #3
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Boston housing price regression dataset.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.datasets.boston_housing import load_data

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.datasets.boston_housing")
Example #4
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Inception-ResNet V2 model for Keras.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.applications import InceptionResNetV2
from tensorflow.python.keras.applications.inception_resnet_v2 import decode_predictions
from tensorflow.python.keras.applications.inception_resnet_v2 import preprocess_input

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.applications.inception_resnet_v2")
Example #5
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""SavedModel main op.

Builds a main op that defines the sequence of ops to be run as part of the
SavedModel load/restore operations.

"""

from __future__ import print_function as _print_function

from tensorflow.python.saved_model.main_op import main_op
from tensorflow.python.saved_model.main_op import main_op_with_restore

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "saved_model.main_op")
Example #6
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""SavedModel builder.

Builds a SavedModel that can be saved to storage, is language neutral, and
enables systems to produce, consume, or transform TensorFlow Models.


"""

from __future__ import print_function as _print_function

from tensorflow.python.saved_model.builder import SavedModelBuilder

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "saved_model.builder")
Example #7
0
from tensorflow.python.keras.api._v1.keras.applications import inception_v3
from tensorflow.python.keras.api._v1.keras.applications import mobilenet
from tensorflow.python.keras.api._v1.keras.applications import mobilenet_v2
from tensorflow.python.keras.api._v1.keras.applications import nasnet
from tensorflow.python.keras.api._v1.keras.applications import resnet50
from tensorflow.python.keras.api._v1.keras.applications import vgg16
from tensorflow.python.keras.api._v1.keras.applications import vgg19
from tensorflow.python.keras.api._v1.keras.applications import xception
from tensorflow.python.keras.applications import DenseNet121
from tensorflow.python.keras.applications import DenseNet169
from tensorflow.python.keras.applications import DenseNet201
from tensorflow.python.keras.applications import InceptionResNetV2
from tensorflow.python.keras.applications import InceptionV3
from tensorflow.python.keras.applications import MobileNet
from tensorflow.python.keras.applications import MobileNetV2
from tensorflow.python.keras.applications import NASNetLarge
from tensorflow.python.keras.applications import NASNetMobile
from tensorflow.python.keras.applications import ResNet50
from tensorflow.python.keras.applications import VGG16
from tensorflow.python.keras.applications import VGG19
from tensorflow.python.keras.applications import Xception

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "keras.applications")
Example #8
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Module for constructing RNN Cells.
"""

from __future__ import print_function as _print_function

from tensorflow.python.ops.rnn_cell import BasicLSTMCell
from tensorflow.python.ops.rnn_cell import BasicRNNCell
from tensorflow.python.ops.rnn_cell import DeviceWrapper
from tensorflow.python.ops.rnn_cell import DropoutWrapper
from tensorflow.python.ops.rnn_cell import GRUCell
from tensorflow.python.ops.rnn_cell import LSTMCell
from tensorflow.python.ops.rnn_cell import LSTMStateTuple
from tensorflow.python.ops.rnn_cell import MultiRNNCell
from tensorflow.python.ops.rnn_cell import RNNCell
from tensorflow.python.ops.rnn_cell import ResidualWrapper

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "nn.rnn_cell")
Example #9
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Constraints: functions that impose constraints on weight values.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.constraints import Constraint
from tensorflow.python.keras.constraints import MaxNorm
from tensorflow.python.keras.constraints import MaxNorm as max_norm
from tensorflow.python.keras.constraints import MinMaxNorm
from tensorflow.python.keras.constraints import MinMaxNorm as min_max_norm
from tensorflow.python.keras.constraints import NonNeg
from tensorflow.python.keras.constraints import NonNeg as non_neg
from tensorflow.python.keras.constraints import UnitNorm
from tensorflow.python.keras.constraints import UnitNorm as unit_norm
from tensorflow.python.keras.constraints import deserialize
from tensorflow.python.keras.constraints import get
from tensorflow.python.keras.constraints import serialize

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.constraints")
Example #10
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.quantization namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python import dequantize
from tensorflow.python import fake_quant_with_min_max_args
from tensorflow.python import fake_quant_with_min_max_args_gradient
from tensorflow.python import fake_quant_with_min_max_vars
from tensorflow.python import fake_quant_with_min_max_vars_gradient
from tensorflow.python import fake_quant_with_min_max_vars_per_channel
from tensorflow.python import fake_quant_with_min_max_vars_per_channel_gradient
from tensorflow.python import quantize
from tensorflow.python import quantize_and_dequantize_v2 as quantize_and_dequantize
from tensorflow.python import quantized_concat

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "quantization")
 def testWrapperIsAModule(self):
     module = MockModule('test')
     wrapped_module = deprecation_wrapper.DeprecationWrapper(module, 'test')
     self.assertTrue(tf_inspect.ismodule(wrapped_module))
Example #12
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Wrapper for using the Scikit-Learn API with Keras models.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.wrappers.scikit_learn import KerasClassifier
from tensorflow.python.keras.wrappers.scikit_learn import KerasRegressor

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.wrappers.scikit_learn")
Example #13
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.profiler namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python.profiler.model_analyzer import Profiler
from tensorflow.python.profiler.model_analyzer import advise
from tensorflow.python.profiler.model_analyzer import profile
from tensorflow.python.profiler.option_builder import ProfileOptionBuilder
from tensorflow.python.profiler.profiler import AdviceProto
from tensorflow.python.profiler.profiler import GraphNodeProto
from tensorflow.python.profiler.profiler import MultiGraphNodeProto
from tensorflow.python.profiler.profiler import OpLogProto
from tensorflow.python.profiler.profiler import write_op_log

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "profiler")
Example #14
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Resource management library.
"""

from __future__ import print_function as _print_function

from tensorflow.python.platform.resource_loader import get_data_files_path
from tensorflow.python.platform.resource_loader import get_path_to_datafile
from tensorflow.python.platform.resource_loader import get_root_dir_with_all_resources
from tensorflow.python.platform.resource_loader import load_resource
from tensorflow.python.platform.resource_loader import readahead_file_path

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "resource_loader")
Example #15
0
from tensorflow.python.feature_column.feature_column import input_layer
from tensorflow.python.feature_column.feature_column import linear_model
from tensorflow.python.feature_column.feature_column import make_parse_example_spec
from tensorflow.python.feature_column.feature_column_lib import bucketized_column
from tensorflow.python.feature_column.feature_column_lib import categorical_column_with_hash_bucket
from tensorflow.python.feature_column.feature_column_lib import categorical_column_with_identity
from tensorflow.python.feature_column.feature_column_lib import categorical_column_with_vocabulary_file
from tensorflow.python.feature_column.feature_column_lib import categorical_column_with_vocabulary_list
from tensorflow.python.feature_column.feature_column_lib import crossed_column
from tensorflow.python.feature_column.feature_column_lib import embedding_column
from tensorflow.python.feature_column.feature_column_lib import indicator_column
from tensorflow.python.feature_column.feature_column_lib import numeric_column
from tensorflow.python.feature_column.feature_column_lib import sequence_categorical_column_with_hash_bucket
from tensorflow.python.feature_column.feature_column_lib import sequence_categorical_column_with_identity
from tensorflow.python.feature_column.feature_column_lib import sequence_categorical_column_with_vocabulary_file
from tensorflow.python.feature_column.feature_column_lib import sequence_categorical_column_with_vocabulary_list
from tensorflow.python.feature_column.feature_column_lib import sequence_numeric_column
from tensorflow.python.feature_column.feature_column_lib import shared_embedding_columns
from tensorflow.python.feature_column.feature_column_lib import weighted_categorical_column

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "feature_column")
Example #16
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.user_ops namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python.user_ops.user_ops import my_fact

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "user_ops")
Example #17
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.saved_model.experimental namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python.saved_model.save import save

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "saved_model.experimental")
Example #18
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Constants for SavedModel save and restore operations.


"""

from __future__ import print_function as _print_function

from tensorflow.python.saved_model.constants import ASSETS_DIRECTORY
from tensorflow.python.saved_model.constants import ASSETS_KEY
from tensorflow.python.saved_model.constants import LEGACY_INIT_OP_KEY
from tensorflow.python.saved_model.constants import MAIN_OP_KEY
from tensorflow.python.saved_model.constants import SAVED_MODEL_FILENAME_PB
from tensorflow.python.saved_model.constants import SAVED_MODEL_FILENAME_PBTXT
from tensorflow.python.saved_model.constants import SAVED_MODEL_SCHEMA_VERSION
from tensorflow.python.saved_model.constants import VARIABLES_DIRECTORY
from tensorflow.python.saved_model.constants import VARIABLES_FILENAME

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "saved_model.constants")
Example #19
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.keras.experimental namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python.feature_column.feature_column_lib import SequenceFeatures
from tensorflow.python.keras.layers import PeepholeLSTMCell
from tensorflow.python.keras.optimizer_v2.learning_rate_schedule import CosineDecay
from tensorflow.python.keras.optimizer_v2.learning_rate_schedule import CosineDecayRestarts
from tensorflow.python.keras.optimizer_v2.learning_rate_schedule import LinearCosineDecay
from tensorflow.python.keras.optimizer_v2.learning_rate_schedule import NoisyLinearCosineDecay
from tensorflow.python.keras.saving import export_saved_model
from tensorflow.python.keras.saving import load_from_saved_model
from tensorflow.python.keras.utils.data_utils import terminate_keras_multiprocessing_pools

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.experimental")
Example #20
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Experimental Distribution Strategy library.
"""

from __future__ import print_function as _print_function

from tensorflow.python.distribute.central_storage_strategy import CentralStorageStrategyV1 as CentralStorageStrategy
from tensorflow.python.distribute.collective_all_reduce_strategy import CollectiveAllReduceStrategyV1 as MultiWorkerMirroredStrategy
from tensorflow.python.distribute.cross_device_ops import CollectiveCommunication
from tensorflow.python.distribute.parameter_server_strategy import ParameterServerStrategyV1 as ParameterServerStrategy
from tensorflow.python.distribute.tpu_strategy import TPUStrategyV1 as TPUStrategy

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "distribute.experimental")
Example #21
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""System configuration library.
"""

from __future__ import print_function as _print_function

from tensorflow.python.framework.versions import CXX11_ABI_FLAG
from tensorflow.python.framework.versions import MONOLITHIC_BUILD
from tensorflow.python.platform.sysconfig import get_compile_flags
from tensorflow.python.platform.sysconfig import get_include
from tensorflow.python.platform.sysconfig import get_lib
from tensorflow.python.platform.sysconfig import get_link_flags

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "sysconfig")
Example #22
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Public API for tf.config.threading namespace.
"""

from __future__ import print_function as _print_function

from tensorflow.python.framework.config import get_inter_op_parallelism_threads
from tensorflow.python.framework.config import get_intra_op_parallelism_threads
from tensorflow.python.framework.config import set_inter_op_parallelism_threads
from tensorflow.python.framework.config import set_intra_op_parallelism_threads

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "config.threading")
Example #23
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""SignatureDef utility functions.

Utility functions for building and inspecting SignatureDef protos.

"""

from __future__ import print_function as _print_function

from tensorflow.python.saved_model.signature_def_utils import build_signature_def
from tensorflow.python.saved_model.signature_def_utils import classification_signature_def
from tensorflow.python.saved_model.signature_def_utils import is_valid_signature
from tensorflow.python.saved_model.signature_def_utils import predict_signature_def
from tensorflow.python.saved_model.signature_def_utils import regression_signature_def

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "saved_model.signature_def_utils")
Example #24
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Built-in regularizers.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.regularizers import L1L2
from tensorflow.python.keras.regularizers import Regularizer
from tensorflow.python.keras.regularizers import deserialize
from tensorflow.python.keras.regularizers import get
from tensorflow.python.keras.regularizers import l1
from tensorflow.python.keras.regularizers import l1_l2
from tensorflow.python.keras.regularizers import l2
from tensorflow.python.keras.regularizers import serialize

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "keras.regularizers")
Example #25
0
from tensorflow.python import read_file
from tensorflow.python import serialize_many_sparse
from tensorflow.python import serialize_sparse
from tensorflow.python import serialize_tensor
from tensorflow.python import write_file
from tensorflow.python.framework.graph_io import write_graph
from tensorflow.python.lib.io.python_io import TFRecordCompressionType
from tensorflow.python.lib.io.python_io import TFRecordOptions
from tensorflow.python.lib.io.python_io import TFRecordWriter
from tensorflow.python.lib.io.python_io import tf_record_iterator
from tensorflow.python.ops.gen_image_ops import decode_and_crop_jpeg
from tensorflow.python.ops.gen_image_ops import decode_bmp
from tensorflow.python.ops.gen_image_ops import decode_gif
from tensorflow.python.ops.gen_image_ops import decode_jpeg
from tensorflow.python.ops.gen_image_ops import decode_png
from tensorflow.python.ops.gen_image_ops import encode_jpeg
from tensorflow.python.ops.gen_image_ops import extract_jpeg_shape
from tensorflow.python.ops.image_ops import decode_image
from tensorflow.python.ops.image_ops import is_jpeg
from tensorflow.python.training.input import match_filenames_once

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "io")
Example #26
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Callbacks: utilities called at certain points during model training.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.callbacks import BaseLogger
from tensorflow.python.keras.callbacks import CSVLogger
from tensorflow.python.keras.callbacks import Callback
from tensorflow.python.keras.callbacks import EarlyStopping
from tensorflow.python.keras.callbacks import History
from tensorflow.python.keras.callbacks import LambdaCallback
from tensorflow.python.keras.callbacks import LearningRateScheduler
from tensorflow.python.keras.callbacks import ModelCheckpoint
from tensorflow.python.keras.callbacks import ProgbarLogger
from tensorflow.python.keras.callbacks import ReduceLROnPlateau
from tensorflow.python.keras.callbacks import RemoteMonitor
from tensorflow.python.keras.callbacks import TerminateOnNaN
from tensorflow.python.keras.callbacks_v1 import TensorBoard

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__], _deprecation_wrapper.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
      _sys.modules[__name__], "keras.callbacks")
Example #27
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""CIFAR10 small images classification dataset.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.datasets.cifar10 import load_data

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.datasets.cifar10")
Example #28
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Fashion-MNIST dataset.

"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.datasets.fashion_mnist import load_data

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.datasets.fashion_mnist")
else:
  _root_estimator = True

# Lazy load all of the _top_level_modules, we don't need their names anymore
for _m in _top_level_modules:
  _forward_module(_m)

# We still need all the names that are toplevel on tensorflow_core
from tensorflow_core import *

_major_api_version = 1

# In V1 API we need to print deprecation messages
from tensorflow.python.util import deprecation_wrapper as _deprecation
if not isinstance(_sys.modules[__name__], _deprecation.DeprecationWrapper):
  _sys.modules[__name__] = _deprecation.DeprecationWrapper(
      _sys.modules[__name__], "")

# These should not be visible in the main tf module.
try:
  del core
except NameError:
  pass

try:
  del python
except NameError:
  pass

try:
  del compiler
except NameError:
Example #30
0
# This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/python/tools/api/generator/create_python_api.py script.
"""Keras data preprocessing utils.
"""

from __future__ import print_function as _print_function

from tensorflow.python.keras.api._v1.keras.preprocessing import image
from tensorflow.python.keras.api._v1.keras.preprocessing import sequence
from tensorflow.python.keras.api._v1.keras.preprocessing import text

del _print_function

import sys as _sys
from tensorflow.python.util import deprecation_wrapper as _deprecation_wrapper

if not isinstance(_sys.modules[__name__],
                  _deprecation_wrapper.DeprecationWrapper):
    _sys.modules[__name__] = _deprecation_wrapper.DeprecationWrapper(
        _sys.modules[__name__], "keras.preprocessing")