Remove magic-doc-links from code.

This change contains no code changes. Only doc-strings.

We can't use relative links in code files, so we don't have much choice but to link to tensorflow.org/

The deleted links were to docs that no longer exist.

PiperOrigin-RevId: 209019572
This commit is contained in:
Mark Daoust 2018-08-16 11:41:12 -07:00 committed by TensorFlower Gardener
parent 72c5efff88
commit e4371880b1
73 changed files with 179 additions and 121 deletions

View File

@ -14,8 +14,6 @@
# ==============================================================================
"""Monte Carlo integration and helpers.
See the @{$python/contrib.bayesflow.monte_carlo} guide.
@@expectation
@@expectation_importance_sampler
@@expectation_importance_sampler_logspace

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Linear-chain CRF layer.
See the @{$python/contrib.crf} guide.
See the [CRF](https://tensorflow.org/api_guides/python/contrib.crf) guide.
@@crf_binary_score
@@crf_decode

View File

@ -20,7 +20,7 @@ be used in conjunction with the `tf.data.Dataset` API. Note that the
guarantees as `tf.data`, but we will provide deprecation advice in advance of
removing existing functionality.
See @{$guide/datasets$Importing Data} for an overview.
See [Importing Data](https://tensorflow.org/guide/datasets) for an overview.
@@Counter
@@CheckpointInputPipelineHook

View File

@ -31,8 +31,8 @@ def export_saved_model_for_mode(
# pylint: disable=line-too-long
"""Exports a single train/eval/predict graph as a SavedModel.
For a detailed guide, see
@{$saved_model#using_savedmodel_with_estimators$Using SavedModel with Estimators}.
For a detailed guide, see [Using SavedModel with Estimators](
https://tensorflow.org/guide/saved_model#using_savedmodel_with_estimators).
Sample usage:
```python

View File

@ -74,8 +74,9 @@ class InMemoryEvaluatorHook(training.SessionRunHook):
estimator: A `tf.estimator.Estimator` instance to call evaluate.
input_fn: Equivalent to the `input_fn` arg to `estimator.evaluate`. A
function that constructs the input data for evaluation.
See @{$premade_estimators#create_input_functions} for more
information. The function should construct and return one of
See [Createing input functions](
https://tensorflow.org/guide/premade_estimators#create_input_functions)
for more information. The function should construct and return one of
the following:
* A 'tf.data.Dataset' object: Outputs of `Dataset` object must be a

View File

@ -15,7 +15,7 @@
# pylint: disable=g-short-docstring-punctuation
"""Working with audio using FFmpeg.
See the @{$python/contrib.ffmpeg} guide.
See the [FFMPEG](https://tensorflow.org/api_guides/python/contrib.ffmpeg) guide.
@@decode_audio
@@encode_audio

View File

@ -15,7 +15,9 @@
"""Framework utilities.
See the @{$python/contrib.framework} guide.
See the
[Contrib Framework](https://tensorflow.org/api_guides/python/contrib.framework)
guide.
@@assert_same_float_dtype
@@assert_scalar

View File

@ -13,7 +13,7 @@
# limitations under the License.
# ==============================================================================
"""Script Language Operators. See the @{$python/script_ops} guide.
"""Script Language Operators.
@@py_func
"""

View File

@ -14,7 +14,9 @@
# ==============================================================================
"""TensorFlow Graph Editor.
See the @{$python/contrib.graph_editor} guide.
See the
[Graph Editor](https://tensorflow.org/api_guides/python/contrib.graph_editor)
guide.
"""
from __future__ import absolute_import

View File

@ -15,7 +15,9 @@
"""Integration and ODE solvers.
See the @{$python/contrib.integrate} guide.
See the
[Contrib Integrate](https://tensorflow.org/api_guides/python/contrib.integrate)
guide.
@@odeint
@@odeint_fixed

View File

@ -14,7 +14,9 @@
# ==============================================================================
"""Ops for building neural network layers, regularizers, summaries, etc.
See the @{$python/contrib.layers} guide.
See the
[Contrib Layers](https://tensorflow.org/api_guides/python/contrib.layers)
guide.
@@avg_pool2d
@@avg_pool3d

View File

@ -19,7 +19,8 @@ This module and all its submodules are deprecated. See
[contrib/learn/README.md](https://www.tensorflow.org/code/tensorflow/contrib/learn/README.md)
for migration instructions.
See the @{$python/contrib.learn} guide.
See the [Contrib Learn](https://tensorflow.org/api_guides/python/contrib.learn)
guide.
@@BaseEstimator
@@Estimator

View File

@ -14,7 +14,8 @@
# ==============================================================================
"""Linear algebra libraries.
See the @{$python/contrib.linalg} guide.
See the[Contrib Linalg](https://tensorflow.org/api_guides/python/contrib.linalg)
guide.
@@LinearOperator
@@LinearOperatorBlockDiag

View File

@ -15,7 +15,7 @@
"""Ops for building neural network losses.
See @{$python/contrib.losses}.
See [Contrib Losses](https://tensorflow.org/api_guides/python/contrib.losses).
"""
from __future__ import absolute_import

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Ops for building neural network losses.
See @{$python/contrib.losses}.
See [Contrib Losses](https://tensorflow.org/api_guides/python/contrib.losses).
"""
from __future__ import absolute_import

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Ops for building neural network losses.
See @{$python/contrib.losses}.
See [Contrib Losses](https://tensorflow.org/api_guides/python/contrib.losses).
"""
from __future__ import absolute_import
@ -35,5 +35,3 @@ _allowed_symbols = [
'triplet_semihard_loss',
]
remove_undocumented(__name__, _allowed_symbols)

View File

@ -14,7 +14,9 @@
# ==============================================================================
"""Ops for evaluation metrics and summary statistics.
See the @{$python/contrib.metrics} guide.
See the
[Contrib Metrics](https://tensorflow.org/api_guides/python/contrib.metrics)
guide.
@@auc_with_confidence_intervals
@@streaming_accuracy

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""RNN Cells and additional RNN operations.
See @{$python/contrib.rnn} guide.
See [Contrib RNN](https://tensorflow.org/api_guides/python/contrib.rnn) guide.
<!--From core-->
@@RNNCell

View File

@ -15,7 +15,9 @@
"""Ops for building neural network seq2seq decoders and losses.
See the @{$python/contrib.seq2seq} guide.
See the
[Contrib Seq2seq](https://tensorflow.org/api_guides/python/contrib.seq2seq)
guide.
"""
from __future__ import absolute_import

View File

@ -14,7 +14,9 @@
# ==============================================================================
"""Signal processing operations.
See the @{$python/contrib.signal} guide.
See the
[Contrib Signal](https://tensorflow.org/api_guides/python/contrib.signal)
guide.
@@frame
@@hamming_window

View File

@ -14,7 +14,9 @@
# ==============================================================================
"""Training and input utilities.
See @{$python/contrib.training} guide.
See
[Contrib Training](https://tensorflow.org/api_guides/python/contrib.training)
guide.
@@batch_sequences_with_states
@@NextQueuedSequenceBatch

View File

@ -15,7 +15,7 @@
"""Utilities for dealing with Tensors.
See @{$python/contrib.util} guide.
See [Contrib Util](https://tensorflow.org/api_guides/python/contrib.util) guide.
@@constant_value
@@make_tensor_proto

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the maximum along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output_i = \max_j(data_j)\\) where `max` is over `j` such

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the mean along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output_i = \frac{\sum_j data_j}{N}\\) where `mean` is

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the minimum along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output_i = \min_j(data_j)\\) where `min` is over `j` such

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the product along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output_i = \prod_j data_j\\) where the product is over `j` such

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the sum along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output_i = \sum_j data_j\\) where sum is over `j` such

View File

@ -21,8 +21,9 @@ END
}
summary: "Computes the mean along sparse segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Like `SegmentMean`, but `segment_ids` can have rank less than `data`'s first
dimension, selecting a subset of dimension 0, specified by `indices`.

View File

@ -30,7 +30,8 @@ END
Like `SparseSegmentMean`, but allows missing ids in `segment_ids`. If an id is
misisng, the `output` tensor at that position will be zeroed.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
END
}

View File

@ -23,7 +23,8 @@ END
description: <<END
N is the size of the segment being reduced.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
END
}

View File

@ -32,7 +32,8 @@ N is the size of the segment being reduced.
Like `SparseSegmentSqrtN`, but allows missing ids in `segment_ids`. If an id is
misisng, the `output` tensor at that position will be zeroed.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
END
}

View File

@ -21,8 +21,9 @@ END
}
summary: "Computes the sum along sparse segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Like `SegmentSum`, but `segment_ids` can have rank less than `data`'s first
dimension, selecting a subset of dimension 0, specified by `indices`.

View File

@ -30,8 +30,9 @@ END
Like `SparseSegmentSum`, but allows missing ids in `segment_ids`. If an id is
misisng, the `output` tensor at that position will be zeroed.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
For example:

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the maximum along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
This operator is similar to the unsorted segment sum operator found
[(here)](../../../api_docs/python/math_ops.md#UnsortedSegmentSum).

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the minimum along segments of a tensor."
description: <<END
Read @{$math_ops#segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#segmentation)
for an explanation of segments.
This operator is similar to the unsorted segment sum operator found
[(here)](../../../api_docs/python/math_ops.md#UnsortedSegmentSum).

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the product along segments of a tensor."
description: <<END
Read @{$math_ops#segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#segmentation)
for an explanation of segments.
This operator is similar to the unsorted segment sum operator found
[(here)](../../../api_docs/python/math_ops.md#UnsortedSegmentSum).

View File

@ -16,8 +16,9 @@ END
}
summary: "Computes the sum along segments of a tensor."
description: <<END
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation of
segments.
Read
[the section on segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Computes a tensor such that
\\(output[i] = sum_{j...} data[j...]\\) where the sum is over tuples `j...` such

View File

@ -175,6 +175,8 @@ This section is relevant only when making incompatible changes to the `GraphDef`
format, such as when adding ops, removing ops, or changing the functionality
of existing ops. The previous section should suffice for most users.
<a id="backward_forward"/>
### Backward and partial forward compatibility
Our versioning scheme has three requirements:

View File

@ -15,7 +15,7 @@
"""Support for launching graphs and executing operations.
See the @{$python/client} guide.
See the [Client](https://tensorflow.org/api_guides/python/client) guide.
"""
from __future__ import absolute_import

View File

@ -1500,7 +1500,7 @@ class Session(BaseSession):
Args:
target: (Optional.) The execution engine to connect to.
Defaults to using an in-process engine. See
@{$distributed$Distributed TensorFlow}
[Distributed TensorFlow](https://tensorflow.org/deploy/distributed)
for more examples.
graph: (Optional.) The `Graph` to be launched (described above).
config: (Optional.) A

View File

@ -14,8 +14,8 @@
# ==============================================================================
"""Utilities for API compatibility between TensorFlow release versions.
See
@{$guide/version_compat#backward_and_partial_forward_compatibility}
See [Version
Compatibility](https://tensorflow.org/guide/version_compat#backward_forward)
"""
from __future__ import absolute_import
@ -33,7 +33,8 @@ _FORWARD_COMPATIBILITY_HORIZON = datetime.date(2018, 8, 16)
def forward_compatible(year, month, day):
"""Return true if the forward compatibility window has expired.
See @{$guide/version_compat#backward_and_partial_forward_compatibility}.
See [Version
compatibility](https://tensorflow.org/guide/version_compat#backward_forward).
Forward-compatibility refers to scenarios where the producer of a TensorFlow
model (a GraphDef or SavedModel) is compiled against a version of the
@ -91,7 +92,8 @@ def forward_compatible(year, month, day):
def forward_compatibility_horizon(year, month, day):
"""Context manager for testing forward compatibility of generated graphs.
See @{$guide/version_compat#backward_and_partial_forward_compatibility}.
See [Version
compatibility](https://tensorflow.org/guide/version_compat#backward_forward).
To ensure forward compatibility of generated graphs (see `forward_compatible`)
with older binaries, new features can be gated with:

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""`tf.data.Dataset` API for input pipelines.
See @{$guide/datasets$Importing Data} for an overview.
See [Importing Data](https://tensorflow.org/guide/datasets) for an overview.
"""
from __future__ import absolute_import

View File

@ -225,7 +225,7 @@ class Dataset(object):
`tf.constant` operations. For large datasets (> 1 GB), this can waste
memory and run into byte limits of graph serialization. If tensors contains
one or more large NumPy arrays, consider the alternative described in
@{$guide/datasets#consuming_numpy_arrays$this guide}.
[this guide](https://tensorflow.org/guide/datasets#consuming_numpy_arrays).
Args:
tensors: A nested structure of tensors.
@ -244,7 +244,7 @@ class Dataset(object):
`tf.constant` operations. For large datasets (> 1 GB), this can waste
memory and run into byte limits of graph serialization. If tensors contains
one or more large NumPy arrays, consider the alternative described in
@{$guide/datasets#consuming_numpy_arrays$this guide}.
[this guide](https://tensorflow.org/guide/datasets#consuming_numpy_arrays).
Args:
tensors: A nested structure of tensors, each having the same size in the

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Public Python API of TensorFlow Debugger (tfdbg).
See the @{$python/tfdbg} guide.
See the [TFDBG](https://tensorflow.org/api_guides/python/tfdbg) guide.
@@add_debug_tensor_watch
@@watch_graph

View File

@ -120,7 +120,8 @@ class Estimator(object):
warm_start_from=None):
"""Constructs an `Estimator` instance.
See @{$estimators} for more information. To warm-start an `Estimator`:
See [estimators](https://tensorflow.org/guide/estimators) for more information.
To warm-start an `Estimator`:
```python
estimator = tf.estimator.DNNClassifier(
@ -285,8 +286,10 @@ class Estimator(object):
Args:
input_fn: A function that provides input data for training as minibatches.
See @{$premade_estimators#create_input_functions} for more information.
The function should construct and return one of the following: * A
See [Premade
Estimators](https://tensorflow.org/guide/premade_estimators#create_input_functions)
for more information. The function should construct and return one of
the following: * A
`tf.data.Dataset` object: Outputs of `Dataset` object must be a tuple
`(features, labels)` with same constraints as below. * A tuple
`(features, labels)`: Where `features` is a `tf.Tensor` or a dictionary
@ -394,7 +397,8 @@ class Estimator(object):
Args:
input_fn: A function that constructs the input data for evaluation. See
@{$premade_estimators#create_input_functions} for more information. The
[Premade Estimators](https://tensorflow.org/guide/premade#create_input_functions}
for more information. The
function should construct and return one of the following: * A
`tf.data.Dataset` object: Outputs of `Dataset` object must be a tuple
`(features, labels)` with same constraints as below. * A tuple
@ -478,8 +482,9 @@ class Estimator(object):
input_fn: A function that constructs the features. Prediction continues
until `input_fn` raises an end-of-input exception
(`tf.errors.OutOfRangeError` or `StopIteration`).
See @{$premade_estimators#create_input_functions} for more
information. The function should construct and return one of
See [Premade
Estimators](https://tensorflow.org/guide/premade_estimators#create_input_functions)
for more information. The function should construct and return one of
the following:
* A `tf.data.Dataset` object: Outputs of `Dataset` object must have
@ -595,8 +600,7 @@ class Estimator(object):
"""Exports inference graph as a `SavedModel` into the given dir.
For a detailed guide, see
@{$saved_model#using_savedmodel_with_estimators$Using SavedModel with
Estimators}.
[Using SavedModel with Estimators](https://tensorflow.org/guide/saved_model#using_savedmodel_with_estimators).
This method builds a new graph by first calling the
`serving_input_receiver_fn` to obtain feature `Tensor`s, and then calling

View File

@ -487,8 +487,9 @@ def model_to_estimator(keras_model=None,
config=None):
"""Constructs an `Estimator` instance from given keras model.
For usage example, please see
@{$guide/estimators$creating_estimators_from_keras_models}.
For usage example, please see:
[Creating estimators from Keras
Models](https://tensorflow.org/guide/estimators#model_to_estimator).
Args:
keras_model: A compiled Keras model object. This argument is mutually

View File

@ -129,8 +129,8 @@ class TrainSpec(
Args:
input_fn: A function that provides input data for training as minibatches.
See @{$premade_estimators#create_input_functions} for more
information. The function should construct and return one of
See [Premade Estimators](https://tensorflow.org/guide/premade_estimators#create_input_functions)
for more information. The function should construct and return one of
the following:
* A 'tf.data.Dataset' object: Outputs of `Dataset` object must be a
tuple (features, labels) with same constraints as below.
@ -193,8 +193,8 @@ class EvalSpec(
Args:
input_fn: A function that constructs the input data for evaluation.
See @{$premade_estimators#create_input_functions} for more
information. The function should construct and return one of
See [Premade Estimators](https://tensorflow.org/api_guides/premade_estimators#create_input_functions)
for more information. The function should construct and return one of
the following:
* A 'tf.data.Dataset' object: Outputs of `Dataset` object must be a
tuple (features, labels) with same constraints as below.

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Operations that generate constants.
See the @{$python/constant_op$constants guide}.
See the [constants guide](https://tensorflow.org/api_guides/python/constant_op).
"""
# Must be separate from array_ops to avoid a cyclic dependency.

View File

@ -498,7 +498,8 @@ class TensorShape(object):
If a tensor is produced by an operation of type `"Foo"`, its shape
may be inferred if there is a registered shape function for
`"Foo"`. See @{$adding_an_op#shape-functions-in-c$`Shape functions in C++`}
`"Foo"`. See [Shape
functions](https://tensorflow.org/extend/adding_an_op#shape_functions_in_c)
for details of shape functions and how to register them. Alternatively,
the shape may be set explicitly using `tf.Tensor.set_shape`.
"""

View File

@ -15,7 +15,7 @@
"""Python functions for directly manipulating TFRecord-formatted files.
See the @{$python/python_io} guide.
See the [Python IO](https://tensorflow.org/api_guides/python/python_io) guide.
"""
from __future__ import absolute_import

View File

@ -15,7 +15,7 @@
# Tests for this file live in python/kernel_tests/array_ops_test.py
"""Support for manipulating tensors.
See the @{$python/array_ops} guide.
See the [Array Ops](https://tensorflow.org/api_guides/python/array_ops) guide.
"""
from __future__ import absolute_import

View File

@ -15,7 +15,8 @@
# pylint: disable=g-short-docstring-punctuation
"""Asserts and Boolean Checks.
See the @{$python/check_ops} guide.
See the [Asserts and
checks](https://tensorflow.org/api_guides/python/check_ops) guide.
"""
from __future__ import absolute_import

View File

@ -14,7 +14,8 @@
# ==============================================================================
"""Control Flow Operations.
See the @{$python/control_flow_ops} guide.
See the [Control
Flow](https://tensorflow.org/api_guides/python/control_flow_ops) guide.
"""
# pylint: disable=g-bad-name
from __future__ import absolute_import

View File

@ -15,7 +15,8 @@
"""Functional operations.
See the @{$python/functional_ops} guide.
See the [Higher Order
Functions](https://tensorflow.org/api_guides/python/functional_ops) guide.
"""
from __future__ import absolute_import

View File

@ -14,8 +14,6 @@
# ==============================================================================
# pylint: disable=g-short-docstring-punctuation
"""Histograms.
Please see @{$python/histogram_ops} guide.
"""
from __future__ import absolute_import

View File

@ -16,7 +16,7 @@
# pylint: disable=g-short-docstring-punctuation
"""Image processing and decoding ops.
See the @{$python/image} guide.
See the [Images](https://tensorflow.org/api_guides/python/image) guide.
"""
from __future__ import absolute_import
from __future__ import division

View File

@ -16,7 +16,8 @@
# pylint: disable=line-too-long
"""Inputs and Readers.
See the @{$python/io_ops} guide.
See the [Inputs and
Readers](https://tensorflow.org/api_guides/python/io_ops) guide.
"""
from __future__ import absolute_import

View File

@ -14,7 +14,7 @@
# ==============================================================================
"""Basic arithmetic operators.
See the @{$python/math_ops} guide.
See the [python/math_ops](python/math_ops) guide.
"""
from __future__ import absolute_import
from __future__ import division
@ -2564,8 +2564,9 @@ def _unsorted_segment_N(data, segment_ids, num_segments):
def unsorted_segment_mean(data, segment_ids, num_segments, name=None):
r""" Computes the mean along segments of a tensor.
Read @{$math_ops#segmentation$the section on segmentation} for an explanation
of segments.
Read [the section on
segmentation](https://tensorflow.org/api_guides/python/math_ops#segmentation)
for an explanation of segments.
This operator is similar to the unsorted segment sum operator found
[here](../../../api_docs/python/math_ops.md#UnsortedSegmentSum).
@ -2596,8 +2597,9 @@ def unsorted_segment_mean(data, segment_ids, num_segments, name=None):
def unsorted_segment_sqrt_n(data, segment_ids, num_segments, name=None):
r"""Computes the sum along segments of a tensor divided by the sqrt(N).
Read @{$math_ops#segmentation$the section on segmentation} for an explanation
of segments.
Read [the section on
segmentation](https://tensorflow.org/api_guides/python/math_ops#segmentation)
for an explanation of segments.
This operator is similar to the unsorted segment sum operator found
[here](../../../api_docs/python/math_ops.md#UnsortedSegmentSum).
@ -2632,8 +2634,9 @@ def sparse_segment_sum(data, indices, segment_ids, name=None,
num_segments=None):
r"""Computes the sum along sparse segments of a tensor.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation
of segments.
Read [the section on
segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Like `SegmentSum`, but `segment_ids` can have rank less than `data`'s first
dimension, selecting a subset of dimension 0, specified by `indices`.
@ -2707,8 +2710,9 @@ def sparse_segment_mean(data,
num_segments=None):
r"""Computes the mean along sparse segments of a tensor.
Read @{$math_ops#Segmentation$the section on segmentation} for an explanation
of segments.
Read [the section on
segmentation](https://tensorflow.org/api_guides/python/math_ops#Segmentation)
for an explanation of segments.
Like `SegmentMean`, but `segment_ids` can have rank less than `data`'s first
dimension, selecting a subset of dimension 0, specified by `indices`.

View File

@ -16,7 +16,7 @@
# pylint: disable=unused-import,g-bad-import-order
"""Neural network support.
See the @{$python/nn} guide.
See the [Neural network](https://tensorflow.org/api_guides/python/nn) guide.
"""
from __future__ import absolute_import
from __future__ import division

View File

@ -698,7 +698,7 @@ def convolution(
`padded_input` is obtained by zero padding the input using an effective
spatial filter shape of `(spatial_filter_shape-1) * dilation_rate + 1` and
output striding `strides` as described in the
@{$python/nn#Convolution$comment here}.
[comment here](https://tensorflow.org/api_guides/python/nn#Convolution).
In the case that `data_format` does start with `"NC"`, the `input` and output
(but not the `filter`) are simply transposed as follows:

View File

@ -185,7 +185,8 @@ def shape_safe_assign_variable_handle(handle, shape, value, name=None):
class ResourceVariable(variables.RefVariable):
"""Variable based on resource handles.
See the @{$variables$Variables How To} for a high level overview.
See the [Variables How To](https://tensorflow.org/guide/variables)
for a high level overview.
A `ResourceVariable` allows you to maintain state across subsequent calls to
session.run.

View File

@ -12,7 +12,7 @@
# See the License for the specific language governing permissions and
# limitations under the License.
# ==============================================================================
"""Script Language Operators. See the @{$python/script_ops} guide."""
"""Script Language Operators."""
# pylint: disable=g-bad-name
from __future__ import absolute_import
@ -343,7 +343,8 @@ def eager_py_func(func, inp, Tout, name=None):
or print statements as desired, and wrap those functions in
`tf.contrib.eager.py_func`.
For more information on eager execution, see @{$guide/eager}.
For more information on eager execution, see the
[Eager guide](https://tensorflow.org/guide/eager).
`tf.contrib.eager.py_func` is similar in spirit to `tf.py_func`, but unlike
the latter, the former lets you use TensorFlow operations in the wrapped

View File

@ -13,7 +13,11 @@
# limitations under the License.
# ==============================================================================
"""Tensor Handle Operations. See the @{$python/session_ops} guide."""
"""Tensor Handle Operations.
See the [Session Ops](https://tensorflow.org/api_guides/python/session_ops)
guide.
"""
# pylint: disable=g-bad-name
from __future__ import absolute_import

View File

@ -14,7 +14,10 @@
# ==============================================================================
# pylint: disable=g-short-docstring-punctuation
"""Sparse Tensor Representation. See the @{$python/sparse_ops} guide."""
"""Sparse Tensor Representation.
See the [Sparse Ops](https://tensorflow.org/api_guides/python/sparse_ops) guide.
"""
from __future__ import absolute_import
from __future__ import division

View File

@ -13,7 +13,10 @@
# limitations under the License.
# ==============================================================================
"""Variables. See the @{$python/state_ops} guide."""
"""Variables.
See the [Variables](https://tensorflow.org/api_guides/python/state_ops) guide.
"""
from __future__ import absolute_import
from __future__ import division

View File

@ -15,7 +15,7 @@
"""Operations for working with string Tensors.
See the @{$python/string_ops} guide.
See the [Strings](https://tensorflow.org/api_guides/python/string_ops) guide.
"""
from __future__ import absolute_import

View File

@ -1440,12 +1440,11 @@ def get_variable(name,
aggregation=aggregation)
get_variable_or_local_docstring = (
"""%s
get_variable_or_local_docstring = ("""%s
%sThis function prefixes the name with the current variable scope
and performs reuse checks. See the
@{$variables$Variable Scope How To}
[Variable Scope How To](https://tensorflow.org/guide/variables)
for an extensive description of how reusing works. Here is a basic example:
```python
@ -1895,8 +1894,8 @@ class variable_scope(object):
Variable scope allows you to create new variables and to share already created
ones while providing checks to not create or share by accident. For details,
see the @{$variables$Variable Scope How To}, here we present only a few basic
examples.
see the [Variable Scope How To](https://tensorflow.org/guide/variables), here
we present only a few basic examples.
Simple example of how to create a new variable:

View File

@ -135,7 +135,7 @@ class VariableMetaclass(type):
@tf_export("Variable")
class Variable(six.with_metaclass(VariableMetaclass,
checkpointable.CheckpointableBase)):
"""See the @{$variables$Variables How To} for a high level overview.
"""See the [Variables Guide](https://tensorflow.org/guide/variables).
A variable maintains state in the graph across calls to `run()`. You add a
variable to the graph by constructing an instance of the class `Variable`.

View File

@ -15,7 +15,7 @@
"""Testing.
See the @{$python/test} guide.
See the [Testing](https://tensorflow.org/api_guides/python/test) guide.
Note: `tf.test.mock` is an alias to the python `mock` or `unittest.mock`
depending on the python version.

View File

@ -15,7 +15,7 @@
"""Tensor summaries for exporting information about a model.
See the @{$python/summary} guide.
See the [Summary](https://tensorflow.org/api_guides/python/summary) guide.
"""
from __future__ import absolute_import

View File

@ -15,7 +15,8 @@
"""Input pipeline.
Please see the @{$reading_data$reading data how-to}
Please see the [reading data
how-to](https://tensorflow.org/api_guides/python/reading_data)
for context.
"""

View File

@ -869,7 +869,7 @@ def _get_saver_or_default():
class Saver(object):
"""Saves and restores variables.
See @{$variables$Variables}
See [Variables](https://tensorflow.org/guide/variables)
for an overview of variables, saving and restoring.
The `Saver` class adds ops to save and restore variables to and from

View File

@ -15,7 +15,7 @@
"""Support for training models.
See the @{$python/train} guide.
See the [Training](https://tensorflow.org/api_guides/python/train) guide.
"""
# Optimizers.