CS180 Final Project: Facial Keypoint Detection with Neural Networks
Deniz Demirtas - Tan Sarp Gerzile
In this project, we are going to delve into the fundamental operating principles of diffusion models, and understand how does image generation with diffusion models work under the hood. To start off with, we are going to start with the DeepFloyd IF diffusion model. You can find more information about the model here.
Nose Tip Detection
To start, we are going to train a "toy" model using the IMM Face Database for nose tip detection. We are going to cast the nose detection problem as a pixel coordinate regression problem.
The CNN model we are going to start with is a simple 3 convolutional layer network with 16, 32, and 32 hidden layers for each. Each convolutional layer is followed by a ReLU activation function and then a max pooling layer. Then, the model is followed by 2 fully connected layers with 58 and 2 hidden units respectively, where the first layer is followed by a ReLU activation function. For training, we are going to use the Adam optimizer with a learning rate of 1e-3.
As for preparing the data, we load the images into grayscale, then normalize by converting the input data that's in uint8 [0, 255] to np.float32, in which they are centered around [-0.5, 0.5]. Here are some examples after initial processing with the landmark annotations for nose tips.
Images sampled from the training dataset after processing
data:image/s3,"s3://crabby-images/604f5/604f5d440dc9a8c227a20371addb9b0b4caaf1e3" alt=""
data:image/s3,"s3://crabby-images/7d1ae/7d1ae951bd3f1a0e371b0b93884536b401af7d0e" alt=""
data:image/s3,"s3://crabby-images/f5beb/f5beb608051eb033f38cb599401773f48e4543bc" alt=""
Here are the training and validation losses for the explained model for 10, 15, 20, and 25 epochs.
Training Loss
data:image/s3,"s3://crabby-images/87d67/87d6747bd055cb0f8745fe40223e97d90b329372" alt=""
10 Epoch Training Loss
data:image/s3,"s3://crabby-images/bba28/bba288f4aff4aa387493a357fd5dd49b0da2ac65" alt=""
15 Epoch Training Loss
data:image/s3,"s3://crabby-images/8c812/8c812414029b643fad811bc8528300c2e68ce4fc" alt=""
20 Epoch Training Loss
data:image/s3,"s3://crabby-images/f7661/f7661c160c5259b2f3cd596eb37cea8931fcd716" alt=""
25 Epoch Training Loss
Validation Loss
data:image/s3,"s3://crabby-images/0d394/0d394b3c3e3c7efdda49a31f4c7dbb2b997ad60e" alt=""
10 Epoch Validation Loss
data:image/s3,"s3://crabby-images/31bea/31beac95d8eff5f564c42b9fd85d4b1071771e5d" alt=""
15 Epoch Validation Loss
data:image/s3,"s3://crabby-images/d2a6b/d2a6b7afc585cbd3bb75a1c4c31aa31a57b57257" alt=""
20 Epoch Validation Loss
data:image/s3,"s3://crabby-images/a9f2d/a9f2d9d543055e2d6d3bec72427e7edcb8a32330" alt=""
25 Epoch Validation Loss
From the results, we can see that the number of epochs don't offer a significant improvement in the model's performance. Therefore, for this part, we are going to use 20 epochs for training during hyperparameter search.
Here are some predictions from the model.
data:image/s3,"s3://crabby-images/60510/605109e1dbac772bb1dde08a788c1d2ee8218314" alt=""
Prediction 0 (accurate)
data:image/s3,"s3://crabby-images/0b2c1/0b2c1bb4e0bc505823dd8f1ebb07e588c6fb2ee2" alt=""
Prediction 1 (accurate)
data:image/s3,"s3://crabby-images/1b18f/1b18f505142cba8402fcce52f61763141556c948" alt=""
Prediction 2 (inaccurate)
data:image/s3,"s3://crabby-images/5a548/5a54803c8d023aab004c3807f87e26a4f0c0febf" alt=""
Prediction 3 (inaccurate)
As you can see, the first two images we display acquire pretty satisying predictions. However, the last two has errors in their predictions. Our hyphotesis for the inaccurate predictions is that the model does perform poorly on images where the face isn't straight on the camera and/or in the cases where facial expressions are more pronounced. This is assumed to be due to the limited amount of data and the small size of the model.
Hyperparameter Search
We start our hyperparameter search with exploring learning rates. We test the learning rates displayed on the below plot. No learning rate seems to work better than our initial selection.
Then, we proceed with using a deeper model with 5 convolutional layers that double in the size of the hidden layers for every layer. However, the results also seem to show no credible improvement. The more shallow model is inclided to converge to a "safe" local minima that predicts the average nose tip.
data:image/s3,"s3://crabby-images/0461d/0461ded756bd18eca2baad00cac51e6efd3d597e" alt=""
Learning Rate Training Loss Comparison for 3 layer model
data:image/s3,"s3://crabby-images/b9b18/b9b181a70590285101ddce1bd34e41fd99834063" alt=""
Learning Rate Training Loss Comparison for 5 layer model
Full Facial Keypoint Detection
In this part, we are going to extend the model to detect all the facial keypoints. We are going to run the training procedure on all 58 keypoints that the dataset provides. There are couple changes to the pipeline. To start off, we are going to be having larger input images of size 240x180 as well as data augmentation. Data augmentation is important as we have a small dataset and we don't want to overfit, augmentation enables us to have more data to train on.
As for the augmentation, we are going to be applying random rotations in range of -15 to 15 degrees, translation in range of -10 to 10 pixels, and color jittering, such as brightness and saturation where we vary the brightness and saturation by +- 25% with probability p=0.3. While doing so, it's important to apply the translational transformation to the keypoints as well. Trying to do so initially caused problems where we weren't able to align the keypoints with the transformed image. Upon investigating, it was found that the rotational matrix that's applied to the keypoints is problematic if the keypoints are not centered around the origin. This was a subtle issue as the computer vision libraries used to rotate the images are based on the assumption of rotating the image from the center. Therefore, we center the keypoints around the origin, apply the rotation, and then shift them back to their original position. For the training, we are going to use a learning rate of 1e-3 as it had worked decently well for the previous task.
Here are some augmented samples from the dataset.
data:image/s3,"s3://crabby-images/c38c5/c38c53c676c8c6156e5f4f2cccc641a2066105c8" alt=""
data:image/s3,"s3://crabby-images/6f77d/6f77dc557e3ff9cb61842f6f7db7abb0c99f759b" alt=""
data:image/s3,"s3://crabby-images/34595/34595b44962f492b1997abbaca0dd04b14d20221" alt=""
data:image/s3,"s3://crabby-images/036c2/036c2849e1b878b2355937bffb96ad76945685c4" alt=""
data:image/s3,"s3://crabby-images/6ff39/6ff39cb5fe47c4ba3f1b1d51f4ae55f8b2f4fb72" alt=""
As for the architecture of our model, we are using a 5-layered convolutional model that has 256 channels with two fully conntected layers of 128 and 116 hidden units respectively. The first fully connected layer is followed by a ReLU activation function, and the second layer is followed by a dropout layer with p=0.35 as we noticed that the model shows extreme tendency to overfit, most probably due to the small amount of data we have.
Here are the progression of the training and validation losses for the model.
Training Loss
data:image/s3,"s3://crabby-images/77d76/77d76a19f91d0943a76f3eade9797913659cf1bc" alt=""
data:image/s3,"s3://crabby-images/c803d/c803de2f64d1a57e5fc46af2b330ba5c5a19775c" alt=""
Validation Loss
data:image/s3,"s3://crabby-images/3cf06/3cf064b3c965c1a2632986bd2e56a1edd2afe3fb" alt=""
data:image/s3,"s3://crabby-images/35259/352590a8f6cdc8d2e20836c66dca676341782169" alt=""
Here are the visualizations of the filters every other layer throughout the model
data:image/s3,"s3://crabby-images/57265/572654c729e0b1935c6def7aa6df21c2f32e52de" alt=""
data:image/s3,"s3://crabby-images/6d8f4/6d8f4ccb3ac708f2af00e2ea5681142dc5d653fe" alt=""
data:image/s3,"s3://crabby-images/37899/378997f3cf45eed6027fee6623aa8f3110e24106" alt=""
data:image/s3,"s3://crabby-images/6fc7a/6fc7adf20309aa9980d198719757b0f50e7ffde2" alt=""
data:image/s3,"s3://crabby-images/a3ff3/a3ff3ff6a68f6177ac2779a6b88415dbf029add0" alt=""
data:image/s3,"s3://crabby-images/2c49a/2c49a1912b1c8cf0891144535914a5f134e9a1b4" alt=""
data:image/s3,"s3://crabby-images/3f369/3f369d3d84e3142af3787dd92007c65ebbb49e43" alt=""
data:image/s3,"s3://crabby-images/97a2b/97a2b2b8132a32d331e67ac35ea0d741db201a27" alt=""
data:image/s3,"s3://crabby-images/9efe0/9efe05edc335c007ff9b0ab9136716a6fe666287" alt=""
data:image/s3,"s3://crabby-images/74ae2/74ae23738664edc61dd3e471052e644d16109c04" alt=""
As you can see, we tend to have couple unused (dead) filters throughout our model. This is probably due to the lack of data and the overcomplexity of the model because the model doesn't need to activate all the filters to get a good prediction.
Here are some predictions
data:image/s3,"s3://crabby-images/3eb94/3eb946d080f94cf87d013a5f6fa0e02b119f5d5b" alt=""
data:image/s3,"s3://crabby-images/33c8b/33c8b3eb9921883abc2399dd9bed2c8672cf9400" alt=""
data:image/s3,"s3://crabby-images/e8d12/e8d127b3782793b35ad50d0096908d87c0456f9a" alt=""
data:image/s3,"s3://crabby-images/6c844/6c84485321f4b66464f52e318733f9a147cf65a9" alt=""
data:image/s3,"s3://crabby-images/3ec8b/3ec8b0cc267c430cf60ae3ca2a93084ef1d71110" alt=""
data:image/s3,"s3://crabby-images/7a629/7a629b0bfd156466c2353126ab86da2af5497493" alt=""
When observing the results, we can see that the model does relatively well on cases where the face is straight on the camera and the facial expressions are not too pronounced. However, the the model seems to be predicting the average keypoints when the face is rotated.
Increasing the Model Size
In this part, we are going to increase the model size as well as using a quite larger dataset to see if we can improve the model's performance. As for our model, we are going to use a ResNet18 model with 18 layers, with minor changes to the initial convolution layer, to accmodate our grayscale images as well as adapting the output layer to match the number of keypoints. We are going to use the Adam optimizer with a learning rate of 1e-3. We are going to use the same data augmentation techniques as in the previous part. After training with the initial setup, unsatisfied with the results, we have implemented a learning rate scheduler with gamma 0.1 and step size 5.
One other modification that we did was to the loss function we used. Instead of using MSE as we did for the previous parts, we have decided to use cross-entropy loss instead as we didn't get satisfactory results from the MSE training approaches. We believe cross-entropy loss was a better choice than MSE for the task of predicting heatmaps because it treats the heatmaps as probability distributions rather than just pixel-wise intensity values. In landmark detection, the goal is to predict heatmaps where the pixel values encode the likelihood of a landmark’s position. Cross-entropy loss penalizes the difference between the predicted probability distribution and the ground-truth Gaussian heatmap more effectively by focusing on reducing errors where the target probabilities are high (e.g., near the landmark peak). In contrast, MSE equally penalizes all pixel-wise differences, including areas far from the landmark where values are already near zero, which can lead to slower convergence and less precise localization. Cross-entropy encourages sharper, peaked predictions and helps the model concentrate on accurately estimating the spatial distribution of landmarks, improving overall precision and robustness in landmark localization.
The last modification that was made was to increase the size of the bounding box the dataset offers by 1.2, as the bounding box wasn't manually generated and the algorithm used to generate was commonly cropping parts of the face. Before proceeding to the loss progression and predictions, let's observe some samples from our dataloader after augmentation.
data:image/s3,"s3://crabby-images/b3428/b3428a5933b19856b7af764cb09a976f7a69d38b" alt=""
data:image/s3,"s3://crabby-images/340a3/340a3500468d2268f673b3df4f9fc37a732e0674" alt=""
data:image/s3,"s3://crabby-images/55cb3/55cb3f97085bb1d835009e7c9c4b11839586e320" alt=""
data:image/s3,"s3://crabby-images/c2e3d/c2e3da5f0afcd20cc41428f421688a281f685a6a" alt=""
Loss Progression
data:image/s3,"s3://crabby-images/bc0df/bc0dffaeb2f3987278a8c0071bf5f80edba2b08a" alt=""
Training Loss for 10 Epochs
data:image/s3,"s3://crabby-images/fb423/fb42353d3202db5ee5a325e21d3b50010ed5798e" alt=""
Validation Loss for 10 Epochs
data:image/s3,"s3://crabby-images/7ced3/7ced38d00bc9bafbe03e1f762614d5eef0e1f8b1" alt=""
Training Loss for 16 Epochs
data:image/s3,"s3://crabby-images/e78b6/e78b635e4f1974c0df13fd5b06d1e9166cc7ac66" alt=""
Validation Loss for 16 Epochs
10 Epochs Predictions
data:image/s3,"s3://crabby-images/ac77e/ac77ed3363463a325d0c4fe4ca859c44b17ea3c3" alt=""
data:image/s3,"s3://crabby-images/8f8e3/8f8e39b0068dfa9cfe88e912f3f5e88f0ab8fdfc" alt=""
data:image/s3,"s3://crabby-images/14ea0/14ea0ee32d26a21c305b6cb52b8c74c8a26c59ec" alt=""
data:image/s3,"s3://crabby-images/32ebd/32ebda0bdba843accc1836716e2f84de3078c742" alt=""
16 Epochs Predictions
data:image/s3,"s3://crabby-images/bc036/bc036344774a91d2f21176e96df2171d8eb68002" alt=""
data:image/s3,"s3://crabby-images/5e32d/5e32d830fd1ff623d668786dbca49c27bc4fb04e" alt=""
data:image/s3,"s3://crabby-images/24e6a/24e6a9f04a9425c3de9d393588b43a1309919df1" alt=""
data:image/s3,"s3://crabby-images/d7aaa/d7aaaca6eb660dd9ef86c5bcb4fef169533e6a9c" alt=""
Observing the predictions, it's safe to say that our model does quite a better job than the previos one that was trained on a limited dataset. Most of the results along the quality of the better predictions displayed. A common pattern we noticed for the inaccurate predictions is that they tend to share a 3 degrees of freedom on the orientation of the face. That is, for the faces where there is rotation on the y axis as well as the z axis, the model tends to get inaccurate. This could be explained by the fact that we can't augment the data to include such rotations if the data is limited for such examples.
Pixel-wise Landmark Classification
In this part, we are going to turn the problem into a pixelwise classifciation problem from a pixel regression problem. That is, we are going to predict how likely it is for each pixel to be the keypoint. We are going to do so by placing 2D Gaussians over our landmark coordinates.
For this part, we are going to use an U-Net model. The model will take the generated heatmaps as input and generate heatmap predictions. We then have to convert the heatmap predictions to the coordinates of the keypoints. For this, we have initially tested a softmax approach, an argmax approach, and a weighted argmax approach.
The weighted argmax approach works by treating the heatmap predictions as probability distributions over the pixel grid, where the pixel intensities represent the likelihood of a landmark's location. Instead of simply selecting the pixel with the highest intensity (as done in the standard argmax approach), the weighted argmax computes a weighted average of all pixel coordinates, with the heatmap values acting as weights. As the weighted argmax considers the entire heatmap distribution, not just the single most confident pixel, it appeared to provide better results.
For the generation of the gaussians, we have tried training on sigmas [7, 9, 11]. The larger sigmas turned to overlap the features' heatmaps. We believe this contributed to learning localizing quickly initially, however, the precision of the predictions was not as good as the other sigmas, and the loss converged quickly afterwards. With sigma=7, though loss started higher, we have seen a more consistent learning process.
Here are some of the accumulated heatmaps that was used as the input of the model
data:image/s3,"s3://crabby-images/1dd29/1dd2962db3bb8bd10443f6eacbb00e15e368831f" alt=""
data:image/s3,"s3://crabby-images/e8e43/e8e433970665cd488726d6f7572624be1d964c63" alt=""
data:image/s3,"s3://crabby-images/3ba79/3ba792657b3fba820819fb4f1ead0c548490b2e2" alt=""
data:image/s3,"s3://crabby-images/fa3da/fa3da3a6e6b77ce10f0f7b48a7f9ec4df6497e12" alt=""
As for the information on the parameters of our training. We have initially started learning with lr=1e-3, although it seemed to learn, the progress was slow. Therefore, we wanted to be able to start from a higher learning rate, however, enable model to make small improvements as the training progressed. That's why, we have implemented a learning rate scheduler with gamma = 0.1 and step size = 5, which enabled us to start with a learning rate of 5e-3.
Here are the details of the loss
data:image/s3,"s3://crabby-images/c16bd/c16bdd03834a73f0be0062dcf7d19c6e36f68340" alt=""
Training Loss
data:image/s3,"s3://crabby-images/9c7d6/9c7d609d93d66fc40f3565890893be4e5eb22280" alt=""
Validation Loss
Here are some of the predictions
data:image/s3,"s3://crabby-images/de358/de358926bf845f5da8107a0923ff758d8a84730e" alt=""
data:image/s3,"s3://crabby-images/dcbfb/dcbfb6b52dce0f99d379f26fe4cdb2b3a2ec3996" alt=""
data:image/s3,"s3://crabby-images/329f3/329f361c9bb4ecaeaad3ece7bead8837ffc6f683" alt=""
data:image/s3,"s3://crabby-images/7417e/7417e5b4a28f9f49103cf506adba63765080744a" alt=""
data:image/s3,"s3://crabby-images/d65bf/d65bfd4722cbe45b0e5d3be069ff275fdd80f5ce" alt=""
From observing the results, we can see that the model is able to learn the surroinding landmarks of the face pretty accurately, especially compared to inner features such as mouth and nose. Our hyphotesis is that the although it showed satisfactory results to decrease sigma to 7 from 9 and 11, observing the heatmaps, the gaussians seem to overlap quite a lot, which makes it harder for the model to learn the exact location of the landmarks.
BW - Pixel-wise Landmark Classification with 0/1 mask heatmaps.
We wanted to evaluate the results with a 0-1 mask of the heatmaps generated from the coordinates of the landmarks. Since we had the previous deductions regarding the size of the gaussians from last part, we wanted to test this part with masks that have smaller radii, therefore, we used radius=3 for the masks we generated in this part.
Here are some of the heatmaps
data:image/s3,"s3://crabby-images/576a8/576a8b8ba95756b57168c1388140a0969ad75690" alt=""
data:image/s3,"s3://crabby-images/e8760/e8760025e8617dd8dbd6dfba22d7d0153f5f3389" alt=""
data:image/s3,"s3://crabby-images/3ce44/3ce441d0a6f7590308239f847713201e17a7967d" alt=""
data:image/s3,"s3://crabby-images/d9816/d98162129192133fe62ecd91da5226b1a98e3b90" alt=""
As for the training and the model, we have kept everything the same as we deducted that our setup was satisfactory from the previous part. The weighted argmax approach of converting the heatmaps into the coordinates is now equivalent to calculating the centroid of the heatmaps and getting their center of mass to be the coordinates.
Here is the loss progression
data:image/s3,"s3://crabby-images/9ef9a/9ef9a2ed40f2bb0735f1df88e2416b5c1a8029c2" alt=""
Training Loss
data:image/s3,"s3://crabby-images/37406/374066f709b02a34ad93af7121c637d48dff634b" alt=""
Validation Loss
From the loss progression, we can see a further decrease in the loss compared to the previous Gaussian based approach. Let's observe some of the predictions as well.
Here are some of the predictions
data:image/s3,"s3://crabby-images/1831a/1831a59f560227e7b76c511af8a19d28b73d9eb2" alt=""
data:image/s3,"s3://crabby-images/7b69b/7b69b63ed58c339b8429cf91e82887d4c77f25b6" alt=""
data:image/s3,"s3://crabby-images/0688c/0688c138a8270e29d76bc40fd681182d15e54ccf" alt=""
data:image/s3,"s3://crabby-images/2d04a/2d04a5f8c605b1ed5ace50cd64b531cc5c54a860" alt=""
data:image/s3,"s3://crabby-images/e3ee9/e3ee946747e777567c0e6f28be83f8f69433bc44" alt=""
data:image/s3,"s3://crabby-images/86653/86653a488d0d25fe9b2ffeaf2ea367af516b8f12" alt=""
The results seems to be incredibly satisfactory, only output that wasn't as good as the rest of the predictions was a case where the shape of the face was heavily distorted because of the hands pulling the mouth (bottom right).
Though the results are impressive and better than the Gaussian-based approach in this instance, we believe this comparison is not entirely credible. This is because decreasing the radius of the binary mask (compared to the sigma value used for the Gaussian) made a significant difference in our inputs, making the inner face landmarks much more identifiable. Therefore, as we lack a controlled and fair test case, we cannot definitively conclude which approach works better.
However, our intuition aligns with the idea that the Gaussian-based approach would ultimately perform better, particularly with appropriately small sigma values. This intuition stems from the fact that the Gaussian-based heatmaps carry more information about the spatial distribution of a landmark's probability.
Distinction Between Methods:
-
Binary Mask Approach:
When applying the weighted argmax method to a binary mask, the weights are either 1 (inside the mask) or 0 (outside). Mathematically, this reduces to calculating the centroid (center of mass) of the region. Since the weights are uniform, the resulting coordinate is simply the arithmetic average of all pixel locations within the binary mask. No additional spatial information beyond the mask's shape and size is used.
-
Gaussian-Based Approach:
In contrast, the Gaussian-based heatmap encodes a spatial probability distribution around the true landmark location. The pixel values decay smoothly from the center of the Gaussian, assigning higher weights to pixels closer to the landmark and progressively lower weights to pixels farther away.
Mathematically, the weighted argmax for a Gaussian heatmap computes a soft center of mass where the pixel intensities act as probabilities or weights:
xGaussian = (Σ xij * Hij) / Σ Hij, yGaussian = (Σ yij * Hij) / Σ Hij
Here,
Hij
represents the Gaussian values at each pixel, which are non-uniform and encode how "likely" each pixel is to be the landmark. This smooth weighting allows the Gaussian-based approach to provide sub-pixel accuracy and more robust predictions, especially when landmarks are partially occluded, ambiguous, or noisy.
Why We Think Gaussian Would Perform Better (in Theory):
In the Gaussian-based method:
- The pixel weights are continuous and smoothly decaying, providing a stronger signal about the landmark's location.
- The weighted average incorporates this probability distribution, which helps the model learn finer spatial relationships and improves landmark localization precision.
In comparison, the binary mask provides only a hard region with equal weight, leading to less spatial information. Therefore, while the weighted argmax reduces to the centroid for binary masks, the Gaussian-based approach leverages richer information to generate more accurate landmark predictions.