Let's say I have network with following params:
- fully convolutional network for semantic segmentation
- loss = weighted binary cross entropy (but it could be any loss function, doesn't matter)
- 5 classes - inputs are images and ground truths are binary masks
- Batch size = 16
Now, I know that the loss is calculated in the following manner: binary cross entropy is applied to each pixel in the image with regards to each class. So essentially, each pixel will have 5 loss values
What happens after this step?
When I train my network, it prints only a single loss value for an epoch. There are many levels of loss accumulation that need to happen to produce a single value and how it happens is not clear at all in the docs/code.
- What gets combined first - (1) the loss values of the class(for instance 5 values(one for each class) get combined per pixel) and then all the pixels in the image or (2)all the pixels in the image for each individual class, then all the class losses are combined?
- How exactly are these different pixel combinations happening - where is it being summed / where is it being averaged?
- Keras's binary_crossentropy averages over
axis=-1
. So is this an average of all the pixels per class or average of all the classes or is it both??
To state it in a different way: how are the losses for different classes combined to produce a single loss value for an image?
This is not explained in the docs at all and would be very helpful for people doing multi-class predictions on keras, regardless of the type of network. Here is the link to the start of keras code where one first passes in the loss function.
The closest thing I could find to an explanation is
loss: String (name of objective function) or objective function. See losses. If the model has multiple outputs, you can use a different loss on each output by passing a dictionary or a list of losses. The loss value that will be minimized by the model will then be the sum of all individual losses
from keras. So does this mean that the losses for each class in the image is simply summed?
Example code here for someone to try it out. Here's a basic implementation borrowed from Kaggle and modified for multi-label prediction:
# Build U-Net model
num_classes = 5
IMG_DIM = 256
IMG_CHAN = 3
weights = {0: 1, 1: 1, 2: 1, 3: 1, 4: 1000} #chose an extreme value just to check for any reaction
inputs = Input((IMG_DIM, IMG_DIM, IMG_CHAN))
s = Lambda(lambda x: x / 255) (inputs)
c1 = Conv2D(8, (3, 3), activation='relu', padding='same') (s)
c1 = Conv2D(8, (3, 3), activation='relu', padding='same') (c1)
p1 = MaxPooling2D((2, 2)) (c1)
c2 = Conv2D(16, (3, 3), activation='relu', padding='same') (p1)
c2 = Conv2D(16, (3, 3), activation='relu', padding='same') (c2)
p2 = MaxPooling2D((2, 2)) (c2)
c3 = Conv2D(32, (3, 3), activation='relu', padding='same') (p2)
c3 = Conv2D(32, (3, 3), activation='relu', padding='same') (c3)
p3 = MaxPooling2D((2, 2)) (c3)
c4 = Conv2D(64, (3, 3), activation='relu', padding='same') (p3)
c4 = Conv2D(64, (3, 3), activation='relu', padding='same') (c4)
p4 = MaxPooling2D(pool_size=(2, 2)) (c4)
c5 = Conv2D(128, (3, 3), activation='relu', padding='same') (p4)
c5 = Conv2D(128, (3, 3), activation='relu', padding='same') (c5)
u6 = Conv2DTranspose(64, (2, 2), strides=(2, 2), padding='same') (c5)
u6 = concatenate([u6, c4])
c6 = Conv2D(64, (3, 3), activation='relu', padding='same') (u6)
c6 = Conv2D(64, (3, 3), activation='relu', padding='same') (c6)
u7 = Conv2DTranspose(32, (2, 2), strides=(2, 2), padding='same') (c6)
u7 = concatenate([u7, c3])
c7 = Conv2D(32, (3, 3), activation='relu', padding='same') (u7)
c7 = Conv2D(32, (3, 3), activation='relu', padding='same') (c7)
u8 = Conv2DTranspose(16, (2, 2), strides=(2, 2), padding='same') (c7)
u8 = concatenate([u8, c2])
c8 = Conv2D(16, (3, 3), activation='relu', padding='same') (u8)
c8 = Conv2D(16, (3, 3), activation='relu', padding='same') (c8)
u9 = Conv2DTranspose(8, (2, 2), strides=(2, 2), padding='same') (c8)
u9 = concatenate([u9, c1], axis=3)
c9 = Conv2D(8, (3, 3), activation='relu', padding='same') (u9)
c9 = Conv2D(8, (3, 3), activation='relu', padding='same') (c9)
outputs = Conv2D(num_classes, (1, 1), activation='sigmoid') (c9)
model = Model(inputs=[inputs], outputs=[outputs])
model.compile(optimizer='adam', loss=weighted_loss(weights), metrics=[mean_iou])
def weighted_loss(weightsList):
def lossFunc(true, pred):
axis = -1 #if channels last
#axis= 1 #if channels first
classSelectors = K.argmax(true, axis=axis)
classSelectors = [K.equal(tf.cast(i, tf.int64), tf.cast(classSelectors, tf.int64)) for i in range(len(weightsList))]
classSelectors = [K.cast(x, K.floatx()) for x in classSelectors]
weights = [sel * w for sel,w in zip(classSelectors, weightsList)]
weightMultiplier = weights[0]
for i in range(1, len(weights)):
weightMultiplier = weightMultiplier + weights[i]
loss = BCE_loss(true, pred) - (1+dice_coef(true, pred))
loss = loss * weightMultiplier
return loss
return lossFunc
model.summary()
The actual BCE-DICE loss function can be found here.
Motivation for the question: Based on the above code, the total validation loss of the network after 20 epochs is ~1%; however, the mean intersection over union scores for the first 4 classes are above 95% each, but for the last class its 23%. Clearly indicating that the 5th class isn't doing well at all. However, this loss in accuracy isn't being reflected at all in the loss. Hence, that means the individual losses for the sample are being combined in a way that completely negates the huge loss we see for the 5th class. And, so when the per sample losses are being combined over batch, it's still really low. I'm not sure how to reconcile this information.
My answer for (1): When training a batch of images, an array consisting of pixel values is trained by calculating the non-linear function, loss and optimizing (updating the weights). The loss is not calculated for each pixel value; rather, it is done for each image.
The pixel values (X_train), weights and bias (b) are used in a sigmoid (for the simplest example of non-linearity) to calculate the predicted y value. This, along with the y_train (a batch at a time) is used to calculate the loss, which is optimized using one of the optimization methods like SGD, momentum, Adam, etc to update the weights and biases.
My answer for (2): During the non-linearity operation, the pixel values (X_train) are combined with the weights (through a dot product) and added to bias to form a predicted target value.
In a batch, there may be training examples belonging to different classes. The corresponding target values (for each class) are compared with the corresponding predicted values to compute the loss. These are Therefore, it is perfectly fine to sum all the losses.
It really doesn't matter if they belong to one class or multiple classes as long as you compare it with a corresponding target of the correct class. Make sense?
Although I have already mentioned part of this answer in a related answer, but let's inspect the source code step-by-step with more details to find the answer concretely.
First, Let's feedforward(!): there is a call to
weighted_loss
function which takesy_true
,y_pred
,sample_weight
andmask
as inputs:weighted_loss
is actually an element of a list which contains all the (augmented) loss functions passed tofit
method:The "augmented" word I mentioned is important here. That's because, as you can see above, the actual loss function is wrapped by another function called
weighted_masked_objective
which has been defined as follows:So, there is a nested function,
weighted
, that actually calls the real loss functionfn
in the linescore_array = fn(y_true, y_pred)
. Now, to be concrete, in case of the example the OP provided, thefn
(i.e. loss function) isbinary_crossentropy
. Therefore we need to take a look at the definition ofbinary_crossentropy()
in Keras:which in turn, calls the backend function
K.binary_crossentropy()
. In case of using Tensorflow as the backend, the definition ofK.binary_crossentropy()
is as follows:The
tf.nn.sigmoid_cross_entropy_with_logits
returns:Now, let's backpropagate(!): considering the above note, the output shape of
K.binray_crossentropy
would be the same asy_pred
(ory_true
). As the OP mentioned,y_true
has a shape of(batch_size, img_dim, img_dim, num_classes)
. Therefore, theK.mean(..., axis=-1)
is applied over a tensor of shape(batch_size, img_dim, img_dim, num_classes)
which results in an output tensor of shape(batch_size, img_dim, img_dim)
. So the loss values of all classes are averaged for each pixel in the image. Hence, the shape ofscore_array
inweighted
function mentioned above would be(batch_size, img_dim, img_dim)
. There is one more step: the return statement inweighted
function takes the mean again i.e.return K.mean(score_array)
. So how does it compute the mean? If you take a look at the definition ofmean
backend function you would find out that theaxis
argument isNone
by default:And it calls the
tf.reduce_mean()
which given anaxis=None
argument, takes the mean over all the axes of input tensor and return one single value. Therefore, the mean of the whole tensor of shape(batch_size, img_dim, img_dim)
is computed, which translates to taking the average over all the labels in the batch and over all their pixels, and is returned as one single scalar value which represents the loss value. Then, this loss value is reported back by Keras and is used for optimization.Bonus: what if our model has multiple output layers and therefore multiple loss functions are used?
Remember the first piece of code I mentioned in this answer:
As you can see there is an
i
variable which is used for indexing the array. You may have guessed correctly: it is actually part of a loop which computes the loss value for each output layer using its designated loss function and then takes the (weighted) sum of all these loss values to compute the total loss: