![]() |
Class Head
Interface for the head/top of a model.
Aliases:
Head sits on top of the model network and handles computing the outputs of the network. Given logits (or output of a hidden layer), a Head knows how to compute predictions, loss, train_op, metrics and export outputs. It is meant to:
- Simplify writing model_fn and to make model_fn more configurable for Estimator.
- Simpilfy creating loss and metrics for the train and test loop in Eager execution.
- Support wide range of machine learning models. Since most heads can work with logits, they can support DNN, RNN, Wide, Wide&Deep, Global objectives, Gradient boosted trees and many other types of machine learning models.
Common usage:
Here is simplified model_fn to build a DNN regression model.
def _my_dnn_model_fn(features, labels, mode, params, config=None): # Optionally your callers can pass head to model_fn as a param. head = tf.estimator.RegressionHead(...) # TODO(b/117839674): update feature_column inputs = tf.feature_column.input_layer(features, ...) # Compute logits with tf.keras.layers API hidden_layer0 = tf.keras.layers.Dense( units=1000, activation="relu")(inputs) hidden_layer1 = tf.keras.layers.Dense( units=500, activation="relu")(hidden_layer0) logits = tf.keras.layers.Dense( units=head.logits_dimension, activation=None)(hidden_layer1) # Or use Keras model for logits computation model = tf.keras.Sequential() model.add(tf.keras.layers.Dense(units=1000, activation="relu")) model.add(tf.keras.layers.Dense(units=500, activation="relu")) model.add(tf.keras.layers.Dense( units=head.logits_dimension, activation=None)) logits = model(inputs) return head.create_estimator_spec( features=features, labels=labels, mode=mode, logits=logits, optimizer=optimizer)
Properties
logits_dimension
Size of the last dimension of the logits Tensor
.
Often is the number of classes, labels, or real values to be predicted.
Typically, logits is of shape [batch_size, logits_dimension]
.
Returns:
The expected size of the logits
tensor.
loss_reduction
One of tf.losses.Reduction
.
Describes how to reduce training loss over batch, such as mean or sum.
Returns:
The type of loss reduction used in the head.
name
The name of this head.
Returns:
A string.
Methods
tf.estimator.Head.create_estimator_spec
create_estimator_spec(
features,
mode,
logits,
labels=None,
optimizer=None,
trainable_variables=None,
train_op_fn=None,
update_ops=None,
regularization_losses=None
)
Returns EstimatorSpec
that a model_fn can return.
It is recommended to pass all args via name.
Args:
features
: Inputdict
mapping string feature names toTensor
orSparseTensor
objects containing the values for that feature in a minibatch. Often to be used to fetch example-weight tensor.mode
: Estimator'sModeKeys
.logits
: LogitsTensor
to be used by the head.labels
: LabelsTensor
, ordict
mapping string label names toTensor
objects of the label values.optimizer
: Antf.keras.optimizers.Optimizer
instance to optimize the loss in TRAIN mode. Namely, setstrain_op = optimizer.get_updates(loss, trainable_variables)
, which updates variables to minimizeloss
.trainable_variables
: A list or tuple ofVariable
objects to update to minimizeloss
. In Tensorflow 1.x, by default these are the list of variables collected in the graph under the keyGraphKeys.TRAINABLE_VARIABLES
. As Tensorflow 2.x doesn't have collections and GraphKeys, trainable_variables need to be passed explicitly here.train_op_fn
: Function that takes a scalar lossTensor
and returns an op to optimize the model with the loss in TRAIN mode. Used ifoptimizer
isNone
. Exactly one oftrain_op_fn
andoptimizer
must be set in TRAIN mode. By default, it isNone
in other modes. If you want to optimize loss yourself, you can passlambda _: tf.no_op()
and then useEstimatorSpec.loss
to compute and apply gradients.update_ops
: A list or tuple of update ops to be run at training time. For example, layers such as BatchNormalization create mean and variance update ops that need to be run at training time. In Tensorflow 1.x, these are thrown into an UPDATE_OPS collection. As Tensorflow 2.x doesn't have collections, update_ops need to be passed explicitly here.regularization_losses
: A list of additional scalar losses to be added to the training loss, such as regularization losses.
Returns:
EstimatorSpec
.
tf.estimator.Head.loss
loss(
labels,
logits,
features=None,
mode=None,
regularization_losses=None
)
Returns a loss Tensor
from provided arguments.
Note that, the args of features
and mode
are most likely not used, but
some Head implementations may require them.
Args:
labels
: LabelsTensor
, ordict
mapping string label names toTensor
objects of the label values.logits
: LogitsTensor
to be used for loss construction.features
: Inputdict
mapping string feature names toTensor
orSparseTensor
objects containing the values for that feature in a minibatch. Often to be used to fetch example-weight tensor.mode
: Estimator'sModeKeys
. To be used in case loss calculation is different in Train and Eval mode.regularization_losses
: A list of additional scalar losses to be added to the training loss, such as regularization losses.
Returns:
A scalar Tensor
representing regularized training loss used in train and
eval.
tf.estimator.Head.metrics
metrics(regularization_losses=None)
Returns a dict
of metric objects.
Args:
regularization_losses
: A list of additional scalar losses to be added to the training loss, such as regularization losses.
Returns:
A dict
of metrics keyed by string name. The value is an instance of
Metric
class.
tf.estimator.Head.predictions
predictions(
logits,
keys=None
)
Returns a dict
of predictions from provided logits.
Args:
logits
: LogitsTensor
to be used for prediction construction.keys
: A list ofstring
for prediction keys. Defaults toNone
, meaning if not specified, predictions will be created for all the pre-defined valid keys in the head.
Returns:
A dict
of predicted Tensor
keyed by prediction name.
tf.estimator.Head.update_metrics
update_metrics(
eval_metrics,
features,
logits,
labels,
mode=None,
regularization_losses=None
)
Updates metric objects and returns a dict
of the updated metrics.
Args:
eval_metrics
: Adict
of metrics to be updated.features
: Inputdict
mapping string feature names toTensor
orSparseTensor
objects containing the values for that feature in a minibatch. Often to be used to fetch example-weight tensor.logits
: logitsTensor
to be used for metrics update.labels
: LabelsTensor
, ordict
mapping string label names toTensor
objects of the label values.mode
: Estimator'sModeKeys
.regularization_losses
: A list of additional scalar losses to be added to the training and evaluation loss, such as regularization losses.
Returns:
A dict
of updated metrics keyed by name. The value is an instance of
Metric
class.