Move Keras code out of _impl folder and remove API files.
PiperOrigin-RevId: 197097430
This commit is contained in:
parent
aca0458707
commit
609b2ce3fe
@ -24,7 +24,7 @@ from tensorflow.contrib.autograph import utils
|
||||
from tensorflow.contrib.autograph.impl import api
|
||||
from tensorflow.contrib.autograph.impl import conversion
|
||||
from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.keras._impl.keras.engine import training
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
||||
|
@ -24,8 +24,8 @@ from tensorflow.contrib.checkpoint.python import visualize
|
||||
from tensorflow.python.eager import context
|
||||
from tensorflow.python.eager import test
|
||||
from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.keras._impl.keras.engine import training
|
||||
from tensorflow.python.keras._impl.keras.layers import core
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.ops import resource_variable_ops
|
||||
from tensorflow.python.training import adam
|
||||
from tensorflow.python.training.checkpointable import util as checkpointable_utils
|
||||
|
@ -32,51 +32,13 @@ tensorflow/python/feature_column
|
||||
tensorflow/python/framework
|
||||
tensorflow/python/grappler
|
||||
tensorflow/python/keras
|
||||
tensorflow/python/keras/activations
|
||||
tensorflow/python/keras/applications
|
||||
tensorflow/python/keras/applications/densenet
|
||||
tensorflow/python/keras/applications/inception_resnet_v2
|
||||
tensorflow/python/keras/applications/inception_v3
|
||||
tensorflow/python/keras/applications/mobilenet
|
||||
tensorflow/python/keras/applications/nasnet
|
||||
tensorflow/python/keras/applications/resnet50
|
||||
tensorflow/python/keras/applications/vgg16
|
||||
tensorflow/python/keras/applications/vgg19
|
||||
tensorflow/python/keras/applications/xception
|
||||
tensorflow/python/keras/backend
|
||||
tensorflow/python/keras/callbacks
|
||||
tensorflow/python/keras/constraints
|
||||
tensorflow/python/keras/datasets
|
||||
tensorflow/python/keras/datasets/boston_housing
|
||||
tensorflow/python/keras/datasets/cifar10
|
||||
tensorflow/python/keras/datasets/cifar100
|
||||
tensorflow/python/keras/datasets/fashion_mnist
|
||||
tensorflow/python/keras/datasets/imdb
|
||||
tensorflow/python/keras/datasets/mnist
|
||||
tensorflow/python/keras/datasets/reuters
|
||||
tensorflow/python/keras/initializers
|
||||
tensorflow/python/keras/engine
|
||||
tensorflow/python/keras/layers
|
||||
tensorflow/python/keras/losses
|
||||
tensorflow/python/keras/metrics
|
||||
tensorflow/python/keras/models
|
||||
tensorflow/python/keras/optimizers
|
||||
tensorflow/python/keras/preprocessing
|
||||
tensorflow/python/keras/preprocessing/image
|
||||
tensorflow/python/keras/preprocessing/sequence
|
||||
tensorflow/python/keras/preprocessing/text
|
||||
tensorflow/python/keras/regularizers
|
||||
tensorflow/python/keras/utils
|
||||
tensorflow/python/keras/wrappers
|
||||
tensorflow/python/keras/wrappers/scikit_learn
|
||||
tensorflow/python/keras/_impl
|
||||
tensorflow/python/keras/_impl/keras
|
||||
tensorflow/python/keras/_impl/keras/applications
|
||||
tensorflow/python/keras/_impl/keras/datasets
|
||||
tensorflow/python/keras/_impl/keras/engine
|
||||
tensorflow/python/keras/_impl/keras/layers
|
||||
tensorflow/python/keras/_impl/keras/preprocessing
|
||||
tensorflow/python/keras/_impl/keras/utils
|
||||
tensorflow/python/keras/_impl/keras/wrappers
|
||||
tensorflow/python/kernel_tests
|
||||
tensorflow/python/kernel_tests/boosted_trees
|
||||
tensorflow/python/kernel_tests/distributions
|
||||
|
@ -28,7 +28,7 @@ from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import tensor_shape
|
||||
from tensorflow.python.keras._impl.keras import engine
|
||||
from tensorflow.python.keras import engine
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import functional_ops
|
||||
from tensorflow.python.ops import init_ops
|
||||
|
@ -24,7 +24,7 @@ from tensorflow.python.framework import common_shapes
|
||||
from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import random_seed
|
||||
from tensorflow.python.keras._impl.keras.engine import base_layer
|
||||
from tensorflow.python.keras.engine import base_layer
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import gen_cudnn_rnn_ops
|
||||
from tensorflow.python.ops import init_ops
|
||||
|
@ -24,7 +24,7 @@ import weakref
|
||||
|
||||
from tensorflow.python.eager import context
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.keras._impl.keras.engine import base_layer as keras_base_layer
|
||||
from tensorflow.python.keras.engine import base_layer as keras_base_layer
|
||||
from tensorflow.python.layers import base
|
||||
from tensorflow.python.ops import variable_scope
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
|
@ -19,22 +19,22 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Activation functions.
|
||||
from tensorflow.python.keras._impl.keras.activations import elu
|
||||
from tensorflow.python.keras._impl.keras.activations import hard_sigmoid
|
||||
from tensorflow.python.keras._impl.keras.activations import linear
|
||||
from tensorflow.python.keras._impl.keras.activations import relu
|
||||
from tensorflow.python.keras._impl.keras.activations import selu
|
||||
from tensorflow.python.keras._impl.keras.activations import sigmoid
|
||||
from tensorflow.python.keras._impl.keras.activations import softmax
|
||||
from tensorflow.python.keras._impl.keras.activations import softplus
|
||||
from tensorflow.python.keras._impl.keras.activations import softsign
|
||||
from tensorflow.python.keras._impl.keras.activations import tanh
|
||||
from tensorflow.python.keras.activations import elu
|
||||
from tensorflow.python.keras.activations import hard_sigmoid
|
||||
from tensorflow.python.keras.activations import linear
|
||||
from tensorflow.python.keras.activations import relu
|
||||
from tensorflow.python.keras.activations import selu
|
||||
from tensorflow.python.keras.activations import sigmoid
|
||||
from tensorflow.python.keras.activations import softmax
|
||||
from tensorflow.python.keras.activations import softplus
|
||||
from tensorflow.python.keras.activations import softsign
|
||||
from tensorflow.python.keras.activations import tanh
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.activations import deserialize
|
||||
from tensorflow.python.keras._impl.keras.activations import serialize
|
||||
from tensorflow.python.keras._impl.keras.activations import get
|
||||
from tensorflow.python.keras.activations import deserialize
|
||||
from tensorflow.python.keras.activations import serialize
|
||||
from tensorflow.python.keras.activations import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import InceptionV3
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import preprocess_input
|
||||
from tensorflow.python.keras.applications.inception_v3 import decode_predictions
|
||||
from tensorflow.python.keras.applications.inception_v3 import InceptionV3
|
||||
from tensorflow.python.keras.applications.inception_v3 import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import MobileNet
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import preprocess_input
|
||||
from tensorflow.python.keras.applications.mobilenet import decode_predictions
|
||||
from tensorflow.python.keras.applications.mobilenet import MobileNet
|
||||
from tensorflow.python.keras.applications.mobilenet import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import ResNet50
|
||||
from tensorflow.python.keras.applications.resnet50 import decode_predictions
|
||||
from tensorflow.python.keras.applications.resnet50 import preprocess_input
|
||||
from tensorflow.python.keras.applications.resnet50 import ResNet50
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import VGG16
|
||||
from tensorflow.python.keras.applications.vgg16 import decode_predictions
|
||||
from tensorflow.python.keras.applications.vgg16 import preprocess_input
|
||||
from tensorflow.python.keras.applications.vgg16 import VGG16
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import VGG19
|
||||
from tensorflow.python.keras.applications.vgg19 import decode_predictions
|
||||
from tensorflow.python.keras.applications.vgg19 import preprocess_input
|
||||
from tensorflow.python.keras.applications.vgg19 import VGG19
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import Xception
|
||||
from tensorflow.python.keras.applications.xception import decode_predictions
|
||||
from tensorflow.python.keras.applications.xception import preprocess_input
|
||||
from tensorflow.python.keras.applications.xception import Xception
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,144 +19,144 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# pylint: disable=redefined-builtin
|
||||
from tensorflow.python.keras._impl.keras.backend import abs
|
||||
from tensorflow.python.keras._impl.keras.backend import all
|
||||
from tensorflow.python.keras._impl.keras.backend import any
|
||||
from tensorflow.python.keras._impl.keras.backend import arange
|
||||
from tensorflow.python.keras._impl.keras.backend import argmax
|
||||
from tensorflow.python.keras._impl.keras.backend import argmin
|
||||
from tensorflow.python.keras._impl.keras.backend import backend
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_dot
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_flatten
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_get_value
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_normalization
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_set_value
|
||||
from tensorflow.python.keras._impl.keras.backend import bias_add
|
||||
from tensorflow.python.keras._impl.keras.backend import binary_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import cast
|
||||
from tensorflow.python.keras._impl.keras.backend import cast_to_floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import clear_session
|
||||
from tensorflow.python.keras._impl.keras.backend import clip
|
||||
from tensorflow.python.keras._impl.keras.backend import concatenate
|
||||
from tensorflow.python.keras._impl.keras.backend import constant
|
||||
from tensorflow.python.keras._impl.keras.backend import conv1d
|
||||
from tensorflow.python.keras._impl.keras.backend import conv2d
|
||||
from tensorflow.python.keras._impl.keras.backend import conv2d_transpose
|
||||
from tensorflow.python.keras._impl.keras.backend import conv3d
|
||||
from tensorflow.python.keras._impl.keras.backend import cos
|
||||
from tensorflow.python.keras._impl.keras.backend import count_params
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_batch_cost
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_decode
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_label_dense_to_sparse
|
||||
from tensorflow.python.keras._impl.keras.backend import dot
|
||||
from tensorflow.python.keras._impl.keras.backend import dropout
|
||||
from tensorflow.python.keras._impl.keras.backend import dtype
|
||||
from tensorflow.python.keras._impl.keras.backend import elu
|
||||
from tensorflow.python.keras._impl.keras.backend import epsilon
|
||||
from tensorflow.python.keras._impl.keras.backend import equal
|
||||
from tensorflow.python.keras._impl.keras.backend import eval
|
||||
from tensorflow.python.keras._impl.keras.backend import exp
|
||||
from tensorflow.python.keras._impl.keras.backend import expand_dims
|
||||
from tensorflow.python.keras._impl.keras.backend import eye
|
||||
from tensorflow.python.keras._impl.keras.backend import flatten
|
||||
from tensorflow.python.keras._impl.keras.backend import floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import foldl
|
||||
from tensorflow.python.keras._impl.keras.backend import foldr
|
||||
from tensorflow.python.keras._impl.keras.backend import function
|
||||
from tensorflow.python.keras._impl.keras.backend import gather
|
||||
from tensorflow.python.keras._impl.keras.backend import get_session
|
||||
from tensorflow.python.keras._impl.keras.backend import get_uid
|
||||
from tensorflow.python.keras._impl.keras.backend import get_value
|
||||
from tensorflow.python.keras._impl.keras.backend import gradients
|
||||
from tensorflow.python.keras._impl.keras.backend import greater
|
||||
from tensorflow.python.keras._impl.keras.backend import greater_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import hard_sigmoid
|
||||
from tensorflow.python.keras._impl.keras.backend import image_data_format
|
||||
from tensorflow.python.keras._impl.keras.backend import in_test_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import in_top_k
|
||||
from tensorflow.python.keras._impl.keras.backend import in_train_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import int_shape
|
||||
from tensorflow.python.keras._impl.keras.backend import is_sparse
|
||||
from tensorflow.python.keras._impl.keras.backend import l2_normalize
|
||||
from tensorflow.python.keras._impl.keras.backend import learning_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import less
|
||||
from tensorflow.python.keras._impl.keras.backend import less_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import log
|
||||
from tensorflow.python.keras._impl.keras.backend import manual_variable_initialization
|
||||
from tensorflow.python.keras._impl.keras.backend import map_fn
|
||||
from tensorflow.python.keras._impl.keras.backend import max
|
||||
from tensorflow.python.keras._impl.keras.backend import maximum
|
||||
from tensorflow.python.keras._impl.keras.backend import mean
|
||||
from tensorflow.python.keras._impl.keras.backend import min
|
||||
from tensorflow.python.keras._impl.keras.backend import minimum
|
||||
from tensorflow.python.keras._impl.keras.backend import moving_average_update
|
||||
from tensorflow.python.keras._impl.keras.backend import name_scope
|
||||
from tensorflow.python.keras._impl.keras.backend import ndim
|
||||
from tensorflow.python.keras._impl.keras.backend import normalize_batch_in_training
|
||||
from tensorflow.python.keras._impl.keras.backend import not_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import one_hot
|
||||
from tensorflow.python.keras._impl.keras.backend import ones
|
||||
from tensorflow.python.keras._impl.keras.backend import ones_like
|
||||
from tensorflow.python.keras._impl.keras.backend import permute_dimensions
|
||||
from tensorflow.python.keras._impl.keras.backend import placeholder
|
||||
from tensorflow.python.keras._impl.keras.backend import pool2d
|
||||
from tensorflow.python.keras._impl.keras.backend import pool3d
|
||||
from tensorflow.python.keras._impl.keras.backend import pow
|
||||
from tensorflow.python.keras._impl.keras.backend import print_tensor
|
||||
from tensorflow.python.keras._impl.keras.backend import prod
|
||||
from tensorflow.python.keras._impl.keras.backend import random_binomial
|
||||
from tensorflow.python.keras._impl.keras.backend import random_normal
|
||||
from tensorflow.python.keras._impl.keras.backend import random_normal_variable
|
||||
from tensorflow.python.keras._impl.keras.backend import random_uniform
|
||||
from tensorflow.python.keras._impl.keras.backend import random_uniform_variable
|
||||
from tensorflow.python.keras._impl.keras.backend import relu
|
||||
from tensorflow.python.keras._impl.keras.backend import repeat
|
||||
from tensorflow.python.keras._impl.keras.backend import repeat_elements
|
||||
from tensorflow.python.keras._impl.keras.backend import reset_uids
|
||||
from tensorflow.python.keras._impl.keras.backend import reshape
|
||||
from tensorflow.python.keras._impl.keras.backend import resize_images
|
||||
from tensorflow.python.keras._impl.keras.backend import resize_volumes
|
||||
from tensorflow.python.keras._impl.keras.backend import reverse
|
||||
from tensorflow.python.keras._impl.keras.backend import rnn
|
||||
from tensorflow.python.keras._impl.keras.backend import round
|
||||
from tensorflow.python.keras._impl.keras.backend import separable_conv2d
|
||||
from tensorflow.python.keras._impl.keras.backend import set_epsilon
|
||||
from tensorflow.python.keras._impl.keras.backend import set_floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import set_image_data_format
|
||||
from tensorflow.python.keras._impl.keras.backend import set_learning_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import set_session
|
||||
from tensorflow.python.keras._impl.keras.backend import set_value
|
||||
from tensorflow.python.keras._impl.keras.backend import shape
|
||||
from tensorflow.python.keras._impl.keras.backend import sigmoid
|
||||
from tensorflow.python.keras._impl.keras.backend import sign
|
||||
from tensorflow.python.keras._impl.keras.backend import sin
|
||||
from tensorflow.python.keras._impl.keras.backend import softmax
|
||||
from tensorflow.python.keras._impl.keras.backend import softplus
|
||||
from tensorflow.python.keras._impl.keras.backend import softsign
|
||||
from tensorflow.python.keras._impl.keras.backend import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import spatial_2d_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import spatial_3d_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import sqrt
|
||||
from tensorflow.python.keras._impl.keras.backend import square
|
||||
from tensorflow.python.keras._impl.keras.backend import squeeze
|
||||
from tensorflow.python.keras._impl.keras.backend import stack
|
||||
from tensorflow.python.keras._impl.keras.backend import std
|
||||
from tensorflow.python.keras._impl.keras.backend import stop_gradient
|
||||
from tensorflow.python.keras._impl.keras.backend import sum
|
||||
from tensorflow.python.keras._impl.keras.backend import switch
|
||||
from tensorflow.python.keras._impl.keras.backend import tanh
|
||||
from tensorflow.python.keras._impl.keras.backend import temporal_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import to_dense
|
||||
from tensorflow.python.keras._impl.keras.backend import transpose
|
||||
from tensorflow.python.keras._impl.keras.backend import truncated_normal
|
||||
from tensorflow.python.keras._impl.keras.backend import update
|
||||
from tensorflow.python.keras._impl.keras.backend import update_add
|
||||
from tensorflow.python.keras._impl.keras.backend import update_sub
|
||||
from tensorflow.python.keras._impl.keras.backend import var
|
||||
from tensorflow.python.keras._impl.keras.backend import variable
|
||||
from tensorflow.python.keras._impl.keras.backend import zeros
|
||||
from tensorflow.python.keras._impl.keras.backend import zeros_like
|
||||
from tensorflow.python.keras.backend import abs
|
||||
from tensorflow.python.keras.backend import all
|
||||
from tensorflow.python.keras.backend import any
|
||||
from tensorflow.python.keras.backend import arange
|
||||
from tensorflow.python.keras.backend import argmax
|
||||
from tensorflow.python.keras.backend import argmin
|
||||
from tensorflow.python.keras.backend import backend
|
||||
from tensorflow.python.keras.backend import batch_dot
|
||||
from tensorflow.python.keras.backend import batch_flatten
|
||||
from tensorflow.python.keras.backend import batch_get_value
|
||||
from tensorflow.python.keras.backend import batch_normalization
|
||||
from tensorflow.python.keras.backend import batch_set_value
|
||||
from tensorflow.python.keras.backend import bias_add
|
||||
from tensorflow.python.keras.backend import binary_crossentropy
|
||||
from tensorflow.python.keras.backend import cast
|
||||
from tensorflow.python.keras.backend import cast_to_floatx
|
||||
from tensorflow.python.keras.backend import categorical_crossentropy
|
||||
from tensorflow.python.keras.backend import clear_session
|
||||
from tensorflow.python.keras.backend import clip
|
||||
from tensorflow.python.keras.backend import concatenate
|
||||
from tensorflow.python.keras.backend import constant
|
||||
from tensorflow.python.keras.backend import conv1d
|
||||
from tensorflow.python.keras.backend import conv2d
|
||||
from tensorflow.python.keras.backend import conv2d_transpose
|
||||
from tensorflow.python.keras.backend import conv3d
|
||||
from tensorflow.python.keras.backend import cos
|
||||
from tensorflow.python.keras.backend import count_params
|
||||
from tensorflow.python.keras.backend import ctc_batch_cost
|
||||
from tensorflow.python.keras.backend import ctc_decode
|
||||
from tensorflow.python.keras.backend import ctc_label_dense_to_sparse
|
||||
from tensorflow.python.keras.backend import dot
|
||||
from tensorflow.python.keras.backend import dropout
|
||||
from tensorflow.python.keras.backend import dtype
|
||||
from tensorflow.python.keras.backend import elu
|
||||
from tensorflow.python.keras.backend import epsilon
|
||||
from tensorflow.python.keras.backend import equal
|
||||
from tensorflow.python.keras.backend import eval
|
||||
from tensorflow.python.keras.backend import exp
|
||||
from tensorflow.python.keras.backend import expand_dims
|
||||
from tensorflow.python.keras.backend import eye
|
||||
from tensorflow.python.keras.backend import flatten
|
||||
from tensorflow.python.keras.backend import floatx
|
||||
from tensorflow.python.keras.backend import foldl
|
||||
from tensorflow.python.keras.backend import foldr
|
||||
from tensorflow.python.keras.backend import function
|
||||
from tensorflow.python.keras.backend import gather
|
||||
from tensorflow.python.keras.backend import get_session
|
||||
from tensorflow.python.keras.backend import get_uid
|
||||
from tensorflow.python.keras.backend import get_value
|
||||
from tensorflow.python.keras.backend import gradients
|
||||
from tensorflow.python.keras.backend import greater
|
||||
from tensorflow.python.keras.backend import greater_equal
|
||||
from tensorflow.python.keras.backend import hard_sigmoid
|
||||
from tensorflow.python.keras.backend import image_data_format
|
||||
from tensorflow.python.keras.backend import in_test_phase
|
||||
from tensorflow.python.keras.backend import in_top_k
|
||||
from tensorflow.python.keras.backend import in_train_phase
|
||||
from tensorflow.python.keras.backend import int_shape
|
||||
from tensorflow.python.keras.backend import is_sparse
|
||||
from tensorflow.python.keras.backend import l2_normalize
|
||||
from tensorflow.python.keras.backend import learning_phase
|
||||
from tensorflow.python.keras.backend import less
|
||||
from tensorflow.python.keras.backend import less_equal
|
||||
from tensorflow.python.keras.backend import log
|
||||
from tensorflow.python.keras.backend import manual_variable_initialization
|
||||
from tensorflow.python.keras.backend import map_fn
|
||||
from tensorflow.python.keras.backend import max
|
||||
from tensorflow.python.keras.backend import maximum
|
||||
from tensorflow.python.keras.backend import mean
|
||||
from tensorflow.python.keras.backend import min
|
||||
from tensorflow.python.keras.backend import minimum
|
||||
from tensorflow.python.keras.backend import moving_average_update
|
||||
from tensorflow.python.keras.backend import name_scope
|
||||
from tensorflow.python.keras.backend import ndim
|
||||
from tensorflow.python.keras.backend import normalize_batch_in_training
|
||||
from tensorflow.python.keras.backend import not_equal
|
||||
from tensorflow.python.keras.backend import one_hot
|
||||
from tensorflow.python.keras.backend import ones
|
||||
from tensorflow.python.keras.backend import ones_like
|
||||
from tensorflow.python.keras.backend import permute_dimensions
|
||||
from tensorflow.python.keras.backend import placeholder
|
||||
from tensorflow.python.keras.backend import pool2d
|
||||
from tensorflow.python.keras.backend import pool3d
|
||||
from tensorflow.python.keras.backend import pow
|
||||
from tensorflow.python.keras.backend import print_tensor
|
||||
from tensorflow.python.keras.backend import prod
|
||||
from tensorflow.python.keras.backend import random_binomial
|
||||
from tensorflow.python.keras.backend import random_normal
|
||||
from tensorflow.python.keras.backend import random_normal_variable
|
||||
from tensorflow.python.keras.backend import random_uniform
|
||||
from tensorflow.python.keras.backend import random_uniform_variable
|
||||
from tensorflow.python.keras.backend import relu
|
||||
from tensorflow.python.keras.backend import repeat
|
||||
from tensorflow.python.keras.backend import repeat_elements
|
||||
from tensorflow.python.keras.backend import reset_uids
|
||||
from tensorflow.python.keras.backend import reshape
|
||||
from tensorflow.python.keras.backend import resize_images
|
||||
from tensorflow.python.keras.backend import resize_volumes
|
||||
from tensorflow.python.keras.backend import reverse
|
||||
from tensorflow.python.keras.backend import rnn
|
||||
from tensorflow.python.keras.backend import round
|
||||
from tensorflow.python.keras.backend import separable_conv2d
|
||||
from tensorflow.python.keras.backend import set_epsilon
|
||||
from tensorflow.python.keras.backend import set_floatx
|
||||
from tensorflow.python.keras.backend import set_image_data_format
|
||||
from tensorflow.python.keras.backend import set_learning_phase
|
||||
from tensorflow.python.keras.backend import set_session
|
||||
from tensorflow.python.keras.backend import set_value
|
||||
from tensorflow.python.keras.backend import shape
|
||||
from tensorflow.python.keras.backend import sigmoid
|
||||
from tensorflow.python.keras.backend import sign
|
||||
from tensorflow.python.keras.backend import sin
|
||||
from tensorflow.python.keras.backend import softmax
|
||||
from tensorflow.python.keras.backend import softplus
|
||||
from tensorflow.python.keras.backend import softsign
|
||||
from tensorflow.python.keras.backend import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras.backend import spatial_2d_padding
|
||||
from tensorflow.python.keras.backend import spatial_3d_padding
|
||||
from tensorflow.python.keras.backend import sqrt
|
||||
from tensorflow.python.keras.backend import square
|
||||
from tensorflow.python.keras.backend import squeeze
|
||||
from tensorflow.python.keras.backend import stack
|
||||
from tensorflow.python.keras.backend import std
|
||||
from tensorflow.python.keras.backend import stop_gradient
|
||||
from tensorflow.python.keras.backend import sum
|
||||
from tensorflow.python.keras.backend import switch
|
||||
from tensorflow.python.keras.backend import tanh
|
||||
from tensorflow.python.keras.backend import temporal_padding
|
||||
from tensorflow.python.keras.backend import to_dense
|
||||
from tensorflow.python.keras.backend import transpose
|
||||
from tensorflow.python.keras.backend import truncated_normal
|
||||
from tensorflow.python.keras.backend import update
|
||||
from tensorflow.python.keras.backend import update_add
|
||||
from tensorflow.python.keras.backend import update_sub
|
||||
from tensorflow.python.keras.backend import var
|
||||
from tensorflow.python.keras.backend import variable
|
||||
from tensorflow.python.keras.backend import zeros
|
||||
from tensorflow.python.keras.backend import zeros_like
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,19 +18,19 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.callbacks import BaseLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import Callback
|
||||
from tensorflow.python.keras._impl.keras.callbacks import CSVLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import EarlyStopping
|
||||
from tensorflow.python.keras._impl.keras.callbacks import History
|
||||
from tensorflow.python.keras._impl.keras.callbacks import LambdaCallback
|
||||
from tensorflow.python.keras._impl.keras.callbacks import LearningRateScheduler
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ModelCheckpoint
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ProgbarLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ReduceLROnPlateau
|
||||
from tensorflow.python.keras._impl.keras.callbacks import RemoteMonitor
|
||||
from tensorflow.python.keras._impl.keras.callbacks import TensorBoard
|
||||
from tensorflow.python.keras._impl.keras.callbacks import TerminateOnNaN
|
||||
from tensorflow.python.keras.callbacks import BaseLogger
|
||||
from tensorflow.python.keras.callbacks import Callback
|
||||
from tensorflow.python.keras.callbacks import CSVLogger
|
||||
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 TensorBoard
|
||||
from tensorflow.python.keras.callbacks import TerminateOnNaN
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,21 +19,21 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Constraints functions / callable classes.
|
||||
from tensorflow.python.keras._impl.keras.constraints import Constraint
|
||||
from tensorflow.python.keras._impl.keras.constraints import max_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import MaxNorm
|
||||
from tensorflow.python.keras._impl.keras.constraints import min_max_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import MinMaxNorm
|
||||
from tensorflow.python.keras._impl.keras.constraints import non_neg
|
||||
from tensorflow.python.keras._impl.keras.constraints import NonNeg
|
||||
from tensorflow.python.keras._impl.keras.constraints import unit_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import UnitNorm
|
||||
from tensorflow.python.keras.constraints import Constraint
|
||||
from tensorflow.python.keras.constraints import max_norm
|
||||
from tensorflow.python.keras.constraints import MaxNorm
|
||||
from tensorflow.python.keras.constraints import min_max_norm
|
||||
from tensorflow.python.keras.constraints import MinMaxNorm
|
||||
from tensorflow.python.keras.constraints import non_neg
|
||||
from tensorflow.python.keras.constraints import NonNeg
|
||||
from tensorflow.python.keras.constraints import unit_norm
|
||||
from tensorflow.python.keras.constraints import UnitNorm
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.constraints import deserialize
|
||||
from tensorflow.python.keras._impl.keras.constraints import serialize
|
||||
from tensorflow.python.keras._impl.keras.constraints import get
|
||||
from tensorflow.python.keras.constraints import deserialize
|
||||
from tensorflow.python.keras.constraints import serialize
|
||||
from tensorflow.python.keras.constraints import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.boston_housing import load_data
|
||||
from tensorflow.python.keras.datasets.boston_housing import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar10 import load_data
|
||||
from tensorflow.python.keras.datasets.cifar10 import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar100 import load_data
|
||||
from tensorflow.python.keras.datasets.cifar100 import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,8 +18,8 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.imdb import get_word_index
|
||||
from tensorflow.python.keras._impl.keras.datasets.imdb import load_data
|
||||
from tensorflow.python.keras.datasets.imdb import get_word_index
|
||||
from tensorflow.python.keras.datasets.imdb import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.mnist import load_data
|
||||
from tensorflow.python.keras.datasets.mnist import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,8 +18,8 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.reuters import get_word_index
|
||||
from tensorflow.python.keras._impl.keras.datasets.reuters import load_data
|
||||
from tensorflow.python.keras.datasets.reuters import get_word_index
|
||||
from tensorflow.python.keras.datasets.reuters import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,30 +19,30 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Initializer functions / callable classes.
|
||||
from tensorflow.python.keras._impl.keras.initializers import Constant
|
||||
from tensorflow.python.keras._impl.keras.initializers import Identity
|
||||
from tensorflow.python.keras._impl.keras.initializers import Initializer
|
||||
from tensorflow.python.keras._impl.keras.initializers import Ones
|
||||
from tensorflow.python.keras._impl.keras.initializers import Orthogonal
|
||||
from tensorflow.python.keras._impl.keras.initializers import RandomNormal
|
||||
from tensorflow.python.keras._impl.keras.initializers import RandomUniform
|
||||
from tensorflow.python.keras._impl.keras.initializers import TruncatedNormal
|
||||
from tensorflow.python.keras._impl.keras.initializers import VarianceScaling
|
||||
from tensorflow.python.keras._impl.keras.initializers import Zeros
|
||||
from tensorflow.python.keras.initializers import Constant
|
||||
from tensorflow.python.keras.initializers import Identity
|
||||
from tensorflow.python.keras.initializers import Initializer
|
||||
from tensorflow.python.keras.initializers import Ones
|
||||
from tensorflow.python.keras.initializers import Orthogonal
|
||||
from tensorflow.python.keras.initializers import RandomNormal
|
||||
from tensorflow.python.keras.initializers import RandomUniform
|
||||
from tensorflow.python.keras.initializers import TruncatedNormal
|
||||
from tensorflow.python.keras.initializers import VarianceScaling
|
||||
from tensorflow.python.keras.initializers import Zeros
|
||||
|
||||
# Functional interface.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.initializers import glorot_normal
|
||||
from tensorflow.python.keras._impl.keras.initializers import glorot_uniform
|
||||
from tensorflow.python.keras._impl.keras.initializers import he_normal
|
||||
from tensorflow.python.keras._impl.keras.initializers import he_uniform
|
||||
from tensorflow.python.keras._impl.keras.initializers import lecun_normal
|
||||
from tensorflow.python.keras._impl.keras.initializers import lecun_uniform
|
||||
from tensorflow.python.keras.initializers import glorot_normal
|
||||
from tensorflow.python.keras.initializers import glorot_uniform
|
||||
from tensorflow.python.keras.initializers import he_normal
|
||||
from tensorflow.python.keras.initializers import he_uniform
|
||||
from tensorflow.python.keras.initializers import lecun_normal
|
||||
from tensorflow.python.keras.initializers import lecun_uniform
|
||||
|
||||
# Auxiliary utils.
|
||||
from tensorflow.python.keras._impl.keras.initializers import deserialize
|
||||
from tensorflow.python.keras._impl.keras.initializers import serialize
|
||||
from tensorflow.python.keras._impl.keras.initializers import get
|
||||
from tensorflow.python.keras.initializers import deserialize
|
||||
from tensorflow.python.keras.initializers import serialize
|
||||
from tensorflow.python.keras.initializers import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -20,128 +20,128 @@ from __future__ import print_function
|
||||
|
||||
# Generic layers.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.engine import Input
|
||||
from tensorflow.python.keras._impl.keras.engine import InputLayer
|
||||
from tensorflow.python.keras._impl.keras.engine import InputSpec
|
||||
from tensorflow.python.keras._impl.keras.engine import Layer
|
||||
from tensorflow.python.keras.engine import Input
|
||||
from tensorflow.python.keras.engine import InputLayer
|
||||
from tensorflow.python.keras.engine import InputSpec
|
||||
from tensorflow.python.keras.engine import Layer
|
||||
|
||||
# Advanced activations.
|
||||
from tensorflow.python.keras._impl.keras.layers.advanced_activations import LeakyReLU
|
||||
from tensorflow.python.keras._impl.keras.layers.advanced_activations import PReLU
|
||||
from tensorflow.python.keras._impl.keras.layers.advanced_activations import ELU
|
||||
from tensorflow.python.keras._impl.keras.layers.advanced_activations import ThresholdedReLU
|
||||
from tensorflow.python.keras.layers.advanced_activations import LeakyReLU
|
||||
from tensorflow.python.keras.layers.advanced_activations import PReLU
|
||||
from tensorflow.python.keras.layers.advanced_activations import ELU
|
||||
from tensorflow.python.keras.layers.advanced_activations import ThresholdedReLU
|
||||
|
||||
# Convolution layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Conv1D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Conv3D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Conv2DTranspose
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Conv3DTranspose
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import SeparableConv2D
|
||||
from tensorflow.python.keras.layers.convolutional import Conv1D
|
||||
from tensorflow.python.keras.layers.convolutional import Conv2D
|
||||
from tensorflow.python.keras.layers.convolutional import Conv3D
|
||||
from tensorflow.python.keras.layers.convolutional import Conv2DTranspose
|
||||
from tensorflow.python.keras.layers.convolutional import Conv3DTranspose
|
||||
from tensorflow.python.keras.layers.convolutional import SeparableConv2D
|
||||
|
||||
# Convolution layer aliases.
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Convolution1D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Convolution2D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Convolution3D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Convolution2DTranspose
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Convolution3DTranspose
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import SeparableConvolution2D
|
||||
from tensorflow.python.keras.layers.convolutional import Convolution1D
|
||||
from tensorflow.python.keras.layers.convolutional import Convolution2D
|
||||
from tensorflow.python.keras.layers.convolutional import Convolution3D
|
||||
from tensorflow.python.keras.layers.convolutional import Convolution2DTranspose
|
||||
from tensorflow.python.keras.layers.convolutional import Convolution3DTranspose
|
||||
from tensorflow.python.keras.layers.convolutional import SeparableConvolution2D
|
||||
|
||||
# Image processing layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import UpSampling1D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import UpSampling2D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import UpSampling3D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import ZeroPadding1D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import ZeroPadding2D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import ZeroPadding3D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Cropping1D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Cropping2D
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import Cropping3D
|
||||
from tensorflow.python.keras.layers.convolutional import UpSampling1D
|
||||
from tensorflow.python.keras.layers.convolutional import UpSampling2D
|
||||
from tensorflow.python.keras.layers.convolutional import UpSampling3D
|
||||
from tensorflow.python.keras.layers.convolutional import ZeroPadding1D
|
||||
from tensorflow.python.keras.layers.convolutional import ZeroPadding2D
|
||||
from tensorflow.python.keras.layers.convolutional import ZeroPadding3D
|
||||
from tensorflow.python.keras.layers.convolutional import Cropping1D
|
||||
from tensorflow.python.keras.layers.convolutional import Cropping2D
|
||||
from tensorflow.python.keras.layers.convolutional import Cropping3D
|
||||
|
||||
# Convolutional-recurrent layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional_recurrent import ConvLSTM2D
|
||||
from tensorflow.python.keras.layers.convolutional_recurrent import ConvLSTM2D
|
||||
|
||||
# Core layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Masking
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Dropout
|
||||
from tensorflow.python.keras._impl.keras.layers.core import SpatialDropout1D
|
||||
from tensorflow.python.keras._impl.keras.layers.core import SpatialDropout2D
|
||||
from tensorflow.python.keras._impl.keras.layers.core import SpatialDropout3D
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Reshape
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Permute
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Flatten
|
||||
from tensorflow.python.keras._impl.keras.layers.core import RepeatVector
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Lambda
|
||||
from tensorflow.python.keras._impl.keras.layers.core import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers.core import ActivityRegularization
|
||||
from tensorflow.python.keras.layers.core import Masking
|
||||
from tensorflow.python.keras.layers.core import Dropout
|
||||
from tensorflow.python.keras.layers.core import SpatialDropout1D
|
||||
from tensorflow.python.keras.layers.core import SpatialDropout2D
|
||||
from tensorflow.python.keras.layers.core import SpatialDropout3D
|
||||
from tensorflow.python.keras.layers.core import Activation
|
||||
from tensorflow.python.keras.layers.core import Reshape
|
||||
from tensorflow.python.keras.layers.core import Permute
|
||||
from tensorflow.python.keras.layers.core import Flatten
|
||||
from tensorflow.python.keras.layers.core import RepeatVector
|
||||
from tensorflow.python.keras.layers.core import Lambda
|
||||
from tensorflow.python.keras.layers.core import Dense
|
||||
from tensorflow.python.keras.layers.core import ActivityRegularization
|
||||
|
||||
# Embedding layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.embeddings import Embedding
|
||||
from tensorflow.python.keras.layers.embeddings import Embedding
|
||||
|
||||
# Locally-connected layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.local import LocallyConnected1D
|
||||
from tensorflow.python.keras._impl.keras.layers.local import LocallyConnected2D
|
||||
from tensorflow.python.keras.layers.local import LocallyConnected1D
|
||||
from tensorflow.python.keras.layers.local import LocallyConnected2D
|
||||
|
||||
# Merge layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Add
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Multiply
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Average
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Maximum
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Concatenate
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import Dot
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import add
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import multiply
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import average
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import maximum
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import concatenate
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import dot
|
||||
from tensorflow.python.keras.layers.merge import Add
|
||||
from tensorflow.python.keras.layers.merge import Multiply
|
||||
from tensorflow.python.keras.layers.merge import Average
|
||||
from tensorflow.python.keras.layers.merge import Maximum
|
||||
from tensorflow.python.keras.layers.merge import Concatenate
|
||||
from tensorflow.python.keras.layers.merge import Dot
|
||||
from tensorflow.python.keras.layers.merge import add
|
||||
from tensorflow.python.keras.layers.merge import multiply
|
||||
from tensorflow.python.keras.layers.merge import average
|
||||
from tensorflow.python.keras.layers.merge import maximum
|
||||
from tensorflow.python.keras.layers.merge import concatenate
|
||||
from tensorflow.python.keras.layers.merge import dot
|
||||
|
||||
# Noise layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.noise import AlphaDropout
|
||||
from tensorflow.python.keras._impl.keras.layers.noise import GaussianNoise
|
||||
from tensorflow.python.keras._impl.keras.layers.noise import GaussianDropout
|
||||
from tensorflow.python.keras.layers.noise import AlphaDropout
|
||||
from tensorflow.python.keras.layers.noise import GaussianNoise
|
||||
from tensorflow.python.keras.layers.noise import GaussianDropout
|
||||
|
||||
# Normalization layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.normalization import BatchNormalization
|
||||
from tensorflow.python.keras.layers.normalization import BatchNormalization
|
||||
|
||||
# Pooling layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPooling1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPooling3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AveragePooling1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AveragePooling3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAveragePooling1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAveragePooling3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPooling1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPooling3D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPooling1D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPooling2D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPooling3D
|
||||
from tensorflow.python.keras.layers.pooling import AveragePooling1D
|
||||
from tensorflow.python.keras.layers.pooling import AveragePooling2D
|
||||
from tensorflow.python.keras.layers.pooling import AveragePooling3D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAveragePooling1D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAveragePooling3D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPooling1D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPooling3D
|
||||
|
||||
# Pooling layer aliases.
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPool1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPool2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import MaxPool3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AvgPool1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AvgPool2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import AvgPool3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAvgPool1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAvgPool2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalAvgPool3D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPool1D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPool2D
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import GlobalMaxPool3D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPool1D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPool2D
|
||||
from tensorflow.python.keras.layers.pooling import MaxPool3D
|
||||
from tensorflow.python.keras.layers.pooling import AvgPool1D
|
||||
from tensorflow.python.keras.layers.pooling import AvgPool2D
|
||||
from tensorflow.python.keras.layers.pooling import AvgPool3D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAvgPool1D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAvgPool2D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalAvgPool3D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPool1D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPool2D
|
||||
from tensorflow.python.keras.layers.pooling import GlobalMaxPool3D
|
||||
|
||||
# Recurrent layers.
|
||||
from tensorflow.python.keras._impl.keras.layers.recurrent import SimpleRNN
|
||||
from tensorflow.python.keras._impl.keras.layers.recurrent import GRU
|
||||
from tensorflow.python.keras._impl.keras.layers.recurrent import LSTM
|
||||
from tensorflow.python.keras.layers.recurrent import SimpleRNN
|
||||
from tensorflow.python.keras.layers.recurrent import GRU
|
||||
from tensorflow.python.keras.layers.recurrent import LSTM
|
||||
|
||||
# Wrapper functions
|
||||
from tensorflow.python.keras._impl.keras.layers.wrappers import Wrapper
|
||||
from tensorflow.python.keras._impl.keras.layers.wrappers import Bidirectional
|
||||
from tensorflow.python.keras._impl.keras.layers.wrappers import TimeDistributed
|
||||
from tensorflow.python.keras.layers.wrappers import Wrapper
|
||||
from tensorflow.python.keras.layers.wrappers import Bidirectional
|
||||
from tensorflow.python.keras.layers.wrappers import TimeDistributed
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,26 +19,26 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Loss functions.
|
||||
from tensorflow.python.keras._impl.keras.losses import binary_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.losses import categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.losses import categorical_hinge
|
||||
from tensorflow.python.keras._impl.keras.losses import cosine_proximity
|
||||
from tensorflow.python.keras._impl.keras.losses import hinge
|
||||
from tensorflow.python.keras._impl.keras.losses import kullback_leibler_divergence
|
||||
from tensorflow.python.keras._impl.keras.losses import logcosh
|
||||
from tensorflow.python.keras._impl.keras.losses import mean_absolute_error
|
||||
from tensorflow.python.keras._impl.keras.losses import mean_absolute_percentage_error
|
||||
from tensorflow.python.keras._impl.keras.losses import mean_squared_error
|
||||
from tensorflow.python.keras._impl.keras.losses import mean_squared_logarithmic_error
|
||||
from tensorflow.python.keras._impl.keras.losses import poisson
|
||||
from tensorflow.python.keras._impl.keras.losses import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.losses import squared_hinge
|
||||
from tensorflow.python.keras.losses import binary_crossentropy
|
||||
from tensorflow.python.keras.losses import categorical_crossentropy
|
||||
from tensorflow.python.keras.losses import categorical_hinge
|
||||
from tensorflow.python.keras.losses import cosine_proximity
|
||||
from tensorflow.python.keras.losses import hinge
|
||||
from tensorflow.python.keras.losses import kullback_leibler_divergence
|
||||
from tensorflow.python.keras.losses import logcosh
|
||||
from tensorflow.python.keras.losses import mean_absolute_error
|
||||
from tensorflow.python.keras.losses import mean_absolute_percentage_error
|
||||
from tensorflow.python.keras.losses import mean_squared_error
|
||||
from tensorflow.python.keras.losses import mean_squared_logarithmic_error
|
||||
from tensorflow.python.keras.losses import poisson
|
||||
from tensorflow.python.keras.losses import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras.losses import squared_hinge
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.losses import deserialize
|
||||
from tensorflow.python.keras._impl.keras.losses import serialize
|
||||
from tensorflow.python.keras._impl.keras.losses import get
|
||||
from tensorflow.python.keras.losses import deserialize
|
||||
from tensorflow.python.keras.losses import serialize
|
||||
from tensorflow.python.keras.losses import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,28 +19,28 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Metrics functions.
|
||||
from tensorflow.python.keras._impl.keras.metrics import binary_accuracy
|
||||
from tensorflow.python.keras._impl.keras.metrics import binary_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.metrics import categorical_accuracy
|
||||
from tensorflow.python.keras._impl.keras.metrics import categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.metrics import cosine_proximity
|
||||
from tensorflow.python.keras._impl.keras.metrics import hinge
|
||||
from tensorflow.python.keras._impl.keras.metrics import kullback_leibler_divergence
|
||||
from tensorflow.python.keras._impl.keras.metrics import mean_absolute_error
|
||||
from tensorflow.python.keras._impl.keras.metrics import mean_absolute_percentage_error
|
||||
from tensorflow.python.keras._impl.keras.metrics import mean_squared_error
|
||||
from tensorflow.python.keras._impl.keras.metrics import mean_squared_logarithmic_error
|
||||
from tensorflow.python.keras._impl.keras.metrics import poisson
|
||||
from tensorflow.python.keras._impl.keras.metrics import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.metrics import sparse_top_k_categorical_accuracy
|
||||
from tensorflow.python.keras._impl.keras.metrics import squared_hinge
|
||||
from tensorflow.python.keras._impl.keras.metrics import top_k_categorical_accuracy
|
||||
from tensorflow.python.keras.metrics import binary_accuracy
|
||||
from tensorflow.python.keras.metrics import binary_crossentropy
|
||||
from tensorflow.python.keras.metrics import categorical_accuracy
|
||||
from tensorflow.python.keras.metrics import categorical_crossentropy
|
||||
from tensorflow.python.keras.metrics import cosine_proximity
|
||||
from tensorflow.python.keras.metrics import hinge
|
||||
from tensorflow.python.keras.metrics import kullback_leibler_divergence
|
||||
from tensorflow.python.keras.metrics import mean_absolute_error
|
||||
from tensorflow.python.keras.metrics import mean_absolute_percentage_error
|
||||
from tensorflow.python.keras.metrics import mean_squared_error
|
||||
from tensorflow.python.keras.metrics import mean_squared_logarithmic_error
|
||||
from tensorflow.python.keras.metrics import poisson
|
||||
from tensorflow.python.keras.metrics import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras.metrics import sparse_top_k_categorical_accuracy
|
||||
from tensorflow.python.keras.metrics import squared_hinge
|
||||
from tensorflow.python.keras.metrics import top_k_categorical_accuracy
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.metrics import deserialize
|
||||
from tensorflow.python.keras._impl.keras.metrics import serialize
|
||||
from tensorflow.python.keras._impl.keras.metrics import get
|
||||
from tensorflow.python.keras.metrics import deserialize
|
||||
from tensorflow.python.keras.metrics import serialize
|
||||
from tensorflow.python.keras.metrics import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,13 +18,13 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.models import load_model
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.models import model_from_config
|
||||
from tensorflow.python.keras._impl.keras.models import model_from_json
|
||||
from tensorflow.python.keras._impl.keras.models import model_from_yaml
|
||||
from tensorflow.python.keras._impl.keras.models import save_model
|
||||
from tensorflow.python.keras._impl.keras.models import Sequential
|
||||
from tensorflow.python.keras.models import load_model
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.models import model_from_config
|
||||
from tensorflow.python.keras.models import model_from_json
|
||||
from tensorflow.python.keras.models import model_from_yaml
|
||||
from tensorflow.python.keras.models import save_model
|
||||
from tensorflow.python.keras.models import Sequential
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,20 +19,20 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Optimizer classes.
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Adadelta
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Adagrad
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Adam
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Adamax
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Nadam
|
||||
from tensorflow.python.keras._impl.keras.optimizers import Optimizer
|
||||
from tensorflow.python.keras._impl.keras.optimizers import RMSprop
|
||||
from tensorflow.python.keras._impl.keras.optimizers import SGD
|
||||
from tensorflow.python.keras.optimizers import Adadelta
|
||||
from tensorflow.python.keras.optimizers import Adagrad
|
||||
from tensorflow.python.keras.optimizers import Adam
|
||||
from tensorflow.python.keras.optimizers import Adamax
|
||||
from tensorflow.python.keras.optimizers import Nadam
|
||||
from tensorflow.python.keras.optimizers import Optimizer
|
||||
from tensorflow.python.keras.optimizers import RMSprop
|
||||
from tensorflow.python.keras.optimizers import SGD
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.optimizers import deserialize
|
||||
from tensorflow.python.keras._impl.keras.optimizers import serialize
|
||||
from tensorflow.python.keras._impl.keras.optimizers import get
|
||||
from tensorflow.python.keras.optimizers import deserialize
|
||||
from tensorflow.python.keras.optimizers import serialize
|
||||
from tensorflow.python.keras.optimizers import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,20 +18,20 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import apply_transform
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import array_to_img
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import DirectoryIterator
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import flip_axis
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import ImageDataGenerator
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import img_to_array
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import Iterator
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import load_img
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import NumpyArrayIterator
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import random_channel_shift
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import random_rotation
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import random_shear
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import random_shift
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.image import random_zoom
|
||||
from tensorflow.python.keras.preprocessing.image import apply_transform
|
||||
from tensorflow.python.keras.preprocessing.image import array_to_img
|
||||
from tensorflow.python.keras.preprocessing.image import DirectoryIterator
|
||||
from tensorflow.python.keras.preprocessing.image import flip_axis
|
||||
from tensorflow.python.keras.preprocessing.image import ImageDataGenerator
|
||||
from tensorflow.python.keras.preprocessing.image import img_to_array
|
||||
from tensorflow.python.keras.preprocessing.image import Iterator
|
||||
from tensorflow.python.keras.preprocessing.image import load_img
|
||||
from tensorflow.python.keras.preprocessing.image import NumpyArrayIterator
|
||||
from tensorflow.python.keras.preprocessing.image import random_channel_shift
|
||||
from tensorflow.python.keras.preprocessing.image import random_rotation
|
||||
from tensorflow.python.keras.preprocessing.image import random_shear
|
||||
from tensorflow.python.keras.preprocessing.image import random_shift
|
||||
from tensorflow.python.keras.preprocessing.image import random_zoom
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.sequence import make_sampling_table
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.sequence import pad_sequences
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.sequence import skipgrams
|
||||
from tensorflow.python.keras.preprocessing.sequence import make_sampling_table
|
||||
from tensorflow.python.keras.preprocessing.sequence import pad_sequences
|
||||
from tensorflow.python.keras.preprocessing.sequence import skipgrams
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,9 +18,9 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.text import one_hot
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.text import text_to_word_sequence
|
||||
from tensorflow.python.keras._impl.keras.preprocessing.text import Tokenizer
|
||||
from tensorflow.python.keras.preprocessing.text import one_hot
|
||||
from tensorflow.python.keras.preprocessing.text import text_to_word_sequence
|
||||
from tensorflow.python.keras.preprocessing.text import Tokenizer
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -19,19 +19,19 @@ from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Regularizer functions / callable classes.
|
||||
from tensorflow.python.keras._impl.keras.regularizers import L1L2
|
||||
from tensorflow.python.keras._impl.keras.regularizers import Regularizer
|
||||
from tensorflow.python.keras.regularizers import L1L2
|
||||
from tensorflow.python.keras.regularizers import Regularizer
|
||||
|
||||
# Functional interface.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.regularizers import l1
|
||||
from tensorflow.python.keras._impl.keras.regularizers import l2
|
||||
from tensorflow.python.keras._impl.keras.regularizers import l1_l2
|
||||
from tensorflow.python.keras.regularizers import l1
|
||||
from tensorflow.python.keras.regularizers import l2
|
||||
from tensorflow.python.keras.regularizers import l1_l2
|
||||
|
||||
# Auxiliary utils.
|
||||
from tensorflow.python.keras._impl.keras.regularizers import deserialize
|
||||
from tensorflow.python.keras._impl.keras.regularizers import serialize
|
||||
from tensorflow.python.keras._impl.keras.regularizers import get
|
||||
from tensorflow.python.keras.regularizers import deserialize
|
||||
from tensorflow.python.keras.regularizers import serialize
|
||||
from tensorflow.python.keras.regularizers import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,21 +18,21 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import GeneratorEnqueuer
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import Sequence
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import SequenceEnqueuer
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import custom_object_scope
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import CustomObjectScope
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import get_custom_objects
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import Progbar
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import serialize_keras_object
|
||||
from tensorflow.python.keras._impl.keras.utils.io_utils import HDF5Matrix
|
||||
from tensorflow.python.keras._impl.keras.utils.layer_utils import convert_all_kernels_in_model
|
||||
from tensorflow.python.keras._impl.keras.utils.np_utils import normalize
|
||||
from tensorflow.python.keras._impl.keras.utils.np_utils import to_categorical
|
||||
from tensorflow.python.keras._impl.keras.utils.vis_utils import plot_model
|
||||
from tensorflow.python.keras.utils.data_utils import GeneratorEnqueuer
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras.utils.data_utils import Sequence
|
||||
from tensorflow.python.keras.utils.data_utils import SequenceEnqueuer
|
||||
from tensorflow.python.keras.utils.generic_utils import custom_object_scope
|
||||
from tensorflow.python.keras.utils.generic_utils import CustomObjectScope
|
||||
from tensorflow.python.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras.utils.generic_utils import get_custom_objects
|
||||
from tensorflow.python.keras.utils.generic_utils import Progbar
|
||||
from tensorflow.python.keras.utils.generic_utils import serialize_keras_object
|
||||
from tensorflow.python.keras.utils.io_utils import HDF5Matrix
|
||||
from tensorflow.python.keras.utils.layer_utils import convert_all_kernels_in_model
|
||||
from tensorflow.python.keras.utils.np_utils import normalize
|
||||
from tensorflow.python.keras.utils.np_utils import to_categorical
|
||||
from tensorflow.python.keras.utils.vis_utils import plot_model
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -18,8 +18,8 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.wrappers.scikit_learn import KerasClassifier
|
||||
from tensorflow.python.keras._impl.keras.wrappers.scikit_learn import KerasRegressor
|
||||
from tensorflow.python.keras.wrappers.scikit_learn import KerasClassifier
|
||||
from tensorflow.python.keras.wrappers.scikit_learn import KerasRegressor
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
|
@ -33,8 +33,8 @@ from tensorflow.python.eager import test
|
||||
from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import test_util
|
||||
from tensorflow.python.keras._impl.keras.engine import training
|
||||
from tensorflow.python.keras._impl.keras.layers import core
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.ops import control_flow_ops
|
||||
from tensorflow.python.ops import init_ops
|
||||
from tensorflow.python.ops import resource_variable_ops
|
||||
|
@ -30,9 +30,9 @@ from tensorflow.python.estimator import estimator_lib
|
||||
from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.keras._impl.keras.engine import sequential
|
||||
from tensorflow.python.keras._impl.keras.engine import training
|
||||
from tensorflow.python.keras._impl.keras.layers import core
|
||||
from tensorflow.python.keras.engine import sequential
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.keras.layers import core
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import check_ops
|
||||
from tensorflow.python.ops import control_flow_ops
|
||||
|
@ -61,11 +61,11 @@ from tensorflow.python.client import session as tf_session
|
||||
from tensorflow.python.estimator import model_fn as model_fn_lib
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import tensor_spec
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import layers
|
||||
from tensorflow.python.keras._impl.keras import models
|
||||
from tensorflow.python.keras._impl.keras import optimizers as keras_optimizers
|
||||
from tensorflow.python.keras._impl.keras.layers import embeddings
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import layers
|
||||
from tensorflow.python.keras import models
|
||||
from tensorflow.python.keras import optimizers as keras_optimizers
|
||||
from tensorflow.python.keras.layers import embeddings
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
@ -400,7 +400,7 @@ class KerasTPUModel(models.Model):
|
||||
"""TPU compatible Keras model wrapper."""
|
||||
|
||||
def __init__(self, inputs, outputs, name, replicas=1):
|
||||
super(models.Model, self).__init__(
|
||||
super(models.Model, self).__init__( # pylint: disable=bad-super-call
|
||||
inputs=inputs,
|
||||
outputs=outputs,
|
||||
name=name,
|
||||
|
@ -30,12 +30,12 @@ from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import random_seed
|
||||
from tensorflow.python.framework import sparse_tensor as sparse_tensor_lib
|
||||
from tensorflow.python.framework import tensor_util
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import models
|
||||
from tensorflow.python.keras._impl.keras import optimizers
|
||||
from tensorflow.python.keras._impl.keras.engine.base_layer import Layer
|
||||
from tensorflow.python.keras._impl.keras.engine.network import Network
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import CustomObjectScope
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import models
|
||||
from tensorflow.python.keras import optimizers
|
||||
from tensorflow.python.keras.engine.base_layer import Layer
|
||||
from tensorflow.python.keras.engine.network import Network
|
||||
from tensorflow.python.keras.utils.generic_utils import CustomObjectScope
|
||||
from tensorflow.python.ops import check_ops
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.ops import metrics as metrics_module
|
||||
|
@ -25,16 +25,16 @@ import tempfile
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.core.protobuf import config_pb2
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.estimator import keras as keras_lib
|
||||
from tensorflow.python.estimator import run_config as run_config_lib
|
||||
from tensorflow.python.estimator.inputs import numpy_io
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import test_util
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import testing_utils
|
||||
from tensorflow.python.keras._impl.keras.applications import mobilenet
|
||||
from tensorflow.python.keras._impl.keras.optimizers import SGD
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.keras.applications import mobilenet
|
||||
from tensorflow.python.keras.optimizers import SGD
|
||||
from tensorflow.python.platform import gfile
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.summary.writer import writer_cache
|
||||
|
@ -140,7 +140,7 @@ from tensorflow.python.framework import dtypes
|
||||
from tensorflow.python.framework import ops
|
||||
from tensorflow.python.framework import sparse_tensor as sparse_tensor_lib
|
||||
from tensorflow.python.framework import tensor_shape
|
||||
from tensorflow.python.keras._impl.keras.engine import training
|
||||
from tensorflow.python.keras.engine import training
|
||||
from tensorflow.python.layers import base
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.ops import check_ops
|
||||
|
@ -19,74 +19,37 @@ py_library(
|
||||
name = "keras",
|
||||
srcs = [
|
||||
"__init__.py",
|
||||
"_impl/keras/__init__.py",
|
||||
"_impl/keras/applications/__init__.py",
|
||||
"_impl/keras/applications/densenet.py",
|
||||
"_impl/keras/applications/imagenet_utils.py",
|
||||
"_impl/keras/applications/inception_resnet_v2.py",
|
||||
"_impl/keras/applications/inception_v3.py",
|
||||
"_impl/keras/applications/mobilenet.py",
|
||||
"_impl/keras/applications/nasnet.py",
|
||||
"_impl/keras/applications/resnet50.py",
|
||||
"_impl/keras/applications/vgg16.py",
|
||||
"_impl/keras/applications/vgg19.py",
|
||||
"_impl/keras/applications/xception.py",
|
||||
"_impl/keras/datasets/__init__.py",
|
||||
"_impl/keras/datasets/boston_housing.py",
|
||||
"_impl/keras/datasets/cifar.py",
|
||||
"_impl/keras/datasets/cifar10.py",
|
||||
"_impl/keras/datasets/cifar100.py",
|
||||
"_impl/keras/datasets/fashion_mnist.py",
|
||||
"_impl/keras/datasets/imdb.py",
|
||||
"_impl/keras/datasets/mnist.py",
|
||||
"_impl/keras/datasets/reuters.py",
|
||||
"_impl/keras/preprocessing/__init__.py",
|
||||
"_impl/keras/preprocessing/image.py",
|
||||
"_impl/keras/preprocessing/sequence.py",
|
||||
"_impl/keras/preprocessing/text.py",
|
||||
"_impl/keras/testing_utils.py",
|
||||
"_impl/keras/utils/__init__.py",
|
||||
"_impl/keras/utils/multi_gpu_utils.py",
|
||||
"_impl/keras/utils/np_utils.py",
|
||||
"_impl/keras/utils/vis_utils.py",
|
||||
"_impl/keras/wrappers/__init__.py",
|
||||
"_impl/keras/wrappers/scikit_learn.py",
|
||||
"activations/__init__.py",
|
||||
"applications/__init__.py",
|
||||
"applications/densenet/__init__.py",
|
||||
"applications/inception_resnet_v2/__init__.py",
|
||||
"applications/inception_v3/__init__.py",
|
||||
"applications/mobilenet/__init__.py",
|
||||
"applications/nasnet/__init__.py",
|
||||
"applications/resnet50/__init__.py",
|
||||
"applications/vgg16/__init__.py",
|
||||
"applications/vgg19/__init__.py",
|
||||
"applications/xception/__init__.py",
|
||||
"backend/__init__.py",
|
||||
"callbacks/__init__.py",
|
||||
"constraints/__init__.py",
|
||||
"applications/densenet.py",
|
||||
"applications/imagenet_utils.py",
|
||||
"applications/inception_resnet_v2.py",
|
||||
"applications/inception_v3.py",
|
||||
"applications/mobilenet.py",
|
||||
"applications/nasnet.py",
|
||||
"applications/resnet50.py",
|
||||
"applications/vgg16.py",
|
||||
"applications/vgg19.py",
|
||||
"applications/xception.py",
|
||||
"datasets/__init__.py",
|
||||
"datasets/boston_housing/__init__.py",
|
||||
"datasets/cifar10/__init__.py",
|
||||
"datasets/cifar100/__init__.py",
|
||||
"datasets/fashion_mnist/__init__.py",
|
||||
"datasets/imdb/__init__.py",
|
||||
"datasets/mnist/__init__.py",
|
||||
"datasets/reuters/__init__.py",
|
||||
"initializers/__init__.py",
|
||||
"layers/__init__.py",
|
||||
"losses/__init__.py",
|
||||
"metrics/__init__.py",
|
||||
"models/__init__.py",
|
||||
"optimizers/__init__.py",
|
||||
"datasets/boston_housing.py",
|
||||
"datasets/cifar.py",
|
||||
"datasets/cifar10.py",
|
||||
"datasets/cifar100.py",
|
||||
"datasets/fashion_mnist.py",
|
||||
"datasets/imdb.py",
|
||||
"datasets/mnist.py",
|
||||
"datasets/reuters.py",
|
||||
"preprocessing/__init__.py",
|
||||
"preprocessing/image/__init__.py",
|
||||
"preprocessing/sequence/__init__.py",
|
||||
"preprocessing/text/__init__.py",
|
||||
"regularizers/__init__.py",
|
||||
"preprocessing/image.py",
|
||||
"preprocessing/sequence.py",
|
||||
"preprocessing/text.py",
|
||||
"testing_utils.py",
|
||||
"utils/__init__.py",
|
||||
"utils/multi_gpu_utils.py",
|
||||
"utils/np_utils.py",
|
||||
"utils/vis_utils.py",
|
||||
"wrappers/__init__.py",
|
||||
"wrappers/scikit_learn/__init__.py",
|
||||
"wrappers/scikit_learn.py",
|
||||
],
|
||||
srcs_version = "PY2AND3",
|
||||
visibility = ["//visibility:public"],
|
||||
@ -104,7 +67,7 @@ py_library(
|
||||
|
||||
py_library(
|
||||
name = "backend",
|
||||
srcs = ["_impl/keras/backend.py"],
|
||||
srcs = ["backend.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
"//tensorflow/core:protos_all_py",
|
||||
@ -145,28 +108,28 @@ py_library(
|
||||
py_library(
|
||||
name = "engine",
|
||||
srcs = [
|
||||
"_impl/keras/activations.py",
|
||||
"_impl/keras/callbacks.py",
|
||||
"_impl/keras/constraints.py",
|
||||
"_impl/keras/engine/__init__.py",
|
||||
"_impl/keras/engine/base_layer.py",
|
||||
"_impl/keras/engine/input_layer.py",
|
||||
"_impl/keras/engine/network.py",
|
||||
"_impl/keras/engine/saving.py",
|
||||
"_impl/keras/engine/sequential.py",
|
||||
"_impl/keras/engine/training.py",
|
||||
"_impl/keras/engine/training_arrays.py",
|
||||
"_impl/keras/engine/training_eager.py",
|
||||
"_impl/keras/engine/training_generator.py",
|
||||
"_impl/keras/engine/training_utils.py",
|
||||
"_impl/keras/initializers.py",
|
||||
"_impl/keras/losses.py",
|
||||
"_impl/keras/metrics.py",
|
||||
"_impl/keras/models.py",
|
||||
"_impl/keras/optimizers.py",
|
||||
"_impl/keras/regularizers.py",
|
||||
"_impl/keras/utils/data_utils.py",
|
||||
"_impl/keras/utils/io_utils.py",
|
||||
"activations.py",
|
||||
"callbacks.py",
|
||||
"constraints.py",
|
||||
"engine/__init__.py",
|
||||
"engine/base_layer.py",
|
||||
"engine/input_layer.py",
|
||||
"engine/network.py",
|
||||
"engine/saving.py",
|
||||
"engine/sequential.py",
|
||||
"engine/training.py",
|
||||
"engine/training_arrays.py",
|
||||
"engine/training_eager.py",
|
||||
"engine/training_generator.py",
|
||||
"engine/training_utils.py",
|
||||
"initializers.py",
|
||||
"losses.py",
|
||||
"metrics.py",
|
||||
"models.py",
|
||||
"optimizers.py",
|
||||
"regularizers.py",
|
||||
"utils/data_utils.py",
|
||||
"utils/io_utils.py",
|
||||
],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
@ -179,25 +142,25 @@ py_library(
|
||||
py_library(
|
||||
name = "layers",
|
||||
srcs = [
|
||||
"_impl/keras/layers/__init__.py",
|
||||
"_impl/keras/layers/advanced_activations.py",
|
||||
"_impl/keras/layers/convolutional.py",
|
||||
"_impl/keras/layers/convolutional_recurrent.py",
|
||||
"_impl/keras/layers/core.py",
|
||||
"_impl/keras/layers/cudnn_recurrent.py",
|
||||
"_impl/keras/layers/embeddings.py",
|
||||
"_impl/keras/layers/local.py",
|
||||
"_impl/keras/layers/merge.py",
|
||||
"_impl/keras/layers/noise.py",
|
||||
"_impl/keras/layers/normalization.py",
|
||||
"_impl/keras/layers/pooling.py",
|
||||
"_impl/keras/layers/recurrent.py",
|
||||
"_impl/keras/layers/serialization.py",
|
||||
"_impl/keras/layers/wrappers.py",
|
||||
"_impl/keras/utils/conv_utils.py",
|
||||
"_impl/keras/utils/generic_utils.py",
|
||||
"_impl/keras/utils/layer_utils.py",
|
||||
"_impl/keras/utils/tf_utils.py",
|
||||
"layers/__init__.py",
|
||||
"layers/advanced_activations.py",
|
||||
"layers/convolutional.py",
|
||||
"layers/convolutional_recurrent.py",
|
||||
"layers/core.py",
|
||||
"layers/cudnn_recurrent.py",
|
||||
"layers/embeddings.py",
|
||||
"layers/local.py",
|
||||
"layers/merge.py",
|
||||
"layers/noise.py",
|
||||
"layers/normalization.py",
|
||||
"layers/pooling.py",
|
||||
"layers/recurrent.py",
|
||||
"layers/serialization.py",
|
||||
"layers/wrappers.py",
|
||||
"utils/conv_utils.py",
|
||||
"utils/generic_utils.py",
|
||||
"utils/layer_utils.py",
|
||||
"utils/tf_utils.py",
|
||||
],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
@ -224,7 +187,7 @@ py_library(
|
||||
py_test(
|
||||
name = "integration_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/integration_test.py"],
|
||||
srcs = ["integration_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -239,7 +202,7 @@ py_test(
|
||||
py_test(
|
||||
name = "activations_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/activations_test.py"],
|
||||
srcs = ["activations_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -251,7 +214,7 @@ py_test(
|
||||
py_test(
|
||||
name = "constraints_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/constraints_test.py"],
|
||||
srcs = ["constraints_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -263,7 +226,7 @@ py_test(
|
||||
py_test(
|
||||
name = "initializers_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/initializers_test.py"],
|
||||
srcs = ["initializers_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -276,7 +239,7 @@ py_test(
|
||||
py_test(
|
||||
name = "regularizers_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/regularizers_test.py"],
|
||||
srcs = ["regularizers_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -287,7 +250,7 @@ py_test(
|
||||
py_test(
|
||||
name = "optimizers_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/optimizers_test.py"],
|
||||
srcs = ["optimizers_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -301,7 +264,7 @@ py_test(
|
||||
py_test(
|
||||
name = "losses_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/losses_test.py"],
|
||||
srcs = ["losses_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -313,7 +276,7 @@ py_test(
|
||||
py_test(
|
||||
name = "metrics_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/metrics_test.py"],
|
||||
srcs = ["metrics_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
"manual",
|
||||
@ -330,7 +293,7 @@ py_test(
|
||||
py_test(
|
||||
name = "densenet_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/applications/densenet_test.py"],
|
||||
srcs = ["applications/densenet_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["nomsan"], # times out, http://b/78650237
|
||||
deps = [
|
||||
@ -343,7 +306,7 @@ py_test(
|
||||
py_test(
|
||||
name = "inception_resnet_v2_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/applications/inception_resnet_v2_test.py"],
|
||||
srcs = ["applications/inception_resnet_v2_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -355,7 +318,7 @@ py_test(
|
||||
py_test(
|
||||
name = "inception_v3_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/applications/inception_v3_test.py"],
|
||||
srcs = ["applications/inception_v3_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -367,7 +330,7 @@ py_test(
|
||||
py_test(
|
||||
name = "mobilenet_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/applications/mobilenet_test.py"],
|
||||
srcs = ["applications/mobilenet_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -379,7 +342,7 @@ py_test(
|
||||
py_test(
|
||||
name = "nasnet_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/applications/nasnet_test.py"],
|
||||
srcs = ["applications/nasnet_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["nomsan"], # times out, http://b/78573625
|
||||
deps = [
|
||||
@ -392,7 +355,7 @@ py_test(
|
||||
py_test(
|
||||
name = "resnet50_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/applications/resnet50_test.py"],
|
||||
srcs = ["applications/resnet50_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -403,7 +366,7 @@ py_test(
|
||||
py_test(
|
||||
name = "vgg16_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/applications/vgg16_test.py"],
|
||||
srcs = ["applications/vgg16_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -414,7 +377,7 @@ py_test(
|
||||
py_test(
|
||||
name = "vgg19_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/applications/vgg19_test.py"],
|
||||
srcs = ["applications/vgg19_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -425,7 +388,7 @@ py_test(
|
||||
py_test(
|
||||
name = "xception_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/applications/xception_test.py"],
|
||||
srcs = ["applications/xception_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -437,7 +400,7 @@ py_test(
|
||||
py_test(
|
||||
name = "advanced_activations_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/advanced_activations_test.py"],
|
||||
srcs = ["layers/advanced_activations_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -448,7 +411,7 @@ py_test(
|
||||
py_test(
|
||||
name = "convolutional_recurrent_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/layers/convolutional_recurrent_test.py"],
|
||||
srcs = ["layers/convolutional_recurrent_test.py"],
|
||||
shard_count = 2,
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
@ -461,7 +424,7 @@ py_test(
|
||||
py_test(
|
||||
name = "convolutional_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/layers/convolutional_test.py"],
|
||||
srcs = ["layers/convolutional_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
"manual",
|
||||
@ -478,7 +441,7 @@ py_test(
|
||||
cuda_py_test(
|
||||
name = "cudnn_recurrent_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/layers/cudnn_recurrent_test.py"],
|
||||
srcs = ["layers/cudnn_recurrent_test.py"],
|
||||
additional_deps = [
|
||||
":keras",
|
||||
"@absl_py//absl/testing:parameterized",
|
||||
@ -491,7 +454,7 @@ cuda_py_test(
|
||||
py_test(
|
||||
name = "pooling_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/pooling_test.py"],
|
||||
srcs = ["layers/pooling_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -502,7 +465,7 @@ py_test(
|
||||
py_test(
|
||||
name = "core_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/core_test.py"],
|
||||
srcs = ["layers/core_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -514,7 +477,7 @@ py_test(
|
||||
py_test(
|
||||
name = "embeddings_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/embeddings_test.py"],
|
||||
srcs = ["layers/embeddings_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -525,7 +488,7 @@ py_test(
|
||||
py_test(
|
||||
name = "local_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/local_test.py"],
|
||||
srcs = ["layers/local_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -537,7 +500,7 @@ py_test(
|
||||
py_test(
|
||||
name = "merge_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/merge_test.py"],
|
||||
srcs = ["layers/merge_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -549,7 +512,7 @@ py_test(
|
||||
py_test(
|
||||
name = "noise_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/noise_test.py"],
|
||||
srcs = ["layers/noise_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -560,7 +523,7 @@ py_test(
|
||||
py_test(
|
||||
name = "normalization_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/normalization_test.py"],
|
||||
srcs = ["layers/normalization_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -573,7 +536,7 @@ py_test(
|
||||
py_test(
|
||||
name = "simplernn_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/simplernn_test.py"],
|
||||
srcs = ["layers/simplernn_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -586,7 +549,7 @@ py_test(
|
||||
py_test(
|
||||
name = "gru_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/gru_test.py"],
|
||||
srcs = ["layers/gru_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"], # http://b/62136390
|
||||
deps = [
|
||||
@ -599,7 +562,7 @@ py_test(
|
||||
py_test(
|
||||
name = "lstm_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/lstm_test.py"],
|
||||
srcs = ["layers/lstm_test.py"],
|
||||
shard_count = 4,
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
@ -616,7 +579,7 @@ py_test(
|
||||
py_test(
|
||||
name = "recurrent_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/recurrent_test.py"],
|
||||
srcs = ["layers/recurrent_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -628,7 +591,7 @@ py_test(
|
||||
py_test(
|
||||
name = "serialization_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/layers/serialization_test.py"],
|
||||
srcs = ["layers/serialization_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -639,7 +602,7 @@ py_test(
|
||||
py_test(
|
||||
name = "wrappers_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/layers/wrappers_test.py"],
|
||||
srcs = ["layers/wrappers_test.py"],
|
||||
shard_count = 4,
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
@ -656,7 +619,7 @@ py_test(
|
||||
py_test(
|
||||
name = "scikit_learn_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/wrappers/scikit_learn_test.py"],
|
||||
srcs = ["wrappers/scikit_learn_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -669,7 +632,7 @@ py_test(
|
||||
py_test(
|
||||
name = "data_utils_test",
|
||||
size = "large",
|
||||
srcs = ["_impl/keras/utils/data_utils_test.py"],
|
||||
srcs = ["utils/data_utils_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
"no_oss",
|
||||
@ -688,7 +651,7 @@ py_test(
|
||||
py_test(
|
||||
name = "generic_utils_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/utils/generic_utils_test.py"],
|
||||
srcs = ["utils/generic_utils_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -699,7 +662,7 @@ py_test(
|
||||
py_test(
|
||||
name = "io_utils_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/utils/io_utils_test.py"],
|
||||
srcs = ["utils/io_utils_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
"no_windows", # TODO: needs investigation on Windows
|
||||
@ -715,7 +678,7 @@ py_test(
|
||||
py_test(
|
||||
name = "np_utils_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/utils/np_utils_test.py"],
|
||||
srcs = ["utils/np_utils_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -726,7 +689,7 @@ py_test(
|
||||
|
||||
cuda_py_test(
|
||||
name = "multi_gpu_utils_test",
|
||||
srcs = ["_impl/keras/utils/multi_gpu_utils_test.py"],
|
||||
srcs = ["utils/multi_gpu_utils_test.py"],
|
||||
additional_deps = [
|
||||
":keras",
|
||||
"//third_party/py/numpy",
|
||||
@ -741,7 +704,7 @@ cuda_py_test(
|
||||
py_test(
|
||||
name = "imagenet_utils_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/applications/imagenet_utils_test.py"],
|
||||
srcs = ["applications/imagenet_utils_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -753,7 +716,7 @@ py_test(
|
||||
py_test(
|
||||
name = "image_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/preprocessing/image_test.py"],
|
||||
srcs = ["preprocessing/image_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -765,7 +728,7 @@ py_test(
|
||||
py_test(
|
||||
name = "sequence_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/preprocessing/sequence_test.py"],
|
||||
srcs = ["preprocessing/sequence_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -777,7 +740,7 @@ py_test(
|
||||
py_test(
|
||||
name = "text_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/preprocessing/text_test.py"],
|
||||
srcs = ["preprocessing/text_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -789,7 +752,7 @@ py_test(
|
||||
py_test(
|
||||
name = "callbacks_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/callbacks_test.py"],
|
||||
srcs = ["callbacks_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -802,7 +765,7 @@ py_test(
|
||||
py_test(
|
||||
name = "training_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/engine/training_test.py"],
|
||||
srcs = ["engine/training_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -815,7 +778,7 @@ py_test(
|
||||
py_test(
|
||||
name = "training_eager_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/engine/training_eager_test.py"],
|
||||
srcs = ["engine/training_eager_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -828,7 +791,7 @@ py_test(
|
||||
py_test(
|
||||
name = "model_subclassing_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/model_subclassing_test.py"],
|
||||
srcs = ["model_subclassing_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"],
|
||||
deps = [
|
||||
@ -841,7 +804,7 @@ py_test(
|
||||
py_test(
|
||||
name = "topology_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/engine/topology_test.py"],
|
||||
srcs = ["engine/topology_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = [
|
||||
"no-internal-py3",
|
||||
@ -856,7 +819,7 @@ py_test(
|
||||
py_test(
|
||||
name = "saving_test",
|
||||
size = "medium",
|
||||
srcs = ["_impl/keras/engine/saving_test.py"],
|
||||
srcs = ["engine/saving_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -869,7 +832,7 @@ py_test(
|
||||
py_test(
|
||||
name = "sequential_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/engine/sequential_test.py"],
|
||||
srcs = ["engine/sequential_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -881,7 +844,7 @@ py_test(
|
||||
py_test(
|
||||
name = "models_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/models_test.py"],
|
||||
srcs = ["models_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
tags = ["notsan"], # b/67509773
|
||||
deps = [
|
||||
@ -895,7 +858,7 @@ py_test(
|
||||
py_test(
|
||||
name = "backend_test",
|
||||
size = "small",
|
||||
srcs = ["_impl/keras/backend_test.py"],
|
||||
srcs = ["backend_test.py"],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
":keras",
|
||||
@ -908,7 +871,7 @@ py_test(
|
||||
py_library(
|
||||
name = "testing_utils",
|
||||
srcs = [
|
||||
"_impl/keras/testing_utils.py",
|
||||
"testing_utils.py",
|
||||
],
|
||||
srcs_version = "PY2AND3",
|
||||
deps = [
|
||||
|
@ -1,4 +1,3 @@
|
||||
# -*- coding: utf-8 -*-
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
@ -22,7 +21,6 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# pylint: disable=wildcard-import
|
||||
from tensorflow.python.keras import activations
|
||||
from tensorflow.python.keras import applications
|
||||
from tensorflow.python.keras import backend
|
||||
@ -39,11 +37,12 @@ from tensorflow.python.keras import preprocessing
|
||||
from tensorflow.python.keras import regularizers
|
||||
from tensorflow.python.keras import utils
|
||||
from tensorflow.python.keras import wrappers
|
||||
from tensorflow.python.keras._impl.keras import __version__
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.models import Sequential
|
||||
|
||||
__version__ = '2.1.6-tf'
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
||||
|
@ -1,42 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""The Keras API.
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras import activations
|
||||
from tensorflow.python.keras._impl.keras import applications
|
||||
from tensorflow.python.keras._impl.keras import backend
|
||||
from tensorflow.python.keras._impl.keras import callbacks
|
||||
from tensorflow.python.keras._impl.keras import constraints
|
||||
from tensorflow.python.keras._impl.keras import datasets
|
||||
from tensorflow.python.keras._impl.keras import engine
|
||||
from tensorflow.python.keras._impl.keras import initializers
|
||||
from tensorflow.python.keras._impl.keras import layers
|
||||
from tensorflow.python.keras._impl.keras import losses
|
||||
from tensorflow.python.keras._impl.keras import metrics
|
||||
from tensorflow.python.keras._impl.keras import models
|
||||
from tensorflow.python.keras._impl.keras import optimizers
|
||||
from tensorflow.python.keras._impl.keras import preprocessing
|
||||
from tensorflow.python.keras._impl.keras import regularizers
|
||||
from tensorflow.python.keras._impl.keras import utils
|
||||
from tensorflow.python.keras._impl.keras import wrappers
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.models import Sequential
|
||||
|
||||
__version__ = '2.1.6-tf'
|
@ -1,32 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras Applications: models with automatic loading of pre-trained weights.
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet121
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet169
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet201
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_resnet_v2 import InceptionResNetV2
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import InceptionV3
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import MobileNet
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import NASNetLarge
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import NASNetMobile
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import ResNet50
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import VGG16
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import VGG19
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import Xception
|
@ -1,28 +0,0 @@
|
||||
# Copyright 2017 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras datasets: utilities for downloading and pre-processing common datasets.
|
||||
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets import boston_housing
|
||||
from tensorflow.python.keras._impl.keras.datasets import cifar10
|
||||
from tensorflow.python.keras._impl.keras.datasets import cifar100
|
||||
from tensorflow.python.keras._impl.keras.datasets import fashion_mnist
|
||||
from tensorflow.python.keras._impl.keras.datasets import imdb
|
||||
from tensorflow.python.keras._impl.keras.datasets import mnist
|
||||
from tensorflow.python.keras._impl.keras.datasets import reuters
|
@ -1,40 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras layers module.
|
||||
"""
|
||||
# pylint: disable=wildcard-import
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.engine import Input
|
||||
from tensorflow.python.keras._impl.keras.engine import InputLayer
|
||||
from tensorflow.python.keras._impl.keras.engine import InputSpec
|
||||
from tensorflow.python.keras._impl.keras.engine import Layer
|
||||
from tensorflow.python.keras._impl.keras.layers.advanced_activations import *
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional import *
|
||||
from tensorflow.python.keras._impl.keras.layers.convolutional_recurrent import *
|
||||
from tensorflow.python.keras._impl.keras.layers.core import *
|
||||
from tensorflow.python.keras._impl.keras.layers.cudnn_recurrent import *
|
||||
from tensorflow.python.keras._impl.keras.layers.embeddings import *
|
||||
from tensorflow.python.keras._impl.keras.layers.local import *
|
||||
from tensorflow.python.keras._impl.keras.layers.merge import *
|
||||
from tensorflow.python.keras._impl.keras.layers.noise import *
|
||||
from tensorflow.python.keras._impl.keras.layers.normalization import *
|
||||
from tensorflow.python.keras._impl.keras.layers.pooling import *
|
||||
from tensorflow.python.keras._impl.keras.layers.recurrent import *
|
||||
from tensorflow.python.keras._impl.keras.layers.serialization import deserialize
|
||||
from tensorflow.python.keras._impl.keras.layers.serialization import serialize
|
||||
from tensorflow.python.keras._impl.keras.layers.wrappers import *
|
@ -1,24 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Data preprocessing module.
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.preprocessing import image
|
||||
from tensorflow.python.keras._impl.keras.preprocessing import sequence
|
||||
from tensorflow.python.keras._impl.keras.preprocessing import text
|
||||
|
@ -1,38 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras utilities.
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import GeneratorEnqueuer
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import OrderedEnqueuer
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import Sequence
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import custom_object_scope
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import CustomObjectScope
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import get_custom_objects
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import Progbar
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import serialize_keras_object
|
||||
from tensorflow.python.keras._impl.keras.utils.io_utils import HDF5Matrix
|
||||
from tensorflow.python.keras._impl.keras.utils.layer_utils import convert_all_kernels_in_model
|
||||
from tensorflow.python.keras._impl.keras.utils.layer_utils import print_summary
|
||||
from tensorflow.python.keras._impl.keras.utils.multi_gpu_utils import multi_gpu_model
|
||||
from tensorflow.python.keras._impl.keras.utils.np_utils import normalize
|
||||
from tensorflow.python.keras._impl.keras.utils.np_utils import to_categorical
|
||||
from tensorflow.python.keras._impl.keras.utils.vis_utils import plot_model
|
||||
|
@ -1,22 +0,0 @@
|
||||
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras API wrappers.
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.wrappers import scikit_learn
|
||||
|
@ -20,8 +20,8 @@ from __future__ import print_function
|
||||
|
||||
import six
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.ops import nn
|
||||
from tensorflow.python.util.tf_export import tf_export
|
@ -1,41 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras built-in activation functions."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Activation functions.
|
||||
from tensorflow.python.keras._impl.keras.activations import elu
|
||||
from tensorflow.python.keras._impl.keras.activations import hard_sigmoid
|
||||
from tensorflow.python.keras._impl.keras.activations import linear
|
||||
from tensorflow.python.keras._impl.keras.activations import relu
|
||||
from tensorflow.python.keras._impl.keras.activations import selu
|
||||
from tensorflow.python.keras._impl.keras.activations import sigmoid
|
||||
from tensorflow.python.keras._impl.keras.activations import softmax
|
||||
from tensorflow.python.keras._impl.keras.activations import softplus
|
||||
from tensorflow.python.keras._impl.keras.activations import softsign
|
||||
from tensorflow.python.keras._impl.keras.activations import tanh
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.activations import deserialize
|
||||
from tensorflow.python.keras._impl.keras.activations import serialize
|
||||
from tensorflow.python.keras._impl.keras.activations import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -18,15 +18,6 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras.applications import densenet
|
||||
from tensorflow.python.keras.applications import inception_resnet_v2
|
||||
from tensorflow.python.keras.applications import inception_v3
|
||||
from tensorflow.python.keras.applications import mobilenet
|
||||
from tensorflow.python.keras.applications import nasnet
|
||||
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
|
||||
from tensorflow.python.keras.applications.densenet import DenseNet121
|
||||
from tensorflow.python.keras.applications.densenet import DenseNet169
|
||||
from tensorflow.python.keras.applications.densenet import DenseNet201
|
||||
|
@ -27,24 +27,24 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Concatenate
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Concatenate
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
||||
|
@ -1,29 +0,0 @@
|
||||
# Copyright 2018 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""DenseNet Keras applications."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet121
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet169
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import DenseNet201
|
||||
from tensorflow.python.keras._impl.keras.applications.densenet import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -23,8 +23,8 @@ import json
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.framework import constant_op
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
@ -20,8 +20,8 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
||||
@ -197,4 +197,3 @@ class ImageNetUtilsTest(test.TestCase):
|
||||
|
||||
if __name__ == '__main__':
|
||||
test.main()
|
||||
|
@ -27,24 +27,24 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Concatenate
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import Lambda
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Concatenate
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import Lambda
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2017 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""InceptionResNetV2 Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_resnet_v2 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_resnet_v2 import InceptionResNetV2
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_resnet_v2 import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -32,23 +32,23 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import layers
|
||||
from tensorflow.python.keras._impl.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import layers
|
||||
from tensorflow.python.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Inception V3 Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import InceptionV3
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -71,28 +71,28 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import constraints
|
||||
from tensorflow.python.keras._impl.keras import initializers
|
||||
from tensorflow.python.keras._impl.keras import regularizers
|
||||
from tensorflow.python.keras._impl.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.engine import InputSpec
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import DepthwiseConv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dropout
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import Reshape
|
||||
from tensorflow.python.keras._impl.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils import conv_utils
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import constraints
|
||||
from tensorflow.python.keras import initializers
|
||||
from tensorflow.python.keras import regularizers
|
||||
from tensorflow.python.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.engine import InputSpec
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import DepthwiseConv2D
|
||||
from tensorflow.python.keras.layers import Dropout
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import Reshape
|
||||
from tensorflow.python.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils import conv_utils
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""MobileNet Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import MobileNet
|
||||
from tensorflow.python.keras._impl.keras.applications.mobilenet import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -45,27 +45,27 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.inception_v3 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import add
|
||||
from tensorflow.python.keras._impl.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import concatenate
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Cropping2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import SeparableConv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.applications.inception_v3 import preprocess_input
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import add
|
||||
from tensorflow.python.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import concatenate
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Cropping2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.layers import SeparableConv2D
|
||||
from tensorflow.python.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,28 +0,0 @@
|
||||
# Copyright 2018 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""NASNet Keras applications."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import NASNetLarge
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import NASNetMobile
|
||||
from tensorflow.python.keras._impl.keras.applications.nasnet import preprocess_input
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -29,26 +29,26 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import layers
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import Flatten
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils import layer_utils
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import layers
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import AveragePooling2D
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import Flatten
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.layers import ZeroPadding2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils import layer_utils
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""ResNet50 Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.resnet50 import ResNet50
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -28,21 +28,21 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import Flatten
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils import layer_utils
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import Flatten
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils import layer_utils
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""VGG16 Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg16 import VGG16
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -28,21 +28,21 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import Flatten
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils import layer_utils
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.applications.imagenet_utils import preprocess_input
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import Flatten
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils import layer_utils
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""VGG19 Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.vgg19 import VGG19
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -18,7 +18,7 @@ from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -39,23 +39,23 @@ from __future__ import print_function
|
||||
|
||||
import os
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras import layers
|
||||
from tensorflow.python.keras._impl.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras._impl.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras._impl.keras.layers import Activation
|
||||
from tensorflow.python.keras._impl.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras._impl.keras.layers import Conv2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Dense
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import Input
|
||||
from tensorflow.python.keras._impl.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras._impl.keras.layers import SeparableConv2D
|
||||
from tensorflow.python.keras._impl.keras.models import Model
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras import layers
|
||||
from tensorflow.python.keras.applications import imagenet_utils
|
||||
from tensorflow.python.keras.applications.imagenet_utils import _obtain_input_shape
|
||||
from tensorflow.python.keras.applications.imagenet_utils import decode_predictions
|
||||
from tensorflow.python.keras.engine.network import get_source_inputs
|
||||
from tensorflow.python.keras.layers import Activation
|
||||
from tensorflow.python.keras.layers import BatchNormalization
|
||||
from tensorflow.python.keras.layers import Conv2D
|
||||
from tensorflow.python.keras.layers import Dense
|
||||
from tensorflow.python.keras.layers import GlobalAveragePooling2D
|
||||
from tensorflow.python.keras.layers import GlobalMaxPooling2D
|
||||
from tensorflow.python.keras.layers import Input
|
||||
from tensorflow.python.keras.layers import MaxPooling2D
|
||||
from tensorflow.python.keras.layers import SeparableConv2D
|
||||
from tensorflow.python.keras.models import Model
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,27 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Xception Keras application."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import decode_predictions
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import preprocess_input
|
||||
from tensorflow.python.keras._impl.keras.applications.xception import Xception
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -1,163 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras backend API."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# pylint: disable=redefined-builtin
|
||||
from tensorflow.python.keras._impl.keras.backend import abs
|
||||
from tensorflow.python.keras._impl.keras.backend import all
|
||||
from tensorflow.python.keras._impl.keras.backend import any
|
||||
from tensorflow.python.keras._impl.keras.backend import arange
|
||||
from tensorflow.python.keras._impl.keras.backend import argmax
|
||||
from tensorflow.python.keras._impl.keras.backend import argmin
|
||||
from tensorflow.python.keras._impl.keras.backend import backend
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_dot
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_flatten
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_get_value
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_normalization
|
||||
from tensorflow.python.keras._impl.keras.backend import batch_set_value
|
||||
from tensorflow.python.keras._impl.keras.backend import bias_add
|
||||
from tensorflow.python.keras._impl.keras.backend import binary_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import cast
|
||||
from tensorflow.python.keras._impl.keras.backend import cast_to_floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import clear_session
|
||||
from tensorflow.python.keras._impl.keras.backend import clip
|
||||
from tensorflow.python.keras._impl.keras.backend import concatenate
|
||||
from tensorflow.python.keras._impl.keras.backend import constant
|
||||
from tensorflow.python.keras._impl.keras.backend import conv1d
|
||||
from tensorflow.python.keras._impl.keras.backend import conv2d
|
||||
from tensorflow.python.keras._impl.keras.backend import conv2d_transpose
|
||||
from tensorflow.python.keras._impl.keras.backend import conv3d
|
||||
from tensorflow.python.keras._impl.keras.backend import cos
|
||||
from tensorflow.python.keras._impl.keras.backend import count_params
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_batch_cost
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_decode
|
||||
from tensorflow.python.keras._impl.keras.backend import ctc_label_dense_to_sparse
|
||||
from tensorflow.python.keras._impl.keras.backend import dot
|
||||
from tensorflow.python.keras._impl.keras.backend import dropout
|
||||
from tensorflow.python.keras._impl.keras.backend import dtype
|
||||
from tensorflow.python.keras._impl.keras.backend import elu
|
||||
from tensorflow.python.keras._impl.keras.backend import epsilon
|
||||
from tensorflow.python.keras._impl.keras.backend import equal
|
||||
from tensorflow.python.keras._impl.keras.backend import eval
|
||||
from tensorflow.python.keras._impl.keras.backend import exp
|
||||
from tensorflow.python.keras._impl.keras.backend import expand_dims
|
||||
from tensorflow.python.keras._impl.keras.backend import eye
|
||||
from tensorflow.python.keras._impl.keras.backend import flatten
|
||||
from tensorflow.python.keras._impl.keras.backend import floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import foldl
|
||||
from tensorflow.python.keras._impl.keras.backend import foldr
|
||||
from tensorflow.python.keras._impl.keras.backend import function
|
||||
from tensorflow.python.keras._impl.keras.backend import gather
|
||||
from tensorflow.python.keras._impl.keras.backend import get_session
|
||||
from tensorflow.python.keras._impl.keras.backend import get_uid
|
||||
from tensorflow.python.keras._impl.keras.backend import get_value
|
||||
from tensorflow.python.keras._impl.keras.backend import gradients
|
||||
from tensorflow.python.keras._impl.keras.backend import greater
|
||||
from tensorflow.python.keras._impl.keras.backend import greater_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import hard_sigmoid
|
||||
from tensorflow.python.keras._impl.keras.backend import image_data_format
|
||||
from tensorflow.python.keras._impl.keras.backend import in_test_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import in_top_k
|
||||
from tensorflow.python.keras._impl.keras.backend import in_train_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import int_shape
|
||||
from tensorflow.python.keras._impl.keras.backend import is_sparse
|
||||
from tensorflow.python.keras._impl.keras.backend import l2_normalize
|
||||
from tensorflow.python.keras._impl.keras.backend import learning_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import less
|
||||
from tensorflow.python.keras._impl.keras.backend import less_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import log
|
||||
from tensorflow.python.keras._impl.keras.backend import manual_variable_initialization
|
||||
from tensorflow.python.keras._impl.keras.backend import map_fn
|
||||
from tensorflow.python.keras._impl.keras.backend import max
|
||||
from tensorflow.python.keras._impl.keras.backend import maximum
|
||||
from tensorflow.python.keras._impl.keras.backend import mean
|
||||
from tensorflow.python.keras._impl.keras.backend import min
|
||||
from tensorflow.python.keras._impl.keras.backend import minimum
|
||||
from tensorflow.python.keras._impl.keras.backend import moving_average_update
|
||||
from tensorflow.python.keras._impl.keras.backend import name_scope
|
||||
from tensorflow.python.keras._impl.keras.backend import ndim
|
||||
from tensorflow.python.keras._impl.keras.backend import normalize_batch_in_training
|
||||
from tensorflow.python.keras._impl.keras.backend import not_equal
|
||||
from tensorflow.python.keras._impl.keras.backend import one_hot
|
||||
from tensorflow.python.keras._impl.keras.backend import ones
|
||||
from tensorflow.python.keras._impl.keras.backend import ones_like
|
||||
from tensorflow.python.keras._impl.keras.backend import permute_dimensions
|
||||
from tensorflow.python.keras._impl.keras.backend import placeholder
|
||||
from tensorflow.python.keras._impl.keras.backend import pool2d
|
||||
from tensorflow.python.keras._impl.keras.backend import pool3d
|
||||
from tensorflow.python.keras._impl.keras.backend import pow
|
||||
from tensorflow.python.keras._impl.keras.backend import print_tensor
|
||||
from tensorflow.python.keras._impl.keras.backend import prod
|
||||
from tensorflow.python.keras._impl.keras.backend import random_binomial
|
||||
from tensorflow.python.keras._impl.keras.backend import random_normal
|
||||
from tensorflow.python.keras._impl.keras.backend import random_normal_variable
|
||||
from tensorflow.python.keras._impl.keras.backend import random_uniform
|
||||
from tensorflow.python.keras._impl.keras.backend import random_uniform_variable
|
||||
from tensorflow.python.keras._impl.keras.backend import relu
|
||||
from tensorflow.python.keras._impl.keras.backend import repeat
|
||||
from tensorflow.python.keras._impl.keras.backend import repeat_elements
|
||||
from tensorflow.python.keras._impl.keras.backend import reset_uids
|
||||
from tensorflow.python.keras._impl.keras.backend import reshape
|
||||
from tensorflow.python.keras._impl.keras.backend import resize_images
|
||||
from tensorflow.python.keras._impl.keras.backend import resize_volumes
|
||||
from tensorflow.python.keras._impl.keras.backend import reverse
|
||||
from tensorflow.python.keras._impl.keras.backend import rnn
|
||||
from tensorflow.python.keras._impl.keras.backend import round
|
||||
from tensorflow.python.keras._impl.keras.backend import separable_conv2d
|
||||
from tensorflow.python.keras._impl.keras.backend import set_epsilon
|
||||
from tensorflow.python.keras._impl.keras.backend import set_floatx
|
||||
from tensorflow.python.keras._impl.keras.backend import set_image_data_format
|
||||
from tensorflow.python.keras._impl.keras.backend import set_learning_phase
|
||||
from tensorflow.python.keras._impl.keras.backend import set_session
|
||||
from tensorflow.python.keras._impl.keras.backend import set_value
|
||||
from tensorflow.python.keras._impl.keras.backend import shape
|
||||
from tensorflow.python.keras._impl.keras.backend import sigmoid
|
||||
from tensorflow.python.keras._impl.keras.backend import sign
|
||||
from tensorflow.python.keras._impl.keras.backend import sin
|
||||
from tensorflow.python.keras._impl.keras.backend import softmax
|
||||
from tensorflow.python.keras._impl.keras.backend import softplus
|
||||
from tensorflow.python.keras._impl.keras.backend import softsign
|
||||
from tensorflow.python.keras._impl.keras.backend import sparse_categorical_crossentropy
|
||||
from tensorflow.python.keras._impl.keras.backend import spatial_2d_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import spatial_3d_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import sqrt
|
||||
from tensorflow.python.keras._impl.keras.backend import square
|
||||
from tensorflow.python.keras._impl.keras.backend import squeeze
|
||||
from tensorflow.python.keras._impl.keras.backend import stack
|
||||
from tensorflow.python.keras._impl.keras.backend import std
|
||||
from tensorflow.python.keras._impl.keras.backend import stop_gradient
|
||||
from tensorflow.python.keras._impl.keras.backend import sum
|
||||
from tensorflow.python.keras._impl.keras.backend import switch
|
||||
from tensorflow.python.keras._impl.keras.backend import tanh
|
||||
from tensorflow.python.keras._impl.keras.backend import temporal_padding
|
||||
from tensorflow.python.keras._impl.keras.backend import to_dense
|
||||
from tensorflow.python.keras._impl.keras.backend import transpose
|
||||
from tensorflow.python.keras._impl.keras.backend import truncated_normal
|
||||
from tensorflow.python.keras._impl.keras.backend import update
|
||||
from tensorflow.python.keras._impl.keras.backend import update_add
|
||||
from tensorflow.python.keras._impl.keras.backend import update_sub
|
||||
from tensorflow.python.keras._impl.keras.backend import var
|
||||
from tensorflow.python.keras._impl.keras.backend import variable
|
||||
from tensorflow.python.keras._impl.keras.backend import zeros
|
||||
from tensorflow.python.keras._impl.keras.backend import zeros_like
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,8 +20,8 @@ from __future__ import print_function
|
||||
import numpy as np
|
||||
import scipy.sparse
|
||||
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.framework import sparse_tensor
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python.ops import variables
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.util import tf_inspect
|
@ -30,8 +30,8 @@ import time
|
||||
import numpy as np
|
||||
import six
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import Progbar
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.utils.generic_utils import Progbar
|
||||
from tensorflow.python.ops import array_ops
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.summary import summary as tf_summary
|
@ -1,37 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras callback classes."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.callbacks import BaseLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import Callback
|
||||
from tensorflow.python.keras._impl.keras.callbacks import CSVLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import EarlyStopping
|
||||
from tensorflow.python.keras._impl.keras.callbacks import History
|
||||
from tensorflow.python.keras._impl.keras.callbacks import LambdaCallback
|
||||
from tensorflow.python.keras._impl.keras.callbacks import LearningRateScheduler
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ModelCheckpoint
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ProgbarLogger
|
||||
from tensorflow.python.keras._impl.keras.callbacks import ReduceLROnPlateau
|
||||
from tensorflow.python.keras._impl.keras.callbacks import RemoteMonitor
|
||||
from tensorflow.python.keras._impl.keras.callbacks import TensorBoard
|
||||
from tensorflow.python.keras._impl.keras.callbacks import TerminateOnNaN
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -27,8 +27,8 @@ import unittest
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python.keras._impl.keras import testing_utils
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.keras import testing_utils
|
||||
from tensorflow.python.platform import test
|
||||
from tensorflow.python.platform import tf_logging as logging
|
||||
from tensorflow.python.summary.writer import writer_cache
|
@ -21,9 +21,9 @@ from __future__ import print_function
|
||||
|
||||
import six
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras._impl.keras.utils.generic_utils import serialize_keras_object
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.utils.generic_utils import deserialize_keras_object
|
||||
from tensorflow.python.keras.utils.generic_utils import serialize_keras_object
|
||||
from tensorflow.python.ops import math_ops
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
@ -1,40 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Keras built-in constraints functions."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
# Constraints functions / callable classes.
|
||||
from tensorflow.python.keras._impl.keras.constraints import Constraint
|
||||
from tensorflow.python.keras._impl.keras.constraints import max_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import MaxNorm
|
||||
from tensorflow.python.keras._impl.keras.constraints import min_max_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import MinMaxNorm
|
||||
from tensorflow.python.keras._impl.keras.constraints import non_neg
|
||||
from tensorflow.python.keras._impl.keras.constraints import NonNeg
|
||||
from tensorflow.python.keras._impl.keras.constraints import unit_norm
|
||||
from tensorflow.python.keras._impl.keras.constraints import UnitNorm
|
||||
|
||||
# Auxiliary utils.
|
||||
# pylint: disable=g-bad-import-order
|
||||
from tensorflow.python.keras._impl.keras.constraints import deserialize
|
||||
from tensorflow.python.keras._impl.keras.constraints import serialize
|
||||
from tensorflow.python.keras._impl.keras.constraints import get
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl import keras
|
||||
from tensorflow.python import keras
|
||||
from tensorflow.python.platform import test
|
||||
|
||||
|
@ -20,7 +20,7 @@ from __future__ import print_function
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
||||
|
@ -1,25 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Boston housing price regression dataset."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.boston_housing import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -22,9 +22,9 @@ import os
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar import load_batch
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.datasets.cifar import load_batch
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
||||
|
@ -1,25 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""CIFAR10 small image classification dataset."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar10 import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -22,9 +22,9 @@ import os
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl.keras import backend as K
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar import load_batch
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras import backend as K
|
||||
from tensorflow.python.keras.datasets.cifar import load_batch
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
||||
|
@ -1,25 +0,0 @@
|
||||
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""CIFAR100 small image classification dataset."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.cifar100 import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
@ -23,7 +23,7 @@ import os
|
||||
|
||||
import numpy as np
|
||||
|
||||
from tensorflow.python.keras._impl.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.keras.utils.data_utils import get_file
|
||||
from tensorflow.python.util.tf_export import tf_export
|
||||
|
||||
|
@ -1,25 +0,0 @@
|
||||
# Copyright 2018 The TensorFlow Authors. All Rights Reserved.
|
||||
#
|
||||
# Licensed under the Apache License, Version 2.0 (the "License");
|
||||
# you may not use this file except in compliance with the License.
|
||||
# You may obtain a copy of the License at
|
||||
#
|
||||
# http://www.apache.org/licenses/LICENSE-2.0
|
||||
#
|
||||
# Unless required by applicable law or agreed to in writing, software
|
||||
# distributed under the License is distributed on an "AS IS" BASIS,
|
||||
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Fashion-MNIST dataset."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
||||
from tensorflow.python.keras._impl.keras.datasets.fashion_mnist import load_data
|
||||
|
||||
del absolute_import
|
||||
del division
|
||||
del print_function
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue
Block a user