Removing @@ comments from core TensorFlow. They are no longer needed for exporting symbols to the TensorFlow API.
PiperOrigin-RevId: 194426855
This commit is contained in:
parent
6b6976e3ba
commit
a8481834bb
tensorflow/python
client
data
framework
layers
lib/io
ops
array_ops.pybitwise_ops.pycheck_ops.pyconfusion_matrix.pycontrol_flow_ops.pyfunctional_ops.pyhistogram_ops.pyimage_ops.pyio_ops.py
losses
manip_ops.pymath_ops.pymetrics.pynn.pyrnn.pyrnn_cell.pyscript_ops.pysdca_ops.pysession_ops.pysets.pysparse_ops.pyspecial_math_ops.pyspectral_ops.pystate_ops.pystring_ops.pytensor_array_ops.pyplatform
summary
training
util
@ -16,30 +16,6 @@
|
||||
"""Support for launching graphs and executing operations.
|
||||
|
||||
See the @{$python/client} guide.
|
||||
|
||||
@@Session
|
||||
@@InteractiveSession
|
||||
@@get_default_session
|
||||
@@OpError
|
||||
@@CancelledError
|
||||
@@UnknownError
|
||||
@@InvalidArgumentError
|
||||
@@DeadlineExceededError
|
||||
@@NotFoundError
|
||||
@@AlreadyExistsError
|
||||
@@PermissionDeniedError
|
||||
@@UnauthenticatedError
|
||||
@@ResourceExhaustedError
|
||||
@@FailedPreconditionError
|
||||
@@AbortedError
|
||||
@@OutOfRangeError
|
||||
@@UnimplementedError
|
||||
@@InternalError
|
||||
@@UnavailableError
|
||||
@@DataLossError
|
||||
@@exception_type_from_error_code
|
||||
@@error_code_from_exception_type
|
||||
@@raise_exception_on_not_ok_status
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -15,12 +15,6 @@
|
||||
"""`tf.data.Dataset` API for input pipelines.
|
||||
|
||||
See the @{$datasets$Importing Data} Programmer's Guide for an overview.
|
||||
|
||||
@@Dataset
|
||||
@@Iterator
|
||||
@@FixedLengthRecordDataset
|
||||
@@TextLineDataset
|
||||
@@TFRecordDataset
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -15,24 +15,6 @@
|
||||
"""Operations that generate constants.
|
||||
|
||||
See the @{$python/constant_op$constants guide}.
|
||||
|
||||
@@zeros
|
||||
@@zeros_like
|
||||
@@ones
|
||||
@@ones_like
|
||||
@@fill
|
||||
@@constant
|
||||
@@linspace
|
||||
@@range
|
||||
@@random_normal
|
||||
@@truncated_normal
|
||||
@@random_uniform
|
||||
@@random_shuffle
|
||||
@@random_crop
|
||||
@@multinomial
|
||||
@@random_gamma
|
||||
@@random_poisson
|
||||
@@set_random_seed
|
||||
"""
|
||||
|
||||
# Must be separate from array_ops to avoid a cyclic dependency.
|
||||
|
@ -14,59 +14,7 @@
|
||||
# ==============================================================================
|
||||
|
||||
# pylint: disable=unused-import,g-bad-import-order
|
||||
"""Classes and functions for building TensorFlow graphs.
|
||||
|
||||
## Core graph data structures
|
||||
|
||||
@@Graph
|
||||
@@Operation
|
||||
@@Tensor
|
||||
|
||||
## Tensor types
|
||||
|
||||
@@DType
|
||||
@@as_dtype
|
||||
|
||||
## Utility functions
|
||||
|
||||
@@device
|
||||
@@container
|
||||
@@name_scope
|
||||
@@colocate_with
|
||||
@@control_dependencies
|
||||
@@convert_to_tensor
|
||||
@@convert_to_tensor_or_indexed_slices
|
||||
@@convert_to_tensor_or_sparse_tensor
|
||||
@@get_default_graph
|
||||
@@reset_default_graph
|
||||
@@import_graph_def
|
||||
@@load_file_system_library
|
||||
@@load_op_library
|
||||
@@make_tensor_proto
|
||||
@@make_ndarray
|
||||
|
||||
## Graph collections
|
||||
|
||||
@@add_to_collection
|
||||
@@add_to_collections
|
||||
@@get_collection
|
||||
@@get_collection_ref
|
||||
@@GraphKeys
|
||||
|
||||
## Defining new operations
|
||||
|
||||
@@RegisterGradient
|
||||
@@NotDifferentiable
|
||||
@@NoGradient
|
||||
@@TensorShape
|
||||
@@Dimension
|
||||
@@op_scope
|
||||
@@get_seed
|
||||
|
||||
## For libraries building on TensorFlow
|
||||
|
||||
@@register_tensor_conversion_function
|
||||
"""
|
||||
"""Classes and functions for building TensorFlow graphs."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -14,48 +14,7 @@
|
||||
# ==============================================================================
|
||||
|
||||
# pylint: disable=line-too-long
|
||||
"""This library provides a set of high-level neural networks layers.
|
||||
|
||||
@@Dense
|
||||
@@Dropout
|
||||
@@Flatten
|
||||
@@Conv1D
|
||||
@@Conv2D
|
||||
@@Conv3D
|
||||
@@SeparableConv1D
|
||||
@@SeparableConv2D
|
||||
@@Conv2DTranspose
|
||||
@@Conv3DTranspose
|
||||
@@AveragePooling1D
|
||||
@@MaxPooling1D
|
||||
@@AveragePooling2D
|
||||
@@MaxPooling2D
|
||||
@@AveragePooling3D
|
||||
@@MaxPooling3D
|
||||
@@BatchNormalization
|
||||
|
||||
@@Layer
|
||||
@@Input
|
||||
@@InputSpec
|
||||
|
||||
@@dense
|
||||
@@dropout
|
||||
@@flatten
|
||||
@@conv1d
|
||||
@@conv2d
|
||||
@@conv3d
|
||||
@@separable_conv1d
|
||||
@@separable_conv2d
|
||||
@@conv2d_transpose
|
||||
@@conv3d_transpose
|
||||
@@average_pooling1d
|
||||
@@max_pooling1d
|
||||
@@average_pooling2d
|
||||
@@max_pooling2d
|
||||
@@average_pooling3d
|
||||
@@max_pooling3d
|
||||
@@batch_normalization
|
||||
"""
|
||||
"""This library provides a set of high-level neural networks layers."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -16,11 +16,6 @@
|
||||
"""Python functions for directly manipulating TFRecord-formatted files.
|
||||
|
||||
See the @{$python/python_io} guide.
|
||||
|
||||
@@TFRecordWriter
|
||||
@@tf_record_iterator
|
||||
@@TFRecordCompressionType
|
||||
@@TFRecordOptions
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -16,69 +16,6 @@
|
||||
"""Support for manipulating tensors.
|
||||
|
||||
See the @{$python/array_ops} guide.
|
||||
|
||||
@@string_to_number
|
||||
@@to_double
|
||||
@@to_float
|
||||
@@to_bfloat16
|
||||
@@to_int32
|
||||
@@to_int64
|
||||
@@cast
|
||||
@@bitcast
|
||||
@@saturate_cast
|
||||
@@broadcast_dynamic_shape
|
||||
@@broadcast_static_shape
|
||||
@@shape
|
||||
@@shape_n
|
||||
@@size
|
||||
@@rank
|
||||
@@reshape
|
||||
@@squeeze
|
||||
@@expand_dims
|
||||
@@unravel_index
|
||||
@@meshgrid
|
||||
@@slice
|
||||
@@strided_slice
|
||||
@@split
|
||||
@@tile
|
||||
@@pad
|
||||
@@concat
|
||||
@@stack
|
||||
@@parallel_stack
|
||||
@@unstack
|
||||
@@reverse_sequence
|
||||
@@reverse
|
||||
@@reverse_v2
|
||||
@@transpose
|
||||
@@extract_image_patches
|
||||
@@space_to_batch_nd
|
||||
@@space_to_batch
|
||||
@@required_space_to_batch_paddings
|
||||
@@batch_to_space_nd
|
||||
@@batch_to_space
|
||||
@@space_to_depth
|
||||
@@depth_to_space
|
||||
@@gather
|
||||
@@gather_nd
|
||||
@@unique_with_counts
|
||||
@@scatter_nd
|
||||
@@dynamic_partition
|
||||
@@dynamic_stitch
|
||||
@@boolean_mask
|
||||
@@one_hot
|
||||
@@sequence_mask
|
||||
@@dequantize
|
||||
@@quantize
|
||||
@@quantize_v2
|
||||
@@quantized_concat
|
||||
@@setdiff1d
|
||||
@@guarantee_const
|
||||
@@fake_quant_with_min_max_args
|
||||
@@fake_quant_with_min_max_args_gradient
|
||||
@@fake_quant_with_min_max_vars
|
||||
@@fake_quant_with_min_max_vars_gradient
|
||||
@@fake_quant_with_min_max_vars_per_channel
|
||||
@@fake_quant_with_min_max_vars_per_channel_gradient
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -13,15 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""Operations for manipulating the binary representations of integers.
|
||||
|
||||
@@bitwise_and
|
||||
@@bitwise_or
|
||||
@@bitwise_xor
|
||||
@@invert
|
||||
@@left_shift
|
||||
@@right_shift
|
||||
"""
|
||||
"""Operations for manipulating the binary representations of integers."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -16,29 +16,6 @@
|
||||
"""Asserts and Boolean Checks.
|
||||
|
||||
See the @{$python/check_ops} guide.
|
||||
|
||||
@@assert_negative
|
||||
@@assert_positive
|
||||
@@assert_non_negative
|
||||
@@assert_non_positive
|
||||
@@assert_equal
|
||||
@@assert_none_equal
|
||||
@@assert_near
|
||||
@@assert_less
|
||||
@@assert_less_equal
|
||||
@@assert_greater
|
||||
@@assert_greater_equal
|
||||
@@assert_rank
|
||||
@@assert_rank_at_least
|
||||
@@assert_rank_in
|
||||
@@assert_type
|
||||
@@assert_integer
|
||||
@@assert_proper_iterable
|
||||
@@assert_same_float_dtype
|
||||
@@assert_scalar
|
||||
@@is_non_decreasing
|
||||
@@is_numeric_tensor
|
||||
@@is_strictly_increasing
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,12 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Confusion matrix related utilities.
|
||||
|
||||
|
||||
@@remove_squeezable_dimensions
|
||||
@@confusion_matrix
|
||||
"""
|
||||
"""Confusion matrix related utilities."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -15,36 +15,6 @@
|
||||
"""Control Flow Operations.
|
||||
|
||||
See the @{$python/control_flow_ops} guide.
|
||||
|
||||
@@identity
|
||||
@@identity_n
|
||||
@@tuple
|
||||
@@group
|
||||
@@no_op
|
||||
@@count_up_to
|
||||
@@cond
|
||||
@@case
|
||||
@@while_loop
|
||||
@@logical_and
|
||||
@@logical_not
|
||||
@@logical_or
|
||||
@@logical_xor
|
||||
@@equal
|
||||
@@not_equal
|
||||
@@less
|
||||
@@less_equal
|
||||
@@greater
|
||||
@@greater_equal
|
||||
@@where
|
||||
@@is_finite
|
||||
@@is_inf
|
||||
@@is_nan
|
||||
@@verify_tensor_all_finite
|
||||
@@check_numerics
|
||||
@@add_check_numerics_ops
|
||||
@@Assert
|
||||
@@Print
|
||||
@@timestamp
|
||||
"""
|
||||
# pylint: disable=g-bad-name
|
||||
from __future__ import absolute_import
|
||||
|
@ -16,11 +16,6 @@
|
||||
"""Functional operations.
|
||||
|
||||
See the @{$python/functional_ops} guide.
|
||||
|
||||
@@map_fn
|
||||
@@foldl
|
||||
@@foldr
|
||||
@@scan
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -16,9 +16,6 @@
|
||||
"""Histograms.
|
||||
|
||||
Please see @{$python/histogram_ops} guide.
|
||||
|
||||
@@histogram_fixed_width_bins
|
||||
@@histogram_fixed_width
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -17,63 +17,6 @@
|
||||
"""Image processing and decoding ops.
|
||||
|
||||
See the @{$python/image} guide.
|
||||
|
||||
@@decode_bmp
|
||||
@@decode_gif
|
||||
@@decode_jpeg
|
||||
@@decode_and_crop_jpeg
|
||||
@@encode_jpeg
|
||||
@@extract_jpeg_shape
|
||||
@@decode_png
|
||||
@@encode_png
|
||||
@@is_jpeg
|
||||
@@decode_image
|
||||
@@resize_images
|
||||
@@resize_area
|
||||
@@resize_bicubic
|
||||
@@resize_bilinear
|
||||
@@resize_nearest_neighbor
|
||||
@@resize_image_with_crop_or_pad
|
||||
@@central_crop
|
||||
@@pad_to_bounding_box
|
||||
@@crop_to_bounding_box
|
||||
@@extract_glimpse
|
||||
@@crop_and_resize
|
||||
@@flip_up_down
|
||||
@@random_flip_up_down
|
||||
@@flip_left_right
|
||||
@@random_flip_left_right
|
||||
@@transpose_image
|
||||
@@rot90
|
||||
|
||||
@@rgb_to_grayscale
|
||||
@@grayscale_to_rgb
|
||||
@@hsv_to_rgb
|
||||
@@rgb_to_hsv
|
||||
@@rgb_to_yiq
|
||||
@@yiq_to_rgb
|
||||
@@rgb_to_yuv
|
||||
@@yuv_to_rgb
|
||||
@@convert_image_dtype
|
||||
@@adjust_brightness
|
||||
@@random_brightness
|
||||
@@adjust_contrast
|
||||
@@random_contrast
|
||||
@@adjust_hue
|
||||
@@random_hue
|
||||
@@adjust_gamma
|
||||
@@adjust_saturation
|
||||
@@random_saturation
|
||||
@@per_image_standardization
|
||||
@@draw_bounding_boxes
|
||||
@@non_max_suppression
|
||||
@@sample_distorted_bounding_box
|
||||
@@total_variation
|
||||
@@psnr
|
||||
@@ssim
|
||||
@@ssim_multiscale
|
||||
@@image_gradients
|
||||
@@sobel_edges
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -17,53 +17,6 @@
|
||||
"""Inputs and Readers.
|
||||
|
||||
See the @{$python/io_ops} guide.
|
||||
|
||||
@@placeholder
|
||||
@@placeholder_with_default
|
||||
@@sparse_placeholder
|
||||
@@ReaderBase
|
||||
@@TextLineReader
|
||||
@@WholeFileReader
|
||||
@@IdentityReader
|
||||
@@TFRecordReader
|
||||
@@LMDBReader
|
||||
@@FixedLengthRecordReader
|
||||
@@decode_csv
|
||||
@@decode_raw
|
||||
@@VarLenFeature
|
||||
@@FixedLenFeature
|
||||
@@FixedLenSequenceFeature
|
||||
@@SparseFeature
|
||||
@@parse_example
|
||||
@@parse_single_example
|
||||
@@parse_tensor
|
||||
@@serialize_tensor
|
||||
@@decode_json_example
|
||||
@@QueueBase
|
||||
@@FIFOQueue
|
||||
@@PaddingFIFOQueue
|
||||
@@RandomShuffleQueue
|
||||
@@PriorityQueue
|
||||
@@ConditionalAccumulatorBase
|
||||
@@ConditionalAccumulator
|
||||
@@SparseConditionalAccumulator
|
||||
@@matching_files
|
||||
@@read_file
|
||||
@@write_file
|
||||
@@match_filenames_once
|
||||
@@limit_epochs
|
||||
@@input_producer
|
||||
@@range_input_producer
|
||||
@@slice_input_producer
|
||||
@@string_input_producer
|
||||
@@batch
|
||||
@@maybe_batch
|
||||
@@batch_join
|
||||
@@maybe_batch_join
|
||||
@@shuffle_batch
|
||||
@@maybe_shuffle_batch
|
||||
@@shuffle_batch_join
|
||||
@@maybe_shuffle_batch_join
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -15,20 +15,6 @@
|
||||
"""Loss operations for use in neural networks.
|
||||
|
||||
Note: All the losses are added to the `GraphKeys.LOSSES` collection by default.
|
||||
|
||||
@@Reduction
|
||||
@@absolute_difference
|
||||
@@compute_weighted_loss
|
||||
@@cosine_distance
|
||||
@@hinge_loss
|
||||
@@huber_loss
|
||||
@@log_loss
|
||||
@@mean_pairwise_squared_error
|
||||
@@mean_squared_error
|
||||
@@sigmoid_cross_entropy
|
||||
@@softmax_cross_entropy
|
||||
@@sparse_softmax_cross_entropy
|
||||
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,16 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Utilities for manipulating the loss collections.
|
||||
|
||||
|
||||
@@add_loss
|
||||
@@get_losses
|
||||
@@get_regularization_loss
|
||||
@@get_regularization_losses
|
||||
@@get_total_loss
|
||||
|
||||
"""
|
||||
"""Utilities for manipulating the loss collections."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -12,10 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Operators for manipulating tensors.
|
||||
|
||||
@@roll
|
||||
"""
|
||||
"""Operators for manipulating tensors."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -15,136 +15,6 @@
|
||||
"""Basic arithmetic operators.
|
||||
|
||||
See the @{$python/math_ops} guide.
|
||||
|
||||
@@add
|
||||
@@subtract
|
||||
@@multiply
|
||||
@@scalar_mul
|
||||
@@div
|
||||
@@divide
|
||||
@@truediv
|
||||
@@floordiv
|
||||
@@realdiv
|
||||
@@truncatediv
|
||||
@@floor_div
|
||||
@@truncatemod
|
||||
@@floormod
|
||||
@@mod
|
||||
@@cross
|
||||
@@add_n
|
||||
@@abs
|
||||
@@negative
|
||||
@@sign
|
||||
@@reciprocal
|
||||
@@square
|
||||
@@round
|
||||
@@sqrt
|
||||
@@rsqrt
|
||||
@@pow
|
||||
@@exp
|
||||
@@expm1
|
||||
@@log
|
||||
@@log1p
|
||||
@@sinh
|
||||
@@cosh
|
||||
@@asinh
|
||||
@@acosh
|
||||
@@atanh
|
||||
@@ceil
|
||||
@@floor
|
||||
@@maximum
|
||||
@@minimum
|
||||
@@cos
|
||||
@@sin
|
||||
@@lbeta
|
||||
@@tan
|
||||
@@acos
|
||||
@@asin
|
||||
@@atan
|
||||
@@atan2
|
||||
@@lgamma
|
||||
@@digamma
|
||||
@@erf
|
||||
@@erfc
|
||||
@@squared_difference
|
||||
@@igamma
|
||||
@@igammac
|
||||
@@zeta
|
||||
@@polygamma
|
||||
@@betainc
|
||||
@@rint
|
||||
@@diag
|
||||
@@diag_part
|
||||
@@trace
|
||||
@@transpose
|
||||
@@eye
|
||||
@@matrix_diag
|
||||
@@matrix_diag_part
|
||||
@@matrix_band_part
|
||||
@@matrix_set_diag
|
||||
@@matrix_transpose
|
||||
@@matmul
|
||||
@@norm
|
||||
@@matrix_determinant
|
||||
@@matrix_inverse
|
||||
@@cholesky
|
||||
@@cholesky_solve
|
||||
@@matrix_solve
|
||||
@@matrix_triangular_solve
|
||||
@@matrix_solve_ls
|
||||
@@qr
|
||||
@@self_adjoint_eig
|
||||
@@self_adjoint_eigvals
|
||||
@@svd
|
||||
@@tensordot
|
||||
@@complex
|
||||
@@conj
|
||||
@@imag
|
||||
@@angle
|
||||
@@real
|
||||
@@fft
|
||||
@@ifft
|
||||
@@fft2d
|
||||
@@ifft2d
|
||||
@@fft3d
|
||||
@@ifft3d
|
||||
@@reduce_sum
|
||||
@@reduce_prod
|
||||
@@reduce_min
|
||||
@@reduce_max
|
||||
@@reduce_mean
|
||||
@@reduce_all
|
||||
@@reduce_any
|
||||
@@reduce_logsumexp
|
||||
@@count_nonzero
|
||||
@@accumulate_n
|
||||
@@einsum
|
||||
@@bincount
|
||||
@@cumsum
|
||||
@@cumprod
|
||||
@@segment_sum
|
||||
@@segment_prod
|
||||
@@segment_min
|
||||
@@segment_max
|
||||
@@segment_mean
|
||||
@@to_complex128
|
||||
@@to_complex64
|
||||
@@unsorted_segment_sum
|
||||
@@unsorted_segment_max
|
||||
@@unsorted_segment_mean
|
||||
@@unsorted_segment_min
|
||||
@@unsorted_segment_prod
|
||||
@@unsorted_segment_sqrt_n
|
||||
@@sparse_segment_sum
|
||||
@@sparse_segment_mean
|
||||
@@sparse_segment_sqrt_n
|
||||
@@argmin
|
||||
@@argmax
|
||||
@@setdiff1d
|
||||
@@where
|
||||
@@unique
|
||||
@@edit_distance
|
||||
@@invert_permutation
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -13,43 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""Evaluation-related metrics.
|
||||
|
||||
@@accuracy
|
||||
@@auc
|
||||
@@false_negatives
|
||||
@@false_negatives_at_thresholds
|
||||
@@false_positives
|
||||
@@false_positives_at_thresholds
|
||||
@@mean
|
||||
@@mean_absolute_error
|
||||
@@mean_cosine_distance
|
||||
@@mean_iou
|
||||
@@mean_per_class_accuracy
|
||||
@@mean_relative_error
|
||||
@@mean_squared_error
|
||||
@@mean_tensor
|
||||
@@percentage_below
|
||||
@@precision
|
||||
@@precision_at_thresholds
|
||||
@@recall
|
||||
@@recall_at_k
|
||||
@@recall_at_top_k
|
||||
@@recall_at_thresholds
|
||||
@@root_mean_squared_error
|
||||
@@sensitivity_at_specificity
|
||||
@@sparse_average_precision_at_k
|
||||
@@average_precision_at_k
|
||||
@@sparse_precision_at_k
|
||||
@@precision_at_k
|
||||
@@precision_at_top_k
|
||||
@@specificity_at_sensitivity
|
||||
@@true_negatives
|
||||
@@true_negatives_at_thresholds
|
||||
@@true_positives
|
||||
@@true_positives_at_thresholds
|
||||
|
||||
"""
|
||||
"""Evaluation-related metrics."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -17,91 +17,6 @@
|
||||
"""Neural network support.
|
||||
|
||||
See the @{$python/nn} guide.
|
||||
|
||||
@@relu
|
||||
@@relu6
|
||||
@@crelu
|
||||
@@swish
|
||||
@@elu
|
||||
@@leaky_relu
|
||||
@@selu
|
||||
@@softplus
|
||||
@@softsign
|
||||
@@dropout
|
||||
@@bias_add
|
||||
@@sigmoid
|
||||
@@log_sigmoid
|
||||
@@tanh
|
||||
@@convolution
|
||||
@@conv2d
|
||||
@@depthwise_conv2d
|
||||
@@depthwise_conv2d_native
|
||||
@@separable_conv2d
|
||||
@@atrous_conv2d
|
||||
@@atrous_conv2d_transpose
|
||||
@@conv2d_transpose
|
||||
@@conv1d
|
||||
@@conv3d
|
||||
@@conv3d_transpose
|
||||
@@conv2d_backprop_filter
|
||||
@@conv2d_backprop_input
|
||||
@@conv3d_backprop_filter_v2
|
||||
@@depthwise_conv2d_native_backprop_filter
|
||||
@@depthwise_conv2d_native_backprop_input
|
||||
@@avg_pool
|
||||
@@max_pool
|
||||
@@max_pool_with_argmax
|
||||
@@avg_pool3d
|
||||
@@max_pool3d
|
||||
@@fractional_avg_pool
|
||||
@@fractional_max_pool
|
||||
@@pool
|
||||
@@dilation2d
|
||||
@@erosion2d
|
||||
@@with_space_to_batch
|
||||
@@l2_normalize
|
||||
@@local_response_normalization
|
||||
@@sufficient_statistics
|
||||
@@normalize_moments
|
||||
@@moments
|
||||
@@weighted_moments
|
||||
@@fused_batch_norm
|
||||
@@batch_normalization
|
||||
@@batch_norm_with_global_normalization
|
||||
@@l2_loss
|
||||
@@log_poisson_loss
|
||||
@@sigmoid_cross_entropy_with_logits
|
||||
@@softmax
|
||||
@@log_softmax
|
||||
@@softmax_cross_entropy_with_logits
|
||||
@@softmax_cross_entropy_with_logits_v2
|
||||
@@sparse_softmax_cross_entropy_with_logits
|
||||
@@weighted_cross_entropy_with_logits
|
||||
@@embedding_lookup
|
||||
@@embedding_lookup_sparse
|
||||
@@dynamic_rnn
|
||||
@@bidirectional_dynamic_rnn
|
||||
@@raw_rnn
|
||||
@@static_rnn
|
||||
@@static_state_saving_rnn
|
||||
@@static_bidirectional_rnn
|
||||
@@ctc_loss
|
||||
@@ctc_greedy_decoder
|
||||
@@ctc_beam_search_decoder
|
||||
@@top_k
|
||||
@@in_top_k
|
||||
@@nce_loss
|
||||
@@sampled_softmax_loss
|
||||
@@uniform_candidate_sampler
|
||||
@@log_uniform_candidate_sampler
|
||||
@@learned_unigram_candidate_sampler
|
||||
@@fixed_unigram_candidate_sampler
|
||||
@@compute_accidental_hits
|
||||
@@quantized_conv2d
|
||||
@@quantized_relu
|
||||
@@quantized_relu_x
|
||||
@@quantized_max_pool
|
||||
@@quantized_avg_pool
|
||||
"""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -13,16 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""RNN helpers for TensorFlow models.
|
||||
|
||||
|
||||
@@bidirectional_dynamic_rnn
|
||||
@@dynamic_rnn
|
||||
@@raw_rnn
|
||||
@@static_rnn
|
||||
@@static_state_saving_rnn
|
||||
@@static_bidirectional_rnn
|
||||
"""
|
||||
"""RNN helpers for TensorFlow models."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -12,30 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Module for constructing RNN Cells.
|
||||
|
||||
## Base interface for all RNN Cells
|
||||
|
||||
@@RNNCell
|
||||
|
||||
## RNN Cells for use with TensorFlow's core RNN methods
|
||||
|
||||
@@BasicRNNCell
|
||||
@@BasicLSTMCell
|
||||
@@GRUCell
|
||||
@@LSTMCell
|
||||
|
||||
## Classes storing split `RNNCell` state
|
||||
|
||||
@@LSTMStateTuple
|
||||
|
||||
## RNN Cell wrappers (RNNCells that wrap other RNNCells)
|
||||
|
||||
@@MultiRNNCell
|
||||
@@DropoutWrapper
|
||||
@@DeviceWrapper
|
||||
@@ResidualWrapper
|
||||
"""
|
||||
"""Module for constructing RNN Cells."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -13,10 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""Script Language Operators. See the @{$python/script_ops} guide.
|
||||
|
||||
@@py_func
|
||||
"""
|
||||
"""Script Language Operators. See the @{$python/script_ops} guide."""
|
||||
|
||||
# pylint: disable=g-bad-name
|
||||
from __future__ import absolute_import
|
||||
|
@ -13,10 +13,6 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""A Dual Coordinate Ascent optimizer library for training fast linear models.
|
||||
|
||||
@@sdca_optimizer
|
||||
@@sdca_fprint
|
||||
@@sdca_shrink_l1
|
||||
"""
|
||||
|
||||
# pylint: disable=g-bad-name
|
||||
|
@ -13,12 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""Tensor Handle Operations. See the @{$python/session_ops} guide.
|
||||
|
||||
@@get_session_handle
|
||||
@@get_session_tensor
|
||||
@@delete_session_tensor
|
||||
"""
|
||||
"""Tensor Handle Operations. See the @{$python/session_ops} guide."""
|
||||
|
||||
# pylint: disable=g-bad-name
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,13 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Tensorflow set operations.
|
||||
|
||||
@@set_size
|
||||
@@set_intersection
|
||||
@@set_union
|
||||
@@set_difference
|
||||
"""
|
||||
"""Tensorflow set operations."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -14,33 +14,7 @@
|
||||
# ==============================================================================
|
||||
|
||||
# pylint: disable=g-short-docstring-punctuation
|
||||
"""Sparse Tensor Representation. See the @{$python/sparse_ops} guide.
|
||||
|
||||
@@SparseTensor
|
||||
@@SparseTensorValue
|
||||
@@sparse_to_dense
|
||||
@@sparse_tensor_to_dense
|
||||
@@sparse_to_indicator
|
||||
@@sparse_merge
|
||||
@@sparse_concat
|
||||
@@sparse_reorder
|
||||
@@sparse_reshape
|
||||
@@sparse_slice
|
||||
@@sparse_split
|
||||
@@sparse_retain
|
||||
@@sparse_reset_shape
|
||||
@@sparse_fill_empty_rows
|
||||
@@sparse_transpose
|
||||
@@sparse_reduce_max
|
||||
@@sparse_reduce_max_sparse
|
||||
@@sparse_reduce_sum
|
||||
@@sparse_reduce_sum_sparse
|
||||
@@sparse_add
|
||||
@@sparse_softmax
|
||||
@@sparse_tensor_dense_matmul
|
||||
@@sparse_maximum
|
||||
@@sparse_minimum
|
||||
"""
|
||||
"""Sparse Tensor Representation. See the @{$python/sparse_ops} guide."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -14,9 +14,7 @@
|
||||
# ==============================================================================
|
||||
"""Arithmetic Operations that don't fit into math_ops due to dependencies.
|
||||
|
||||
To avoid circular dependencies, some math_ops should go here. Documentation
|
||||
callouts, e.g. "@@my_op" should go in math_ops. To the user, these are just
|
||||
normal math_ops.
|
||||
To avoid circular dependencies, some math_ops should go here.
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,22 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Spectral operators (e.g. DCT, FFT, RFFT).
|
||||
|
||||
@@dct
|
||||
@@fft
|
||||
@@ifft
|
||||
@@fft2d
|
||||
@@ifft2d
|
||||
@@fft3d
|
||||
@@ifft3d
|
||||
@@rfft
|
||||
@@irfft
|
||||
@@rfft2d
|
||||
@@irfft2d
|
||||
@@rfft3d
|
||||
@@irfft3d
|
||||
"""
|
||||
"""Spectral operators (e.g. DCT, FFT, RFFT)."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -13,71 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""Variables. See the @{$python/state_ops} guide.
|
||||
|
||||
@@AUTO_REUSE
|
||||
@@IndexedSlices
|
||||
@@Saver
|
||||
@@Variable
|
||||
@@VariableScope
|
||||
@@all_variables
|
||||
@@assert_variables_initialized
|
||||
@@assign
|
||||
@@assign_add
|
||||
@@assign_sub
|
||||
@@constant_initializer
|
||||
@@export_meta_graph
|
||||
@@fixed_size_partitioner
|
||||
@@get_checkpoint_state
|
||||
@@get_local_variable
|
||||
@@get_variable
|
||||
@@get_variable_scope
|
||||
@@global_variables
|
||||
@@global_variables_initializer
|
||||
@@glorot_normal_initializer
|
||||
@@glorot_uniform_initializer
|
||||
@@import_meta_graph
|
||||
@@initialize_all_tables
|
||||
@@initialize_all_variables
|
||||
@@initialize_local_variables
|
||||
@@initialize_variables
|
||||
@@is_variable_initialized
|
||||
@@latest_checkpoint
|
||||
@@local_variables
|
||||
@@local_variables_initializer
|
||||
@@make_template
|
||||
@@min_max_variable_partitioner
|
||||
@@model_variables
|
||||
@@moving_average_variables
|
||||
@@no_regularizer
|
||||
@@ones_initializer
|
||||
@@orthogonal_initializer
|
||||
@@random_normal_initializer
|
||||
@@random_uniform_initializer
|
||||
@@report_uninitialized_variables
|
||||
@@scatter_add
|
||||
@@scatter_div
|
||||
@@scatter_mul
|
||||
@@scatter_nd_add
|
||||
@@scatter_nd_sub
|
||||
@@scatter_nd_update
|
||||
@@scatter_sub
|
||||
@@scatter_update
|
||||
@@scatter_min
|
||||
@@scatter_max
|
||||
@@sparse_mask
|
||||
@@tables_initializer
|
||||
@@trainable_variables
|
||||
@@truncated_normal_initializer
|
||||
@@uniform_unit_scaling_initializer
|
||||
@@update_checkpoint_state
|
||||
@@variable_axis_size_partitioner
|
||||
@@variable_op_scope
|
||||
@@variable_scope
|
||||
@@variables_initializer
|
||||
@@variance_scaling_initializer
|
||||
@@zeros_initializer
|
||||
"""
|
||||
"""Variables. See the @{$python/state_ops} guide."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -16,18 +16,6 @@
|
||||
"""Operations for working with string Tensors.
|
||||
|
||||
See the @{$python/string_ops} guide.
|
||||
|
||||
@@regex_replace
|
||||
@@string_to_hash_bucket_fast
|
||||
@@string_to_hash_bucket_strong
|
||||
@@string_to_hash_bucket
|
||||
@@reduce_join
|
||||
@@string_join
|
||||
@@string_split
|
||||
@@substr
|
||||
@@as_string
|
||||
@@encode_base64
|
||||
@@decode_base64
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,10 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""TensorArray: a dynamically sized array of Tensors.
|
||||
|
||||
@@TensorArray
|
||||
"""
|
||||
"""TensorArray: a dynamically sized array of Tensors."""
|
||||
# Mixture of pep8 and non-pep8 names, so disable pylint bad-name
|
||||
# pylint: disable=g-bad-name
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,14 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Resource management library.
|
||||
|
||||
@@get_data_files_path
|
||||
@@get_path_to_datafile
|
||||
@@get_root_dir_with_all_resources
|
||||
@@load_resource
|
||||
@@readahead_file_path
|
||||
"""
|
||||
"""Resource management library."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -13,13 +13,7 @@
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
|
||||
"""System configuration library.
|
||||
|
||||
@@get_include
|
||||
@@get_lib
|
||||
@@get_compile_flags
|
||||
@@get_link_flags
|
||||
"""
|
||||
"""System configuration library."""
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
from __future__ import print_function
|
||||
|
@ -19,19 +19,6 @@ See the @{$python/test} guide.
|
||||
|
||||
Note: `tf.test.mock` is an alias to the python `mock` or `unittest.mock`
|
||||
depending on the python version.
|
||||
|
||||
@@main
|
||||
@@TestCase
|
||||
@@test_src_dir_path
|
||||
@@assert_equal_graph_def
|
||||
@@get_temp_dir
|
||||
@@is_built_with_cuda
|
||||
@@is_gpu_available
|
||||
@@gpu_device_name
|
||||
@@compute_gradient
|
||||
@@compute_gradient_error
|
||||
@@create_local_cluster
|
||||
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -16,21 +16,6 @@
|
||||
"""Tensor summaries for exporting information about a model.
|
||||
|
||||
See the @{$python/summary} guide.
|
||||
|
||||
@@FileWriter
|
||||
@@FileWriterCache
|
||||
@@tensor_summary
|
||||
@@scalar
|
||||
@@histogram
|
||||
@@audio
|
||||
@@image
|
||||
@@text
|
||||
@@merge
|
||||
@@merge_all
|
||||
@@get_summary_description
|
||||
@@PluginAsset
|
||||
@@get_plugin_asset
|
||||
@@get_all_plugin_assets
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -12,18 +12,7 @@
|
||||
# See the License for the specific language governing permissions and
|
||||
# limitations under the License.
|
||||
# ==============================================================================
|
||||
"""Some common SessionRunHook classes.
|
||||
|
||||
@@LoggingTensorHook
|
||||
@@StopAtStepHook
|
||||
@@CheckpointSaverHook
|
||||
@@StepCounterHook
|
||||
@@NanLossDuringTrainingError
|
||||
@@NanTensorHook
|
||||
@@SummarySaverHook
|
||||
@@GlobalStepWaiterHook
|
||||
@@ProfilerHook
|
||||
"""
|
||||
"""Some common SessionRunHook classes."""
|
||||
|
||||
from __future__ import absolute_import
|
||||
from __future__ import division
|
||||
|
@ -84,11 +84,6 @@ Note that if sess.run() raises OutOfRangeError or StopIteration then
|
||||
hooks.after_run() will not be called but hooks.end() will still be called.
|
||||
If sess.run() raises any other exception then neither hooks.after_run() nor
|
||||
hooks.end() will be called.
|
||||
|
||||
@@SessionRunHook
|
||||
@@SessionRunArgs
|
||||
@@SessionRunContext
|
||||
@@SessionRunValues
|
||||
"""
|
||||
|
||||
from __future__ import absolute_import
|
||||
|
@ -16,88 +16,6 @@
|
||||
"""Support for training models.
|
||||
|
||||
See the @{$python/train} guide.
|
||||
|
||||
@@Optimizer
|
||||
@@GradientDescentOptimizer
|
||||
@@AdadeltaOptimizer
|
||||
@@AdagradOptimizer
|
||||
@@AdagradDAOptimizer
|
||||
@@MomentumOptimizer
|
||||
@@AdamOptimizer
|
||||
@@FtrlOptimizer
|
||||
@@ProximalGradientDescentOptimizer
|
||||
@@ProximalAdagradOptimizer
|
||||
@@RMSPropOptimizer
|
||||
@@custom_gradient
|
||||
@@gradients
|
||||
@@AggregationMethod
|
||||
@@GradientTape
|
||||
@@stop_gradient
|
||||
@@hessians
|
||||
@@clip_by_value
|
||||
@@clip_by_norm
|
||||
@@clip_by_average_norm
|
||||
@@clip_by_global_norm
|
||||
@@global_norm
|
||||
@@cosine_decay
|
||||
@@cosine_decay_restarts
|
||||
@@linear_cosine_decay
|
||||
@@noisy_linear_cosine_decay
|
||||
@@exponential_decay
|
||||
@@inverse_time_decay
|
||||
@@natural_exp_decay
|
||||
@@piecewise_constant
|
||||
@@polynomial_decay
|
||||
@@ExponentialMovingAverage
|
||||
@@Coordinator
|
||||
@@QueueRunner
|
||||
@@LooperThread
|
||||
@@add_queue_runner
|
||||
@@start_queue_runners
|
||||
@@Server
|
||||
@@Supervisor
|
||||
@@SessionManager
|
||||
@@ClusterSpec
|
||||
@@replica_device_setter
|
||||
@@MonitoredTrainingSession
|
||||
@@MonitoredSession
|
||||
@@SingularMonitoredSession
|
||||
@@Scaffold
|
||||
@@SessionCreator
|
||||
@@ChiefSessionCreator
|
||||
@@WorkerSessionCreator
|
||||
@@summary_iterator
|
||||
@@SessionRunHook
|
||||
@@SessionRunArgs
|
||||
@@SessionRunContext
|
||||
@@SessionRunValues
|
||||
@@LoggingTensorHook
|
||||
@@StopAtStepHook
|
||||
@@CheckpointSaverHook
|
||||
@@CheckpointSaverListener
|
||||
@@NewCheckpointReader
|
||||
@@StepCounterHook
|
||||
@@NanLossDuringTrainingError
|
||||
@@NanTensorHook
|
||||
@@SummarySaverHook
|
||||
@@GlobalStepWaiterHook
|
||||
@@FinalOpsHook
|
||||
@@FeedFnHook
|
||||
@@ProfilerHook
|
||||
@@SecondOrStepTimer
|
||||
@@global_step
|
||||
@@basic_train_loop
|
||||
@@get_global_step
|
||||
@@get_or_create_global_step
|
||||
@@create_global_step
|
||||
@@assert_global_step
|
||||
@@write_graph
|
||||
@@load_checkpoint
|
||||
@@load_variable
|
||||
@@list_variables
|
||||
@@init_from_checkpoint
|
||||
@@warm_start
|
||||
@@VocabInfo
|
||||
"""
|
||||
|
||||
# Optimizers.
|
||||
|
@ -17,10 +17,6 @@
|
||||
## Conversion routines
|
||||
In addition to the functions below, `as_str` converts an object to a `str`.
|
||||
|
||||
@@as_bytes
|
||||
@@as_text
|
||||
@@as_str_any
|
||||
@@path_to_str
|
||||
|
||||
## Types
|
||||
The compatibility module also provides the following types:
|
||||
|
Loading…
Reference in New Issue
Block a user