aboutsummaryrefslogtreecommitdiffhomepage
diff options
context:
space:
mode:
authorGravatar A. Unique TensorFlower <gardener@tensorflow.org>2016-08-30 09:04:47 -0800
committerGravatar TensorFlower Gardener <gardener@tensorflow.org>2016-08-30 10:17:37 -0700
commitefb5fce47e5a6e26eb8f79e64b0d7fc213b2ed89 (patch)
treeb4dc62cb77251c63ccba7032398bc8584cd75911
parentc07399cef4bc60cb1d5b71cb5fb421dbf6ec1496 (diff)
Update generated Python Op docs.
Change: 131722181
-rw-r--r--tensorflow/g3doc/api_docs/python/contrib.learn.md238
-rw-r--r--tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.LinearClassifier.md240
2 files changed, 25 insertions, 453 deletions
diff --git a/tensorflow/g3doc/api_docs/python/contrib.learn.md b/tensorflow/g3doc/api_docs/python/contrib.learn.md
index a8d5f0cbcb..4fda047847 100644
--- a/tensorflow/g3doc/api_docs/python/contrib.learn.md
+++ b/tensorflow/g3doc/api_docs/python/contrib.learn.md
@@ -2285,280 +2285,66 @@ Construct a `LinearClassifier` estimator object.
A `LinearClassifier` estimator.
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.bias_` {#LinearClassifier.bias_}
-
-
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.config` {#LinearClassifier.config}
+##### Raises:
+* <b>`ValueError`</b>: if n_classes < 2.
- - -
-#### `tf.contrib.learn.LinearClassifier.dnn_bias_` {#LinearClassifier.dnn_bias_}
-
-Returns bias of deep neural network part.
-
-
-- - -
+#### `tf.contrib.learn.LinearClassifier.bias_` {#LinearClassifier.bias_}
-#### `tf.contrib.learn.LinearClassifier.dnn_weights_` {#LinearClassifier.dnn_weights_}
-Returns weights of deep neural network part.
- - -
#### `tf.contrib.learn.LinearClassifier.evaluate(x=None, y=None, input_fn=None, feed_fn=None, batch_size=None, steps=None, metrics=None, name=None)` {#LinearClassifier.evaluate}
-See `Evaluable`.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If at least one of `x` or `y` is provided, and at least one of
- `input_fn` or `feed_fn` is provided.
- Or if `metrics` is not `None` or `dict`.
+See evaluable.Evaluable.
- - -
-#### `tf.contrib.learn.LinearClassifier.export(*args, **kwargs)` {#LinearClassifier.export}
-
-Exports inference graph into given dir. (deprecated arguments)
+#### `tf.contrib.learn.LinearClassifier.export(export_dir, signature_fn=None, input_fn=None, default_batch_size=1, exports_to_keep=None)` {#LinearClassifier.export}
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-23.
-Instructions for updating:
-The signature of the input_fn accepted by export is changing to be consistent with what's used by tf.Learn Estimator's train/evaluate. input_fn and input_feature_key will become required args, and use_deprecated_input_fn will default to False & be removed altogether.
-
- Args:
- export_dir: A string containing a directory to write the exported graph
- and checkpoints.
- input_fn: If `use_deprecated_input_fn` is true, then a function that given
- `Tensor` of `Example` strings, parses it into features that are then
- passed to the model. Otherwise, a function that takes no argument and
- returns a tuple of (features, targets), where features is a dict of
- string key to `Tensor` and targets is a `Tensor` that's currently not
- used (and so can be `None`).
- input_feature_key: Only used if `use_deprecated_input_fn` is false. String
- key into the features dict returned by `input_fn` that corresponds to
- the raw `Example` strings `Tensor` that the exported model will take as
- input.
- use_deprecated_input_fn: Determines the signature format of `input_fn`.
- signature_fn: Function that returns a default signature and a named
- signature map, given `Tensor` of `Example` strings, `dict` of `Tensor`s
- for features and `Tensor` or `dict` of `Tensor`s for predictions.
- default_batch_size: Default batch size of the `Example` placeholder.
- exports_to_keep: Number of exports to keep.
+See BasEstimator.export.
- - -
#### `tf.contrib.learn.LinearClassifier.fit(x=None, y=None, input_fn=None, steps=None, batch_size=None, monitors=None, max_steps=None)` {#LinearClassifier.fit}
-See `Trainable`.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If `x` or `y` are not `None` while `input_fn` is not `None`.
-* <b>`ValueError`</b>: If both `steps` and `max_steps` are not `None`.
+See trainable.Trainable.
- - -
-#### `tf.contrib.learn.LinearClassifier.get_params(deep=True)` {#LinearClassifier.get_params}
-
-Get parameters for this estimator.
-
-##### Args:
+#### `tf.contrib.learn.LinearClassifier.get_estimator()` {#LinearClassifier.get_estimator}
-* <b>`deep`</b>: boolean, optional
-
- If `True`, will return the parameters for this estimator and
- contained subobjects that are estimators.
-
-##### Returns:
-
- params : mapping of string to any
- Parameter names mapped to their values.
- - -
#### `tf.contrib.learn.LinearClassifier.get_variable_names()` {#LinearClassifier.get_variable_names}
-Returns list of all variable names in this model.
-
-##### Returns:
-
- List of names.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.get_variable_value(name)` {#LinearClassifier.get_variable_value}
-
-Returns value of the variable given by name.
-
-##### Args:
-
-
-* <b>`name`</b>: string, name of the tensor.
-
-##### Returns:
- Numpy array - value of the tensor.
- - -
-#### `tf.contrib.learn.LinearClassifier.linear_bias_` {#LinearClassifier.linear_bias_}
+#### `tf.contrib.learn.LinearClassifier.predict(x=None, input_fn=None, batch_size=None, as_iterable=False)` {#LinearClassifier.predict}
-Returns bias of the linear part.
+Runs inference to determine the predicted class.
- - -
-#### `tf.contrib.learn.LinearClassifier.linear_weights_` {#LinearClassifier.linear_weights_}
+#### `tf.contrib.learn.LinearClassifier.predict_proba(x=None, input_fn=None, batch_size=None, outputs=None, as_iterable=False)` {#LinearClassifier.predict_proba}
-Returns weights per feature of the linear part.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.model_dir` {#LinearClassifier.model_dir}
-
-
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.partial_fit(x=None, y=None, input_fn=None, steps=1, batch_size=None, monitors=None)` {#LinearClassifier.partial_fit}
-
-Incremental fit on a batch of samples.
-
-This method is expected to be called several times consecutively
-on different or the same chunks of the dataset. This either can
-implement iterative training or out-of-core/online training.
-
-This is especially useful when the whole dataset is too big to
-fit in memory at the same time. Or when model is taking long time
-to converge, and you want to split up training into subparts.
-
-##### Args:
-
-
-* <b>`x`</b>: Matrix of shape [n_samples, n_features...]. Can be iterator that
- returns arrays of features. The training input samples for fitting the
- model. If set, `input_fn` must be `None`.
-* <b>`y`</b>: Vector or matrix [n_samples] or [n_samples, n_outputs]. Can be
- iterator that returns array of targets. The training target values
- (class labels in classification, real numbers in regression). If set,
- `input_fn` must be `None`.
-* <b>`input_fn`</b>: Input function. If set, `x`, `y`, and `batch_size` must be
- `None`.
-* <b>`steps`</b>: Number of steps for which to train model. If `None`, train forever.
-* <b>`batch_size`</b>: minibatch size to use on the input, defaults to first
- dimension of `x`. Must be `None` if `input_fn` is provided.
-* <b>`monitors`</b>: List of `BaseMonitor` subclass instances. Used for callbacks
- inside the training loop.
-
-##### Returns:
-
- `self`, for chaining.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If at least one of `x` and `y` is provided, and `input_fn` is
- provided.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.predict(*args, **kwargs)` {#LinearClassifier.predict}
-
-Returns predicted classes for given features. (deprecated arguments)
-
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-15.
-Instructions for updating:
-The default behavior of predict() is changing. The default value for
-as_iterable will change to True, and then the flag will be removed
-altogether. The behavior of this flag is described below.
-
- Args:
- x: features.
- input_fn: Input function. If set, x must be None.
- batch_size: Override default batch size.
- as_iterable: If True, return an iterable which keeps yielding predictions
- for each example until inputs are exhausted. Note: The inputs must
- terminate if you want the iterable to terminate (e.g. be sure to pass
- num_epochs=1 if you are using something like read_batch_features).
-
- Returns:
- Numpy array of predicted classes (or an iterable of predicted classes if
- as_iterable is True).
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.predict_proba(*args, **kwargs)` {#LinearClassifier.predict_proba}
-
-Returns prediction probabilities for given features. (deprecated arguments)
-
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-15.
-Instructions for updating:
-The default behavior of predict() is changing. The default value for
-as_iterable will change to True, and then the flag will be removed
-altogether. The behavior of this flag is described below.
-
- Args:
- x: features.
- input_fn: Input function. If set, x and y must be None.
- batch_size: Override default batch size.
- as_iterable: If True, return an iterable which keeps yielding predictions
- for each example until inputs are exhausted. Note: The inputs must
- terminate if you want the iterable to terminate (e.g. be sure to pass
- num_epochs=1 if you are using something like read_batch_features).
-
- Returns:
- Numpy array of predicted probabilities (or an iterable of predicted
- probabilities if as_iterable is True).
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.set_params(**params)` {#LinearClassifier.set_params}
-
-Set the parameters of this estimator.
-
-The method works on simple estimators as well as on nested objects
-(such as pipelines). The former have parameters of the form
-``<component>__<parameter>`` so that it's possible to update each
-component of a nested object.
-
-##### Args:
-
-
-* <b>`**params`</b>: Parameters.
-
-##### Returns:
-
- self
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If params contain invalid names.
+Runs inference to determine the class probability predictions.
- - -
diff --git a/tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.LinearClassifier.md b/tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.LinearClassifier.md
index c495b60bb6..e644405d10 100644
--- a/tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.LinearClassifier.md
+++ b/tensorflow/g3doc/api_docs/python/functions_and_classes/shard1/tf.contrib.learn.LinearClassifier.md
@@ -93,280 +93,66 @@ Construct a `LinearClassifier` estimator object.
A `LinearClassifier` estimator.
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.bias_` {#LinearClassifier.bias_}
-
-
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.config` {#LinearClassifier.config}
+##### Raises:
+* <b>`ValueError`</b>: if n_classes < 2.
- - -
-#### `tf.contrib.learn.LinearClassifier.dnn_bias_` {#LinearClassifier.dnn_bias_}
-
-Returns bias of deep neural network part.
-
-
-- - -
+#### `tf.contrib.learn.LinearClassifier.bias_` {#LinearClassifier.bias_}
-#### `tf.contrib.learn.LinearClassifier.dnn_weights_` {#LinearClassifier.dnn_weights_}
-Returns weights of deep neural network part.
- - -
#### `tf.contrib.learn.LinearClassifier.evaluate(x=None, y=None, input_fn=None, feed_fn=None, batch_size=None, steps=None, metrics=None, name=None)` {#LinearClassifier.evaluate}
-See `Evaluable`.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If at least one of `x` or `y` is provided, and at least one of
- `input_fn` or `feed_fn` is provided.
- Or if `metrics` is not `None` or `dict`.
+See evaluable.Evaluable.
- - -
-#### `tf.contrib.learn.LinearClassifier.export(*args, **kwargs)` {#LinearClassifier.export}
-
-Exports inference graph into given dir. (deprecated arguments)
-
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-23.
-Instructions for updating:
-The signature of the input_fn accepted by export is changing to be consistent with what's used by tf.Learn Estimator's train/evaluate. input_fn and input_feature_key will become required args, and use_deprecated_input_fn will default to False & be removed altogether.
-
- Args:
- export_dir: A string containing a directory to write the exported graph
- and checkpoints.
- input_fn: If `use_deprecated_input_fn` is true, then a function that given
- `Tensor` of `Example` strings, parses it into features that are then
- passed to the model. Otherwise, a function that takes no argument and
- returns a tuple of (features, targets), where features is a dict of
- string key to `Tensor` and targets is a `Tensor` that's currently not
- used (and so can be `None`).
- input_feature_key: Only used if `use_deprecated_input_fn` is false. String
- key into the features dict returned by `input_fn` that corresponds to
- the raw `Example` strings `Tensor` that the exported model will take as
- input.
- use_deprecated_input_fn: Determines the signature format of `input_fn`.
- signature_fn: Function that returns a default signature and a named
- signature map, given `Tensor` of `Example` strings, `dict` of `Tensor`s
- for features and `Tensor` or `dict` of `Tensor`s for predictions.
- default_batch_size: Default batch size of the `Example` placeholder.
- exports_to_keep: Number of exports to keep.
+#### `tf.contrib.learn.LinearClassifier.export(export_dir, signature_fn=None, input_fn=None, default_batch_size=1, exports_to_keep=None)` {#LinearClassifier.export}
+
+See BasEstimator.export.
- - -
#### `tf.contrib.learn.LinearClassifier.fit(x=None, y=None, input_fn=None, steps=None, batch_size=None, monitors=None, max_steps=None)` {#LinearClassifier.fit}
-See `Trainable`.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If `x` or `y` are not `None` while `input_fn` is not `None`.
-* <b>`ValueError`</b>: If both `steps` and `max_steps` are not `None`.
+See trainable.Trainable.
- - -
-#### `tf.contrib.learn.LinearClassifier.get_params(deep=True)` {#LinearClassifier.get_params}
-
-Get parameters for this estimator.
-
-##### Args:
+#### `tf.contrib.learn.LinearClassifier.get_estimator()` {#LinearClassifier.get_estimator}
-* <b>`deep`</b>: boolean, optional
-
- If `True`, will return the parameters for this estimator and
- contained subobjects that are estimators.
-
-##### Returns:
-
- params : mapping of string to any
- Parameter names mapped to their values.
- - -
#### `tf.contrib.learn.LinearClassifier.get_variable_names()` {#LinearClassifier.get_variable_names}
-Returns list of all variable names in this model.
-
-##### Returns:
-
- List of names.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.get_variable_value(name)` {#LinearClassifier.get_variable_value}
-Returns value of the variable given by name.
-
-##### Args:
-
-
-* <b>`name`</b>: string, name of the tensor.
-
-##### Returns:
-
- Numpy array - value of the tensor.
- - -
-#### `tf.contrib.learn.LinearClassifier.linear_bias_` {#LinearClassifier.linear_bias_}
+#### `tf.contrib.learn.LinearClassifier.predict(x=None, input_fn=None, batch_size=None, as_iterable=False)` {#LinearClassifier.predict}
-Returns bias of the linear part.
+Runs inference to determine the predicted class.
- - -
-#### `tf.contrib.learn.LinearClassifier.linear_weights_` {#LinearClassifier.linear_weights_}
-
-Returns weights per feature of the linear part.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.model_dir` {#LinearClassifier.model_dir}
-
-
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.partial_fit(x=None, y=None, input_fn=None, steps=1, batch_size=None, monitors=None)` {#LinearClassifier.partial_fit}
-
-Incremental fit on a batch of samples.
-
-This method is expected to be called several times consecutively
-on different or the same chunks of the dataset. This either can
-implement iterative training or out-of-core/online training.
-
-This is especially useful when the whole dataset is too big to
-fit in memory at the same time. Or when model is taking long time
-to converge, and you want to split up training into subparts.
-
-##### Args:
-
-
-* <b>`x`</b>: Matrix of shape [n_samples, n_features...]. Can be iterator that
- returns arrays of features. The training input samples for fitting the
- model. If set, `input_fn` must be `None`.
-* <b>`y`</b>: Vector or matrix [n_samples] or [n_samples, n_outputs]. Can be
- iterator that returns array of targets. The training target values
- (class labels in classification, real numbers in regression). If set,
- `input_fn` must be `None`.
-* <b>`input_fn`</b>: Input function. If set, `x`, `y`, and `batch_size` must be
- `None`.
-* <b>`steps`</b>: Number of steps for which to train model. If `None`, train forever.
-* <b>`batch_size`</b>: minibatch size to use on the input, defaults to first
- dimension of `x`. Must be `None` if `input_fn` is provided.
-* <b>`monitors`</b>: List of `BaseMonitor` subclass instances. Used for callbacks
- inside the training loop.
-
-##### Returns:
-
- `self`, for chaining.
-
-##### Raises:
-
-
-* <b>`ValueError`</b>: If at least one of `x` and `y` is provided, and `input_fn` is
- provided.
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.predict(*args, **kwargs)` {#LinearClassifier.predict}
-
-Returns predicted classes for given features. (deprecated arguments)
-
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-15.
-Instructions for updating:
-The default behavior of predict() is changing. The default value for
-as_iterable will change to True, and then the flag will be removed
-altogether. The behavior of this flag is described below.
-
- Args:
- x: features.
- input_fn: Input function. If set, x must be None.
- batch_size: Override default batch size.
- as_iterable: If True, return an iterable which keeps yielding predictions
- for each example until inputs are exhausted. Note: The inputs must
- terminate if you want the iterable to terminate (e.g. be sure to pass
- num_epochs=1 if you are using something like read_batch_features).
-
- Returns:
- Numpy array of predicted classes (or an iterable of predicted classes if
- as_iterable is True).
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.predict_proba(*args, **kwargs)` {#LinearClassifier.predict_proba}
-
-Returns prediction probabilities for given features. (deprecated arguments)
-
-SOME ARGUMENTS ARE DEPRECATED. They will be removed after 2016-09-15.
-Instructions for updating:
-The default behavior of predict() is changing. The default value for
-as_iterable will change to True, and then the flag will be removed
-altogether. The behavior of this flag is described below.
-
- Args:
- x: features.
- input_fn: Input function. If set, x and y must be None.
- batch_size: Override default batch size.
- as_iterable: If True, return an iterable which keeps yielding predictions
- for each example until inputs are exhausted. Note: The inputs must
- terminate if you want the iterable to terminate (e.g. be sure to pass
- num_epochs=1 if you are using something like read_batch_features).
-
- Returns:
- Numpy array of predicted probabilities (or an iterable of predicted
- probabilities if as_iterable is True).
-
-
-- - -
-
-#### `tf.contrib.learn.LinearClassifier.set_params(**params)` {#LinearClassifier.set_params}
-
-Set the parameters of this estimator.
-
-The method works on simple estimators as well as on nested objects
-(such as pipelines). The former have parameters of the form
-``<component>__<parameter>`` so that it's possible to update each
-component of a nested object.
-
-##### Args:
-
-
-* <b>`**params`</b>: Parameters.
-
-##### Returns:
-
- self
-
-##### Raises:
-
+#### `tf.contrib.learn.LinearClassifier.predict_proba(x=None, input_fn=None, batch_size=None, outputs=None, as_iterable=False)` {#LinearClassifier.predict_proba}
-* <b>`ValueError`</b>: If params contain invalid names.
+Runs inference to determine the class probability predictions.
- - -