![]() |
Class MultiClassHead
Creates a Head
for multi class classification.
Inherits From: Head
Aliases:
Uses sparse_softmax_cross_entropy
loss.
The head expects logits
with shape [D0, D1, ... DN, n_classes]
.
In many applications, the shape is [batch_size, n_classes]
.
labels
must be a dense Tensor
with shape matching logits
, namely
[D0, D1, ... DN, 1]
. If label_vocabulary
given, labels
must be a string
Tensor
with values from the vocabulary. If label_vocabulary
is not given,
labels
must be an integer Tensor
with values specifying the class index.
If weight_column
is specified, weights must be of shape
[D0, D1, ... DN]
, or [D0, D1, ... DN, 1]
.
The loss is the weighted sum over the input dimensions. Namely, if the input
labels have shape [batch_size, 1]
, the loss is the weighted sum over
batch_size
.
Also supports custom loss_fn
. loss_fn
takes (labels, logits)
or
(labels, logits, features, loss_reduction)
as arguments and returns
unreduced loss with shape [D0, D1, ... DN, 1]
. loss_fn
must support
integer labels
with shape [D0, D1, ... DN, 1]
. Namely, the head applies
label_vocabulary
to the input labels before passing them to loss_fn
.
The head can be used with a canned estimator. Example:
my_head = tf.estimator.MultiClassHead(n_classes=3)
my_estimator = tf.estimator.DNNEstimator(
head=my_head,
hidden_units=...,
feature_columns=...)
It can also be used with a custom model_fn
. Example:
def _my_model_fn(features, labels, mode):
my_head = tf.estimator.MultiClassHead(n_classes=3)
logits = tf.keras.Model(...)(features)
return my_head.create_estimator_spec(
features=features,
mode=mode,
labels=labels,
optimizer=tf.keras.optimizers.Adagrad(lr=0.1),
logits=logits)
my_estimator = tf.estimator.Estimator(model_fn=_my_model_fn)
Args:
n_classes
: Number of classes, must be greater than 2 (for 2 classes, useBinaryClassHead
).weight_column
: A string or aNumericColumn
created bytf.feature_column.numeric_column
defining feature column representing weights. It is used to down weight or boost examples during training. It will be multiplied by the loss of the example.label_vocabulary
: A list or tuple of strings representing possible label values. If it is not given, that means labels are already encoded as an integer within [0, n_classes). If given, labels must be of string type and have any value inlabel_vocabulary
. Note that errors will be raised iflabel_vocabulary
is not provided but labels are strings. If bothn_classes
andlabel_vocabulary
are provided,label_vocabulary
should contain exactlyn_classes
items.loss_reduction
: One oftf.losses.Reduction
exceptNONE
. Decides how to reduce training loss over batch. Defaults toSUM_OVER_BATCH_SIZE
, namely weighted sum of losses divided bybatch size * label_dimension
.loss_fn
: Optional loss function.name
: Name of the head. If provided, summary and metrics keys will be suffixed by"/" + name
. Also used asname_scope
when creating ops.
__init__
__init__(
n_classes,
weight_column=None,
label_vocabulary=None,
loss_reduction=losses_utils.ReductionV2.SUM_OVER_BATCH_SIZE,
loss_fn=None,
name=None
)
Initialize self. See help(type(self)) for accurate signature.
Properties
logits_dimension
See base_head.Head
for details.
loss_reduction
See base_head.Head
for details.
name
See base_head.Head
for details.
Methods
tf.estimator.MultiClassHead.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.MultiClassHead.loss
loss(
labels,
logits,
features=None,
mode=None,
regularization_losses=None
)
Returns regularized training loss. See base_head.Head
for details.
tf.estimator.MultiClassHead.metrics
metrics(regularization_losses=None)
Creates metrics. See base_head.Head
for details.
tf.estimator.MultiClassHead.predictions
predictions(
logits,
keys=None
)
Return predictions based on keys. See base_head.Head
for details.
Args:
logits
: logitsTensor
with shape[D0, D1, ... DN, logits_dimension]
. For many applications, the shape is[batch_size, logits_dimension]
.keys
: a list or tuple of prediction keys. Each key can be either the class variable of prediction_keys.PredictionKeys or its string value, such as: prediction_keys.PredictionKeys.CLASSES or 'classes'. If not specified, it will return the predictions for all valid keys.
Returns:
A dict of predictions.
tf.estimator.MultiClassHead.update_metrics
update_metrics(
eval_metrics,
features,
logits,
labels,
regularization_losses=None
)
Updates eval metrics. See base_head.Head
for details.