Artificial Intelligence Nanodegree

Computer Vision Capstone

Project: Facial Keypoint Detection


Welcome to the final Computer Vision project in the Artificial Intelligence Nanodegree program!

In this project, you’ll combine your knowledge of computer vision techniques and deep learning to build and end-to-end facial keypoint recognition system! Facial keypoints include points around the eyes, nose, and mouth on any face and are used in many applications, from facial tracking to emotion recognition.

There are three main parts to this project:

Part 1 : Investigating OpenCV, pre-processing, and face detection

Part 2 : Training a Convolutional Neural Network (CNN) to detect facial keypoints

Part 3 : Putting parts 1 and 2 together to identify facial keypoints on any image!


*Here's what you need to know to complete the project:

  1. In this notebook, some template code has already been provided for you, and you will need to implement additional functionality to successfully complete this project. You will not need to modify the included code beyond what is requested.

    a. Sections that begin with '(IMPLEMENTATION)' in the header indicate that the following block of code will require additional functionality which you must provide. Instructions will be provided for each section, and the specifics of the implementation are marked in the code block with a 'TODO' statement. Please be sure to read the instructions carefully!

  1. In addition to implementing code, there will be questions that you must answer which relate to the project and your implementation.

    a. Each section where you will answer a question is preceded by a 'Question X' header.

    b. Carefully read each question and provide thorough answers in the following text boxes that begin with 'Answer:'.

Note: Code and Markdown cells can be executed using the Shift + Enter keyboard shortcut. Markdown cells can be edited by double-clicking the cell to enter edit mode.

The rubric contains optional suggestions for enhancing the project beyond the minimum requirements. If you decide to pursue the "(Optional)" sections, you should include the code in this IPython notebook.

Your project submission will be evaluated based on your answers to each of the questions and the code implementations you provide.

Steps to Complete the Project

Each part of the notebook is further broken down into separate steps. Feel free to use the links below to navigate the notebook.

In this project you will get to explore a few of the many computer vision algorithms built into the OpenCV library. This expansive computer vision library is now almost 20 years old and still growing!

The project itself is broken down into three large parts, then even further into separate steps. Make sure to read through each step, and complete any sections that begin with '(IMPLEMENTATION)' in the header; these implementation sections may contain multiple TODOs that will be marked in code. For convenience, we provide links to each of these steps below.

Part 1 : Investigating OpenCV, pre-processing, and face detection

  • Step 0: Detect Faces Using a Haar Cascade Classifier
  • Step 1: Add Eye Detection
  • Step 2: De-noise an Image for Better Face Detection
  • Step 3: Blur an Image and Perform Edge Detection
  • Step 4: Automatically Hide the Identity of an Individual

Part 2 : Training a Convolutional Neural Network (CNN) to detect facial keypoints

  • Step 5: Create a CNN to Recognize Facial Keypoints
  • Step 6: Compile and Train the Model
  • Step 7: Visualize the Loss and Answer Questions

Part 3 : Putting parts 1 and 2 together to identify facial keypoints on any image!

  • Step 8: Build a Robust Facial Keypoints Detector (Complete the CV Pipeline)

Step 0: Detect Faces Using a Haar Cascade Classifier

Have you ever wondered how Facebook automatically tags images with your friends' faces? Or how high-end cameras automatically find and focus on a certain person's face? Applications like these depend heavily on the machine learning task known as face detection - which is the task of automatically finding faces in images containing people.

At its root face detection is a classification problem - that is a problem of distinguishing between distinct classes of things. With face detection these distinct classes are 1) images of human faces and 2) everything else.

We use OpenCV's implementation of Haar feature-based cascade classifiers to detect human faces in images. OpenCV provides many pre-trained face detectors, stored as XML files on github. We have downloaded one of these detectors and stored it in the detector_architectures directory.

Import Resources

In the next python cell, we load in the required libraries for this section of the project.

In [1]:
# Import required libraries for this section

%matplotlib inline

import numpy as np
import matplotlib.pyplot as plt
import math
import cv2                     # OpenCV library for computer vision
from PIL import Image
import time 

Next, we load in and display a test image for performing face detection.

Note: by default OpenCV assumes the ordering of our image's color channels are Blue, then Green, then Red. This is slightly out of order with most image types we'll use in these experiments, whose color channels are ordered Red, then Green, then Blue. In order to switch the Blue and Red channels of our test image around we will use OpenCV's cvtColor function, which you can read more about by checking out some of its documentation located here. This is a general utility function that can do other transformations too like converting a color image to grayscale, and transforming a standard color image to HSV color space.

In [2]:
# Load in color image for face detection
image = cv2.imread('images/test_image_1.jpg')

# Convert the image to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

# Plot our image using subplots to specify a size and title
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Original Image')
ax1.imshow(image)
Out[2]:
<matplotlib.image.AxesImage at 0x7f1ded00b4e0>

There are a lot of people - and faces - in this picture. 13 faces to be exact! In the next code cell, we demonstrate how to use a Haar Cascade classifier to detect all the faces in this test image.

This face detector uses information about patterns of intensity in an image to reliably detect faces under varying light conditions(变化的光线条件). So, to use this face detector, we'll first convert the image from color to grayscale.

Then, we load in the fully trained architecture of the face detector -- found in the file haarcascade_frontalface_default.xml - and use it on our image to find faces!

To learn more about the parameters of the detector see this post.

In [3]:
# Convert the RGB  image to grayscale
gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)

# Extract the pre-trained face detector from an xml file
#加载预训练的哈尔级联分类器
#Haar特征分类器就是一个XML文件,该文件中会描述人体各个部位的Haar特征值。包括人脸、眼睛、嘴唇等等
face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')

# Detect the faces in image
faces = face_cascade.detectMultiScale(gray, 4, 6)

# Print the number of faces detected in the image
print('Number of faces detected:', len(faces))

# Make a copy of the orginal image to draw face detections on
image_with_detections = np.copy(image)

# Get the bounding box for each detected face
for (x,y,w,h) in faces:
    # Add a red bounding box to the detections image
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h), (0,255,0), 3)
    

# Display the image with the detections
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Image with Face Detections')
ax1.imshow(image_with_detections)
Number of faces detected: 13
Out[3]:
<matplotlib.image.AxesImage at 0x7f1dec797278>

In the above code, faces is a numpy array of detected faces, where each row corresponds to a detected face. Each detected face is a 1D array with four entries that specifies the bounding box of the detected face. The first two entries in the array (extracted in the above code as x and y) specify the horizontal and vertical positions of the top left corner of the bounding box. The last two entries in the array (extracted here as w and h) specify the width and height of the box.


Step 1: Add Eye Detections

There are other pre-trained detectors available that use a Haar Cascade Classifier - including full human body detectors, license plate detectors, and more. A full list of the pre-trained architectures can be found here.

To test your eye detector, we'll first read in a new test image with just a single face.

In [4]:
# Load in color image for face detection
image = cv2.imread('images/james.jpg')

# Convert the image to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

# Plot the RGB image
fig = plt.figure(figsize = (6,6))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Original Image')
ax1.imshow(image)
Out[4]:
<matplotlib.image.AxesImage at 0x7f1dec6f4390>

Notice that even though the image is a black and white image, we have read it in as a color image and so it will still need to be converted to grayscale in order to perform the most accurate face detection.

So, the next steps will be to convert this image to grayscale, then load OpenCV's face detector and run it with parameters that detect this face accurately.

In [5]:
# Convert the RGB  image to grayscale
gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)

# Extract the pre-trained face detector from an xml file
face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')

# Detect the faces in image
faces = face_cascade.detectMultiScale(gray, 1.25, 6)

# Print the number of faces detected in the image
print('Number of faces detected:', len(faces))

# Make a copy of the orginal image to draw face detections on
image_with_detections = np.copy(image)

# Get the bounding box for each detected face
for (x,y,w,h) in faces:
    # Add a red bounding box to the detections image
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h), (255,0,0), 3)
    

# Display the image with the detections
fig = plt.figure(figsize = (6,6))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Image with Face Detection')
ax1.imshow(image_with_detections)
Number of faces detected: 1
Out[5]:
<matplotlib.image.AxesImage at 0x7f1dec6d2400>

(IMPLEMENTATION) Add an eye detector to the current face detection setup.

A Haar-cascade eye detector can be included in the same way that the face detector was and, in this first task, it will be your job to do just this.

To set up an eye detector, use the stored parameters of the eye cascade detector, called haarcascade_eye.xml, located in the detector_architectures subdirectory. In the next code cell, create your eye detector and store its detections.

A few notes before you get started:

First, make sure to give your loaded eye detector the variable name

eye_cascade

and give the list of eye regions you detect the variable name

eyes

Second, since we've already run the face detector over this image, you should only search for eyes within the rectangular face regions detected in faces. This will minimize false detections.

Lastly, once you've run your eye detector over the facial detection region, you should display the RGB image with both the face detection boxes (in red) and your eye detections (in green) to verify that everything works as expected.

In [6]:
# Make a copy of the original image to plot rectangle detections
image_with_detections = np.copy(image)   

# Loop over the detections and draw their corresponding face detection boxes
for (x,y,w,h) in faces:
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h),(255,0,0), 3)  
    
# Do not change the code above this comment!

    
## TODO: Add eye detection, using haarcascade_eye.xml, to the current face detector algorithm
## TODO: Loop over the eye detections and draw their corresponding boxes in green on image_with_detections
eye_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_eye.xml')

#scaleFactor--表示在前后两次相继的扫描中,搜索窗口的比例系数。默认为1.1即每次搜索窗口依次扩大10%
#minNeighbors--表示构成检测目标的相邻矩形的最小个数(默认为3个)
#如果组成检测目标的小矩形的个数和小于 min_neighbors - 1 都会被排除
#如果min_neighbors 为 0, 则函数不做任何操作就返回所有的被检候选矩形框
eyes = eye_cascade.detectMultiScale(gray, 1.1, 6)
# Print the number of faces detected in the image
print('Number of faces detected:', len(eyes))

for (x,y,w,h) in eyes:
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h),(0,255,0), 3) 

# Plot the image with both faces and eyes detected
fig = plt.figure(figsize = (6,6))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Image with Face and Eye Detection')
ax1.imshow(image_with_detections)
Number of faces detected: 2
Out[6]:
<matplotlib.image.AxesImage at 0x7f1dec630160>

(Optional) Add face and eye detection to your laptop camera

It's time to kick it up a notch, and add face and eye detection to your laptop's camera! Afterwards, you'll be able to show off your creation like in the gif shown below - made with a completed version of the code!

Notice that not all of the detections here are perfect - and your result need not be perfect either. You should spend a small amount of time tuning the parameters of your detectors to get reasonable results, but don't hold out for perfection. If we wanted perfection we'd need to spend a ton of time tuning the parameters of each detector, cleaning up the input image frames, etc. You can think of this as more of a rapid prototype.

The next cell contains code for a wrapper function called laptop_camera_face_eye_detector that, when called, will activate your laptop's camera. You will place the relevant face and eye detection code in this wrapper function to implement face/eye detection and mark those detections on each image frame that your camera captures.

Before adding anything to the function, you can run it to get an idea of how it works - a small window should pop up showing you the live feed from your camera; you can press any key to close this window.

Note: Mac users may find that activating this function kills the kernel of their notebook every once in a while. If this happens to you, just restart your notebook's kernel, activate cell(s) containing any crucial import statements, and you'll be good to go!

In [7]:
### Add face and eye detection to this laptop camera function 
# Make sure to draw out all faces/eyes found in each frame on the shown video feed

import cv2
import time 

# wrapper function for face/eye detection with your laptop camera
def laptop_camera_go():
    # Create instance of video capturer
    cv2.namedWindow("face detection activated")
    vc = cv2.VideoCapture(0)
    
    face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')
    eye_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_eye.xml')
    # Try to get the first frame
    if vc.isOpened(): 
        rval, frame = vc.read()
    else:
        rval = False
    
    # Keep the video stream open
    while rval:
        # Plot the image from camera with all the face and eye detections marked
        frame = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)
        gray = cv2.cvtColor(frame, cv2.COLOR_RGB2GRAY)
        
        faces = face_cascade.detectMultiScale(gray, 1.25, 6)
        print('Number of faces detected:', len(faces))
        for (x,y,w,h) in faces:
            cv2.rectangle(frame, (x,y), (x+w,y+h), (255,0,0), 3)
        
        eyes = eye_cascade.detectMultiScale(gray, 1.1, 6)
        print('Number of faces detected:', len(eyes))
        for (x,y,w,h) in eyes:
            cv2.rectangle(frame, (x,y), (x+w,y+h),(255,0,0), 3) 
        
        cv2.imshow("face detection activated", frame)
        
        # Exit functionality - press any key to exit laptop video
        key = cv2.waitKey(20)
        if key > 0: # Exit by pressing any key
            # Destroy windows 
            cv2.destroyAllWindows()
            
            # Make sure window closes on OSx
            for i in range (1,5):
                cv2.waitKey(1)
            return
        
        # Read next frame
        time.sleep(0.05)             # control framerate for computation - default 20 frames per sec
        rval, frame = vc.read()    
In [8]:
# Call the laptop camera face/eye detector function above
#laptop_camera_go()

Step 2: De-noise an Image for Better Face Detection

Image quality is an important aspect of any computer vision task. Typically, when creating a set of images to train a deep learning network, significant care is taken to ensure that training images are free of visual noise or artifacts that hinder object detection. While computer vision algorithms - like a face detector - are typically trained on 'nice' data such as this, new test data doesn't always look so nice!

When applying a trained computer vision algorithm to a new piece of test data one often cleans it up first before feeding it in. This sort of cleaning - referred to as pre-processing - can include a number of cleaning phases like blurring, de-noising, color transformations, etc., and many of these tasks can be accomplished using OpenCV.

In this short subsection we explore OpenCV's noise-removal functionality to see how we can clean up a noisy image, which we then feed into our trained face detector.

Create a noisy image to work with

In the next cell, we create an artificial noisy version of the previous multi-face image. This is a little exaggerated - we don't typically get images that are this noisy - but image noise, or 'grainy-ness' in a digitial image - is a fairly common phenomenon.

In [9]:
# Load in the multi-face test image again
image = cv2.imread('images/test_image_1.jpg')

# Convert the image copy to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

# Make an array copy of this image
image_with_noise = np.asarray(image)

# Create noise - here we add noise sampled randomly from a Gaussian distribution: a common model for noise
noise_level = 40
noise = np.random.randn(image.shape[0],image.shape[1],image.shape[2])*noise_level

# Add this noise to the array image copy
image_with_noise = image_with_noise + noise

# Convert back to uint8 format
image_with_noise = np.asarray([np.uint8(np.clip(i,0,255)) for i in image_with_noise])

# Plot our noisy image!
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Noisy Image')
ax1.imshow(image_with_noise)
Out[9]:
<matplotlib.image.AxesImage at 0x7f1dec616438>

In the context of face detection, the problem with an image like this is that - due to noise - we may miss some faces or get false detections.

In the next cell we apply the same trained OpenCV detector with the same settings as before, to see what sort of detections we get.

In [10]:
# Convert the RGB  image to grayscale
gray_noise = cv2.cvtColor(image_with_noise, cv2.COLOR_RGB2GRAY)

# Extract the pre-trained face detector from an xml file
face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')

# Detect the faces in image
faces = face_cascade.detectMultiScale(gray_noise, 4, 6)

# Print the number of faces detected in the image
print('Number of faces detected:', len(faces))

# Make a copy of the orginal image to draw face detections on
image_with_detections = np.copy(image_with_noise)

# Get the bounding box for each detected face
for (x,y,w,h) in faces:
    # Add a red bounding box to the detections image
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h), (255,0,0), 3)
    

# Display the image with the detections
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Noisy Image with Face Detections')
ax1.imshow(image_with_detections)
Number of faces detected: 11
Out[10]:
<matplotlib.image.AxesImage at 0x7f1dec56b668>

With this added noise we now miss one of the faces!

(IMPLEMENTATION) De-noise this image for better face detection

Time to get your hands dirty: using OpenCV's built in color image de-noising functionality called fastNlMeansDenoisingColored - de-noise this image enough so that all the faces in the image are properly detected. Once you have cleaned the image in the next cell, use the cell that follows to run our trained face detector over the cleaned image to check out its detections.

You can find its official documentation here and a useful example here.

Note: you can keep all parameters except photo_render fixed as shown in the second link above. Play around with the value of this parameter - see how it affects the resulting cleaned image.

In [11]:
## TODO: Use OpenCV's built in color image de-noising function to clean up our noisy image!

denoised_image = cv2.fastNlMeansDenoisingColored(image_with_noise,None,20,20,7,21)# your final de-noised image (should be RGB)

fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Denoised Image')
ax1.imshow(denoised_image)
Out[11]:
<matplotlib.image.AxesImage at 0x7f1dec543be0>
In [12]:
## TODO: Run the face detector on the de-noised image to improve your detections and display the result
# Convert the RGB  image to grayscale
# Extract the pre-trained face detector from an xml file

gray_denoised_image = cv2.cvtColor(denoised_image, cv2.COLOR_RGB2GRAY)

face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')

# Detect the faces in image
faces = face_cascade.detectMultiScale(gray_denoised_image, 4, 6)

# Print the number of faces detected in the image
print('Number of faces detected:', len(faces))
denoised_image_with_detections = np.copy(denoised_image)
# Get the bounding box for each detected face
for (x,y,w,h) in faces:
    # Add a red bounding box to the detections image
    cv2.rectangle(denoised_image_with_detections, (x,y), (x+w,y+h), (255,0,0), 3)
    

# Display the image with the detections
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Noisy Image with Face Detections')
ax1.imshow(denoised_image_with_detections)
Number of faces detected: 13
Out[12]:
<matplotlib.image.AxesImage at 0x7f1de4033b00>

Step 3: Blur an Image and Perform Edge Detection

Now that we have developed a simple pipeline for detecting faces using OpenCV - let's start playing around with a few fun things we can do with all those detected faces!

Importance of Blur in Edge Detection

Edge detection is a concept that pops up almost everywhere in computer vision applications, as edge-based features (as well as features built on top of edges) are often some of the best features for e.g., object detection and recognition problems.

Edge detection is a dimension reduction technique - by keeping only the edges of an image we get to throw away a lot of non-discriminating information. And typically the most useful kind of edge-detection is one that preserves only the important, global structures (ignoring local structures that aren't very discriminative). So removing local structures / retaining global structures is a crucial pre-processing step to performing edge detection in an image, and blurring can do just that.

Below is an animated gif showing the result of an edge-detected cat taken from Wikipedia, where the image is gradually blurred more and more prior to edge detection. When the animation begins you can't quite make out what it's a picture of, but as the animation evolves and local structures are removed via blurring the cat becomes visible in the edge-detected image.

Edge detection is a convolution performed on the image itself, and you can read about Canny edge detection on this OpenCV documentation page.

Canny edge detection

In the cell below we load in a test image, then apply Canny edge detection on it. The original image is shown on the left panel of the figure, while the edge-detected version of the image is shown on the right. Notice how the result looks very busy - there are too many little details preserved in the image before it is sent to the edge detector. When applied in computer vision applications, edge detection should preserve global structure; doing away with local structures that don't help describe what objects are in the image.

In [13]:
# Load in the image
image = cv2.imread('images/fawzia.jpg')

# Convert to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

# Convert to grayscale
gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)  

# Perform Canny edge detection
edges = cv2.Canny(gray,100,200)

# Dilate the image to amplify edges
#膨胀图像
edges = cv2.dilate(edges, None)

# Plot the RGB and edge-detected image
fig = plt.figure(figsize = (15,15))
ax1 = fig.add_subplot(121)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Original Image')
ax1.imshow(image)

ax2 = fig.add_subplot(122)
ax2.set_xticks([])
ax2.set_yticks([])

ax2.set_title('Canny Edges')
ax2.imshow(edges, cmap='gray')
Out[13]:
<matplotlib.image.AxesImage at 0x7f1ddc779278>

Without first blurring the image, and removing small, local structures, a lot of irrelevant edge content gets picked up and amplified by the detector (as shown in the right panel above).

(IMPLEMENTATION) Blur the image then perform edge detection

In the next cell, you will repeat this experiment - blurring the image first to remove these local structures, so that only the important boudnary details remain in the edge-detected image.

Blur the image by using OpenCV's filter2d functionality - which is discussed in this documentation page - and use an averaging kernel of width equal to 4.

In [14]:
### TODO: Blur the test imageusing OpenCV's filter2d functionality, 
# Use an averaging kernel, and a kernel width equal to 4

## TODO: Then perform Canny edge detection and display the output

# Load in the image
image = cv2.imread('images/fawzia.jpg')

# Convert to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

kernel = np.ones((4,4),np.float32)/16
#统一的2D滤波器cv2.filter2D
blurred_img = cv2.filter2D(image,-1,kernel)

# Convert original image to grayscale
original_gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)  

# Perform Canny edge detection on original image
original_edges = cv2.Canny(original_gray,100,200)

# Dilate the image to amplify edges on original image
original_edges = cv2.dilate(original_edges, None)

# Convert blurred image to grayscale
blurred_gray = cv2.cvtColor(blurred_img, cv2.COLOR_RGB2GRAY)  

# Perform Canny edge detection on blurred image
blurred_edges = cv2.Canny(blurred_gray,100,200)

# Dilate the image to amplify edges on blurred image
blurred_edges = cv2.dilate(blurred_edges, None)

# Plot the RGB and edge-detected image
fig = plt.figure(figsize = (15,15))

ax1 = fig.add_subplot(221)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Original Image')
ax1.imshow(image)

ax2 = fig.add_subplot(222)
ax2.set_xticks([])
ax2.set_yticks([])

ax2.set_title('Blurred Image')
ax2.imshow(blurred_img)

ax3 = fig.add_subplot(223)
ax3.set_xticks([])
ax3.set_yticks([])

ax3.set_title('Original Canny Image')
ax3.imshow(original_edges, cmap='gray')

ax4 = fig.add_subplot(224)
ax4.set_xticks([])
ax4.set_yticks([])

ax4.set_title('Blurred Canny Image')
ax4.imshow(blurred_edges, cmap='gray')
Out[14]:
<matplotlib.image.AxesImage at 0x7f1ddc64c390>

Step 4: Automatically Hide the Identity of an Individual

If you film something like a documentary or reality TV, you must get permission from every individual shown on film before you can show their face, otherwise you need to blur it out - by blurring the face a lot (so much so that even the global structures are obscured)! This is also true for projects like Google's StreetView maps - an enormous collection of mapping images taken from a fleet of Google vehicles. Because it would be impossible for Google to get the permission of every single person accidentally captured in one of these images they blur out everyone's faces, the detected images must automatically blur the identity of detected people. Here's a few examples of folks caught in the camera of a Google street view vehicle.

Read in an image to perform identity detection

Let's try this out for ourselves. Use the face detection pipeline built above and what you know about using the filter2D to blur and image, and use these in tandem to hide the identity of the person in the following image - loaded in and printed in the next cell.

In [15]:
# Load in the image
image = cv2.imread('images/gus.jpg')

# Convert the image to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

# Display the image
fig = plt.figure(figsize = (6,6))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])
ax1.set_title('Original Image')
ax1.imshow(image)
Out[15]:
<matplotlib.image.AxesImage at 0x7f1ddc5e1c88>

(IMPLEMENTATION) Use blurring to hide the identity of an individual in an image

The idea here is to 1) automatically detect the face in this image, and then 2) blur it out! Make sure to adjust the parameters of the averaging blur filter to completely obscure this person's identity.

In [16]:
## TODO: Implement face detection

## TODO: Blur the bounding box around each detected face using an averaging filter and display the result

# Convert the RGB  image to grayscale
gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)

# Extract the pre-trained face detector from an xml file
face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')

# Detect the faces in image
faces = face_cascade.detectMultiScale(gray, 1.3, 6)

# Print the number of faces detected in the image
print('Number of faces detected:', len(faces))

# Make a copy of the orginal image to draw face detections on
image_with_detections = np.copy(image)

# Get the bounding box for each detected face
for (x,y,w,h) in faces:
    # Add a red bounding box to the detections image
    cv2.rectangle(image_with_detections, (x,y), (x+w,y+h), (255,0,0), 3)
    
    # Only blur within region of interest
    roi = image_with_detections[y: y + h, x: x + w]
    kernel = np.ones((50,50),np.float32)/2500
    blurred_face = cv2.filter2D(roi,-1,kernel)
    image_with_detections[y: y + h, x: x + w] = blurred_face

# Display the image with the detections
fig = plt.figure(figsize = (10,10))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Image with Face Blurred')
ax1.imshow(image_with_detections)
Number of faces detected: 1
Out[16]:
<matplotlib.image.AxesImage at 0x7f1ddc5419b0>

(Optional) Build identity protection into your laptop camera

In this optional task you can add identity protection to your laptop camera, using the previously completed code where you added face detection to your laptop camera - and the task above. You should be able to get reasonable results with little parameter tuning - like the one shown in the gif below.

As with the previous video task, to make this perfect would require significant effort - so don't strive for perfection here, strive for reasonable quality.

The next cell contains code a wrapper function called laptop_camera_identity_hider that - when called - will activate your laptop's camera. You need to place the relevant face detection and blurring code developed above in this function in order to blur faces entering your laptop camera's field of view.

Before adding anything to the function you can call it to get a hang of how it works - a small window will pop up showing you the live feed from your camera, you can press any key to close this window.

Note: Mac users may find that activating this function kills the kernel of their notebook every once in a while. If this happens to you, just restart your notebook's kernel, activate cell(s) containing any crucial import statements, and you'll be good to go!

In [17]:
### Insert face detection and blurring code into the wrapper below to create an identity protector on your laptop!
import cv2
import time 

def laptop_camera_go():
    # Create instance of video capturer
    cv2.namedWindow("face detection activated")
    vc = cv2.VideoCapture(0)

    # Try to get the first frame
    if vc.isOpened(): 
        rval, frame = vc.read()
    else:
        rval = False
    
    # Keep video stream open
    while rval:
        # Plot image from camera with detections marked
        cv2.imshow("face detection activated", frame)
        
        # Exit functionality - press any key to exit laptop video
        key = cv2.waitKey(20)
        if key > 0: # Exit by pressing any key
            # Destroy windows
            cv2.destroyAllWindows()
            
            for i in range (1,5):
                cv2.waitKey(1)
            return
        
        # Read next frame
        time.sleep(0.05)             # control framerate for computation - default 20 frames per sec
        rval, frame = vc.read()    
        
In [18]:
# Run laptop identity hider
#laptop_camera_go()

Step 5: Create a CNN to Recognize Facial Keypoints

OpenCV is often used in practice with other machine learning and deep learning libraries to produce interesting results. In this stage of the project you will create your own end-to-end pipeline - employing convolutional networks in keras along with OpenCV - to apply a "selfie" filter to streaming video and images.

You will start by creating and then training a convolutional network that can detect facial keypoints in a small dataset of cropped images of human faces. We then guide you towards OpenCV to expanding your detection algorithm to more general images. What are facial keypoints? Let's take a look at some examples.

Facial keypoints (also called facial landmarks) are the small blue-green dots shown on each of the faces in the image above - there are 15 keypoints marked in each image. They mark important areas of the face - the eyes, corners of the mouth, the nose, etc. Facial keypoints can be used in a variety of machine learning applications from face and emotion recognition to commercial applications like the image filters popularized by Snapchat.

Below we illustrate a filter that, using the results of this section, automatically places sunglasses on people in images (using the facial keypoints to place the glasses correctly on each face). Here, the facial keypoints have been colored lime green for visualization purposes.

Make a facial keypoint detector

But first things first: how can we make a facial keypoint detector? Well, at a high level, notice that facial keypoint detection is a regression problem. A single face corresponds to a set of 15 facial keypoints (a set of 15 corresponding $(x, y)$ coordinates, i.e., an output point). Because our input data are images, we can employ a convolutional neural network to recognize patterns in our images and learn how to identify these keypoint given sets of labeled data.

In order to train a regressor, we need a training set - a set of facial image / facial keypoint pairs to train on. For this we will be using this dataset from Kaggle. We've already downloaded this data and placed it in the data directory. Make sure that you have both the training and test data files. The training dataset contains several thousand $96 \times 96$ grayscale images of cropped human faces, along with each face's 15 corresponding facial keypoints (also called landmarks) that have been placed by hand, and recorded in $(x, y)$ coordinates. This wonderful resource also has a substantial testing set, which we will use in tinkering with our convolutional network.

To load in this data, run the Python cell below - notice we will load in both the training and testing sets.

The load_data function is in the included utils.py file.

In [19]:
import os
from keras.models import load_model
from pandas.io.parsers import read_csv
from sklearn.utils import shuffle
FTRAIN = 'data/training.csv'
df = read_csv(os.path.expanduser(FTRAIN))
df.head(3)
Using TensorFlow backend.
Out[19]:
left_eye_center_x left_eye_center_y right_eye_center_x right_eye_center_y left_eye_inner_corner_x left_eye_inner_corner_y left_eye_outer_corner_x left_eye_outer_corner_y right_eye_inner_corner_x right_eye_inner_corner_y ... nose_tip_y mouth_left_corner_x mouth_left_corner_y mouth_right_corner_x mouth_right_corner_y mouth_center_top_lip_x mouth_center_top_lip_y mouth_center_bottom_lip_x mouth_center_bottom_lip_y Image
0 66.033564 39.002274 30.227008 36.421678 59.582075 39.647423 73.130346 39.969997 36.356571 37.389402 ... 57.066803 61.195308 79.970165 28.614496 77.388992 43.312602 72.935459 43.130707 84.485774 238 236 237 238 240 240 239 241 241 243 240 23...
1 64.332936 34.970077 29.949277 33.448715 58.856170 35.274349 70.722723 36.187166 36.034723 34.361532 ... 55.660936 56.421447 76.352000 35.122383 76.047660 46.684596 70.266553 45.467915 85.480170 219 215 204 196 204 211 212 200 180 168 178 19...
2 65.057053 34.909642 30.903789 34.909642 59.412000 36.320968 70.984421 36.320968 37.678105 36.320968 ... 53.538947 60.822947 73.014316 33.726316 72.732000 47.274947 70.191789 47.274947 78.659368 144 142 159 180 188 188 184 180 167 132 84 59 ...

3 rows × 31 columns

In [20]:
FTEST = 'data/test.csv'
df = read_csv(os.path.expanduser(FTEST))
df.head(3)
Out[20]:
ImageId Image
0 1 182 183 182 182 180 180 176 169 156 137 124 10...
1 2 76 87 81 72 65 59 64 76 69 42 31 38 49 58 58 4...
2 3 177 176 174 170 169 169 168 166 166 166 161 14...
In [22]:
from utils import *

# Load training set
X_train, y_train = load_data()
print("X_train.shape == {}".format(X_train.shape))
print("y_train.shape == {}; y_train.min == {:.3f}; y_train.max == {:.3f}".format(
    y_train.shape, y_train.min(), y_train.max()))

# Load testing set
X_test, _ = load_data(test=True)
print("X_test.shape == {}".format(X_test.shape))
X_train.shape == (2140, 96, 96, 1)
y_train.shape == (2140, 30); y_train.min == -0.920; y_train.max == 0.996
X_test.shape == (1783, 96, 96, 1)

The load_data function in utils.py originates from this excellent blog post, which you are strongly encouraged to read. Please take the time now to review this function. Note how the output values - that is, the coordinates of each set of facial landmarks - have been normalized to take on values in the range $[-1, 1]$, while the pixel values of each input point (a facial image) have been normalized to the range $[0,1]$.

Note: the original Kaggle dataset contains some images with several missing keypoints. For simplicity, the load_data function removes those images with missing labels from the dataset. As an optional extension, you are welcome to amend the load_data function to include the incomplete data points.

Visualize the Training Data

Execute the code cell below to visualize a subset of the training data.

In [23]:
import matplotlib.pyplot as plt
%matplotlib inline

fig = plt.figure(figsize=(20,20))
fig.subplots_adjust(left=0, right=1, bottom=0, top=1, hspace=0.05, wspace=0.05)
for i in range(9):
    ax = fig.add_subplot(3, 3, i + 1, xticks=[], yticks=[])
    plot_data(X_train[i], y_train[i], ax)

For each training image, there are two landmarks per eyebrow (four total), three per eye (six total), four for the mouth, and one for the tip of the nose.

Review the plot_data function in utils.py to understand how the 30-dimensional training labels in y_train are mapped to facial locations, as this function will prove useful for your pipeline.

(IMPLEMENTATION) Specify the CNN Architecture

In this section, you will specify a neural network for predicting the locations of facial keypoints. Use the code cell below to specify the architecture of your neural network. We have imported some layers that you may find useful for this task, but if you need to use more Keras layers, feel free to import them in the cell.

Your network should accept a $96 \times 96$ grayscale image as input, and it should output a vector with 30 entries, corresponding to the predicted (horizontal and vertical) locations of 15 facial keypoints. If you are not sure where to start, you can find some useful starting architectures in this blog, but you are not permitted to copy any of the architectures that you find online.

In [24]:
# Import deep learning resources from Keras
from keras.models import Sequential
from keras.layers import Convolution2D, MaxPooling2D, Dropout
from keras.layers import Flatten, Dense


## TODO: Specify a CNN architecture
# Your model should accept 96x96 pixel graysale images in
# It should have a fully-connected output layer with 30 values (2 for each facial keypoint)

model = Sequential()
model.add(Convolution2D(filters=32, kernel_size=2, padding='same', activation='relu', input_shape=(96, 96, 1)))
model.add(Dropout(0.6))
model.add(MaxPooling2D(pool_size=2))
model.add(Convolution2D(filters=64, kernel_size=2, padding='same', activation='relu'))
model.add(Dropout(0.6))
model.add(MaxPooling2D(pool_size=2))
model.add(Convolution2D(filters=128, kernel_size=2, padding='same', activation='relu'))
model.add(MaxPooling2D(pool_size=2))
model.add(Flatten())
model.add(Dense(1000, activation='relu'))
model.add(Dropout(0.6))
model.add(Dense(500, activation='relu'))
model.add(Dropout(0.6))
model.add(Dense(30, activation = 'linear'))
model.summary()
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
conv2d_1 (Conv2D)            (None, 96, 96, 32)        160       
_________________________________________________________________
dropout_1 (Dropout)          (None, 96, 96, 32)        0         
_________________________________________________________________
max_pooling2d_1 (MaxPooling2 (None, 48, 48, 32)        0         
_________________________________________________________________
conv2d_2 (Conv2D)            (None, 48, 48, 64)        8256      
_________________________________________________________________
dropout_2 (Dropout)          (None, 48, 48, 64)        0         
_________________________________________________________________
max_pooling2d_2 (MaxPooling2 (None, 24, 24, 64)        0         
_________________________________________________________________
conv2d_3 (Conv2D)            (None, 24, 24, 128)       32896     
_________________________________________________________________
max_pooling2d_3 (MaxPooling2 (None, 12, 12, 128)       0         
_________________________________________________________________
flatten_1 (Flatten)          (None, 18432)             0         
_________________________________________________________________
dense_1 (Dense)              (None, 1000)              18433000  
_________________________________________________________________
dropout_3 (Dropout)          (None, 1000)              0         
_________________________________________________________________
dense_2 (Dense)              (None, 500)               500500    
_________________________________________________________________
dropout_4 (Dropout)          (None, 500)               0         
_________________________________________________________________
dense_3 (Dense)              (None, 30)                15030     
=================================================================
Total params: 18,989,842.0
Trainable params: 18,989,842.0
Non-trainable params: 0.0
_________________________________________________________________

Step 6: Compile and Train the Model

After specifying your architecture, you'll need to compile and train the model to detect facial keypoints'

(IMPLEMENTATION) Compile and Train the Model

Use the compile method to configure the learning process. Experiment with your choice of optimizer; you may have some ideas about which will work best (SGD vs. RMSprop, etc), but take the time to empirically verify your theories.

Use the fit method to train the model. Break off a validation set by setting validation_split=0.2. Save the returned History object in the history variable.

Your model is required to attain a validation loss (measured as mean squared error) of at least XYZ. When you have finished training, save your model as an HDF5 file with file path my_model.h5.

In [25]:
from keras.optimizers import SGD, RMSprop, Adagrad, Adadelta, Adam, Adamax, Nadam
from keras.callbacks import ModelCheckpoint,EarlyStopping
from keras import metrics
## TODO: Compile the model
model.compile(optimizer=RMSprop(), loss='mean_squared_error', metrics=['accuracy'])

## TODO: Train the model
epochs = 100
modelcheckpoint=ModelCheckpoint('./model',verbose=1,save_best_only=True)
earlystopping=EarlyStopping()


history = model.fit(X_train, y_train, 
          validation_split=0.2,
          epochs=epochs, batch_size=100, verbose=1,callbacks=[modelcheckpoint])

## TODO: Save the model as model.h5
model.save('my_model.h5')
Train on 1712 samples, validate on 428 samples
Epoch 1/100
1700/1712 [============================>.] - ETA: 0s - loss: 3.6004 - acc: 0.1112  Epoch 00000: val_loss improved from inf to 0.13255, saving model to ./model
1712/1712 [==============================] - 6s - loss: 3.5756 - acc: 0.1116 - val_loss: 0.1326 - val_acc: 0.6963
Epoch 2/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0646 - acc: 0.2700Epoch 00001: val_loss improved from 0.13255 to 0.11918, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0646 - acc: 0.2704 - val_loss: 0.1192 - val_acc: 0.6963
Epoch 3/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0515 - acc: 0.3100Epoch 00002: val_loss improved from 0.11918 to 0.10453, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0515 - acc: 0.3096 - val_loss: 0.1045 - val_acc: 0.6963
Epoch 4/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0409 - acc: 0.3388Epoch 00003: val_loss improved from 0.10453 to 0.07757, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0409 - acc: 0.3405 - val_loss: 0.0776 - val_acc: 0.6963
Epoch 5/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0320 - acc: 0.4006Epoch 00004: val_loss improved from 0.07757 to 0.06355, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0320 - acc: 0.4025 - val_loss: 0.0635 - val_acc: 0.6963
Epoch 6/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0260 - acc: 0.4294Epoch 00005: val_loss improved from 0.06355 to 0.04123, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0261 - acc: 0.4293 - val_loss: 0.0412 - val_acc: 0.6963
Epoch 7/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0165 - acc: 0.4971Epoch 00006: val_loss improved from 0.04123 to 0.02492, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0165 - acc: 0.4971 - val_loss: 0.0249 - val_acc: 0.6963
Epoch 8/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0116 - acc: 0.5559Epoch 00007: val_loss improved from 0.02492 to 0.00917, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0116 - acc: 0.5555 - val_loss: 0.0092 - val_acc: 0.6963
Epoch 9/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0087 - acc: 0.5941Epoch 00008: val_loss improved from 0.00917 to 0.00478, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0087 - acc: 0.5940 - val_loss: 0.0048 - val_acc: 0.6963
Epoch 10/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0073 - acc: 0.6212Epoch 00009: val_loss improved from 0.00478 to 0.00450, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0073 - acc: 0.6209 - val_loss: 0.0045 - val_acc: 0.6963
Epoch 11/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0066 - acc: 0.6459Epoch 00010: val_loss improved from 0.00450 to 0.00440, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0066 - acc: 0.6443 - val_loss: 0.0044 - val_acc: 0.6963
Epoch 12/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0062 - acc: 0.6618Epoch 00011: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0062 - acc: 0.6606 - val_loss: 0.0047 - val_acc: 0.6963
Epoch 13/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0059 - acc: 0.6729Epoch 00012: val_loss improved from 0.00440 to 0.00435, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0059 - acc: 0.6717 - val_loss: 0.0044 - val_acc: 0.6963
Epoch 14/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0457 - acc: 0.6541Epoch 00013: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0455 - acc: 0.6530 - val_loss: 0.0045 - val_acc: 0.6963
Epoch 15/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0057 - acc: 0.6747Epoch 00014: val_loss improved from 0.00435 to 0.00428, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0057 - acc: 0.6752 - val_loss: 0.0043 - val_acc: 0.6963
Epoch 16/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0056 - acc: 0.6747Epoch 00015: val_loss improved from 0.00428 to 0.00427, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0056 - acc: 0.6752 - val_loss: 0.0043 - val_acc: 0.6963
Epoch 17/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0054 - acc: 0.6741Epoch 00016: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0054 - acc: 0.6752 - val_loss: 0.0045 - val_acc: 0.6963
Epoch 18/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0054 - acc: 0.6876Epoch 00017: val_loss improved from 0.00427 to 0.00424, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0054 - acc: 0.6887 - val_loss: 0.0042 - val_acc: 0.6963
Epoch 19/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0051 - acc: 0.6929Epoch 00018: val_loss improved from 0.00424 to 0.00412, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0051 - acc: 0.6922 - val_loss: 0.0041 - val_acc: 0.6963
Epoch 20/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0051 - acc: 0.6753Epoch 00019: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0051 - acc: 0.6746 - val_loss: 0.0047 - val_acc: 0.6963
Epoch 21/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0050 - acc: 0.6759Epoch 00020: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0050 - acc: 0.6764 - val_loss: 0.0046 - val_acc: 0.6963
Epoch 22/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0048 - acc: 0.6982Epoch 00021: val_loss improved from 0.00412 to 0.00382, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0048 - acc: 0.6974 - val_loss: 0.0038 - val_acc: 0.6963
Epoch 23/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0048 - acc: 0.6859Epoch 00022: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0048 - acc: 0.6857 - val_loss: 0.0045 - val_acc: 0.6963
Epoch 24/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0045 - acc: 0.6894Epoch 00023: val_loss improved from 0.00382 to 0.00372, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0045 - acc: 0.6898 - val_loss: 0.0037 - val_acc: 0.6963
Epoch 25/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0045 - acc: 0.7012Epoch 00024: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0045 - acc: 0.6998 - val_loss: 0.0041 - val_acc: 0.6963
Epoch 26/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0042 - acc: 0.6971Epoch 00025: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0042 - acc: 0.6963 - val_loss: 0.0037 - val_acc: 0.6963
Epoch 27/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0042 - acc: 0.6976Epoch 00026: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0042 - acc: 0.6968 - val_loss: 0.0041 - val_acc: 0.6963
Epoch 28/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0041 - acc: 0.6865Epoch 00027: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0041 - acc: 0.6881 - val_loss: 0.0040 - val_acc: 0.6963
Epoch 29/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0040 - acc: 0.7041Epoch 00028: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0040 - acc: 0.7027 - val_loss: 0.0040 - val_acc: 0.6963
Epoch 30/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0039 - acc: 0.6982Epoch 00029: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0039 - acc: 0.6986 - val_loss: 0.0046 - val_acc: 0.6963
Epoch 31/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0037 - acc: 0.6947Epoch 00030: val_loss improved from 0.00372 to 0.00369, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0038 - acc: 0.6945 - val_loss: 0.0037 - val_acc: 0.6986
Epoch 32/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0036 - acc: 0.7012Epoch 00031: val_loss improved from 0.00369 to 0.00367, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0036 - acc: 0.7021 - val_loss: 0.0037 - val_acc: 0.7009
Epoch 33/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0035 - acc: 0.6888Epoch 00032: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0035 - acc: 0.6898 - val_loss: 0.0046 - val_acc: 0.6963
Epoch 34/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0036 - acc: 0.7147Epoch 00033: val_loss improved from 0.00367 to 0.00356, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0035 - acc: 0.7144 - val_loss: 0.0036 - val_acc: 0.6963
Epoch 35/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0035 - acc: 0.7153Epoch 00034: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0035 - acc: 0.7161 - val_loss: 0.0039 - val_acc: 0.6963
Epoch 36/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0034 - acc: 0.7029Epoch 00035: val_loss improved from 0.00356 to 0.00332, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0034 - acc: 0.7033 - val_loss: 0.0033 - val_acc: 0.6986
Epoch 37/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0032 - acc: 0.7035Epoch 00036: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0032 - acc: 0.7050 - val_loss: 0.0035 - val_acc: 0.6963
Epoch 38/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0032 - acc: 0.7000Epoch 00037: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0032 - acc: 0.7009 - val_loss: 0.0036 - val_acc: 0.6963
Epoch 39/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0031 - acc: 0.7041Epoch 00038: val_loss improved from 0.00332 to 0.00294, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0031 - acc: 0.7039 - val_loss: 0.0029 - val_acc: 0.7009
Epoch 40/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0031 - acc: 0.7188Epoch 00039: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0031 - acc: 0.7185 - val_loss: 0.0038 - val_acc: 0.7009
Epoch 41/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0032 - acc: 0.7065Epoch 00040: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0031 - acc: 0.7062 - val_loss: 0.0031 - val_acc: 0.7009
Epoch 42/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0030 - acc: 0.7276Epoch 00041: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0030 - acc: 0.7243 - val_loss: 0.0031 - val_acc: 0.6939
Epoch 43/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0029 - acc: 0.7206Epoch 00042: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0029 - acc: 0.7214 - val_loss: 0.0034 - val_acc: 0.6963
Epoch 44/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0029 - acc: 0.7176Epoch 00043: val_loss improved from 0.00294 to 0.00276, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0029 - acc: 0.7173 - val_loss: 0.0028 - val_acc: 0.7009
Epoch 45/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0030 - acc: 0.7129Epoch 00044: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0030 - acc: 0.7138 - val_loss: 0.0032 - val_acc: 0.7009
Epoch 46/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0028 - acc: 0.7288Epoch 00045: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0028 - acc: 0.7296 - val_loss: 0.0031 - val_acc: 0.6963
Epoch 47/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0028 - acc: 0.7147Epoch 00046: val_loss improved from 0.00276 to 0.00271, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0028 - acc: 0.7138 - val_loss: 0.0027 - val_acc: 0.6986
Epoch 48/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0027 - acc: 0.7124Epoch 00047: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0027 - acc: 0.7120 - val_loss: 0.0031 - val_acc: 0.7009
Epoch 49/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0027 - acc: 0.7253Epoch 00048: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0027 - acc: 0.7261 - val_loss: 0.0032 - val_acc: 0.6963
Epoch 50/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0027 - acc: 0.7300Epoch 00049: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0027 - acc: 0.7301 - val_loss: 0.0028 - val_acc: 0.7009
Epoch 51/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0026 - acc: 0.7176Epoch 00050: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0026 - acc: 0.7179 - val_loss: 0.0028 - val_acc: 0.6986
Epoch 52/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0026 - acc: 0.7165Epoch 00051: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0026 - acc: 0.7173 - val_loss: 0.0028 - val_acc: 0.6963
Epoch 53/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0024 - acc: 0.7253Epoch 00052: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0024 - acc: 0.7243 - val_loss: 0.0034 - val_acc: 0.6986
Epoch 54/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0025 - acc: 0.7318Epoch 00053: val_loss improved from 0.00271 to 0.00253, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0025 - acc: 0.7325 - val_loss: 0.0025 - val_acc: 0.6986
Epoch 55/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0025 - acc: 0.7147Epoch 00054: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0025 - acc: 0.7132 - val_loss: 0.0029 - val_acc: 0.6963
Epoch 56/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0025 - acc: 0.7282Epoch 00055: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0025 - acc: 0.7278 - val_loss: 0.0028 - val_acc: 0.6986
Epoch 57/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0025 - acc: 0.7229Epoch 00056: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0025 - acc: 0.7231 - val_loss: 0.0031 - val_acc: 0.6963
Epoch 58/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0024 - acc: 0.7194Epoch 00057: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0024 - acc: 0.7208 - val_loss: 0.0031 - val_acc: 0.6963
Epoch 59/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7276Epoch 00058: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7296 - val_loss: 0.0037 - val_acc: 0.6963
Epoch 60/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7188Epoch 00059: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7190 - val_loss: 0.0031 - val_acc: 0.7009
Epoch 61/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7200Epoch 00060: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7202 - val_loss: 0.0030 - val_acc: 0.6939
Epoch 62/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0024 - acc: 0.7271Epoch 00061: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0024 - acc: 0.7272 - val_loss: 0.0032 - val_acc: 0.6963
Epoch 63/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7306Epoch 00062: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7290 - val_loss: 0.0029 - val_acc: 0.6986
Epoch 64/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7376Epoch 00063: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7354 - val_loss: 0.0028 - val_acc: 0.7033
Epoch 65/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7324Epoch 00064: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7325 - val_loss: 0.0030 - val_acc: 0.7266
Epoch 66/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7271Epoch 00065: val_loss improved from 0.00253 to 0.00239, saving model to ./model
1712/1712 [==============================] - 2s - loss: 0.0023 - acc: 0.7266 - val_loss: 0.0024 - val_acc: 0.7009
Epoch 67/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0023 - acc: 0.7282Epoch 00066: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0023 - acc: 0.7290 - val_loss: 0.0026 - val_acc: 0.7056
Epoch 68/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0022 - acc: 0.7329Epoch 00067: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0022 - acc: 0.7325 - val_loss: 0.0029 - val_acc: 0.6939
Epoch 69/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7271Epoch 00068: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0022 - acc: 0.7272 - val_loss: 0.0032 - val_acc: 0.6963
Epoch 70/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0022 - acc: 0.7341Epoch 00069: val_loss improved from 0.00239 to 0.00223, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0022 - acc: 0.7342 - val_loss: 0.0022 - val_acc: 0.6986
Epoch 71/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7200Epoch 00070: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7214 - val_loss: 0.0025 - val_acc: 0.6986
Epoch 72/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7312Epoch 00071: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7301 - val_loss: 0.0025 - val_acc: 0.7056
Epoch 73/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7259Epoch 00072: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7261 - val_loss: 0.0026 - val_acc: 0.6986
Epoch 74/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7294Epoch 00073: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7290 - val_loss: 0.0029 - val_acc: 0.6963
Epoch 75/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7294Epoch 00074: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7296 - val_loss: 0.0024 - val_acc: 0.6939
Epoch 76/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0021 - acc: 0.7335Epoch 00075: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0021 - acc: 0.7331 - val_loss: 0.0031 - val_acc: 0.7103
Epoch 77/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7435Epoch 00076: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7436 - val_loss: 0.0024 - val_acc: 0.7009
Epoch 78/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7347Epoch 00077: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7354 - val_loss: 0.0024 - val_acc: 0.7056
Epoch 79/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7353Epoch 00078: val_loss improved from 0.00223 to 0.00215, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7354 - val_loss: 0.0022 - val_acc: 0.7009
Epoch 80/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7400Epoch 00079: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7407 - val_loss: 0.0027 - val_acc: 0.7033
Epoch 81/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7335Epoch 00080: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7342 - val_loss: 0.0036 - val_acc: 0.6986
Epoch 82/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0020 - acc: 0.7459Epoch 00081: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0020 - acc: 0.7465 - val_loss: 0.0024 - val_acc: 0.7173
Epoch 83/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7318Epoch 00082: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7313 - val_loss: 0.0025 - val_acc: 0.6916
Epoch 84/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7271Epoch 00083: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7284 - val_loss: 0.0023 - val_acc: 0.6963
Epoch 85/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7488Epoch 00084: val_loss improved from 0.00215 to 0.00208, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7494 - val_loss: 0.0021 - val_acc: 0.7196
Epoch 86/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7488Epoch 00085: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7500 - val_loss: 0.0023 - val_acc: 0.6986
Epoch 87/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7406Epoch 00086: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0018 - acc: 0.7418 - val_loss: 0.0024 - val_acc: 0.7033
Epoch 88/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7376Epoch 00087: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7389 - val_loss: 0.0022 - val_acc: 0.6986
Epoch 89/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7447Epoch 00088: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7424 - val_loss: 0.0029 - val_acc: 0.7056
Epoch 90/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7276Epoch 00089: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7272 - val_loss: 0.0022 - val_acc: 0.7056
Epoch 91/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7600Epoch 00090: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0018 - acc: 0.7599 - val_loss: 0.0032 - val_acc: 0.7056
Epoch 92/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7547Epoch 00091: val_loss improved from 0.00208 to 0.00207, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0018 - acc: 0.7529 - val_loss: 0.0021 - val_acc: 0.7103
Epoch 93/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7406Epoch 00092: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0018 - acc: 0.7407 - val_loss: 0.0023 - val_acc: 0.7056
Epoch 94/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0019 - acc: 0.7512Epoch 00093: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0019 - acc: 0.7512 - val_loss: 0.0022 - val_acc: 0.7220
Epoch 95/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7429Epoch 00094: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0018 - acc: 0.7430 - val_loss: 0.0024 - val_acc: 0.7056
Epoch 96/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0017 - acc: 0.7535Epoch 00095: val_loss improved from 0.00207 to 0.00207, saving model to ./model
1712/1712 [==============================] - 1s - loss: 0.0017 - acc: 0.7535 - val_loss: 0.0021 - val_acc: 0.7009
Epoch 97/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0018 - acc: 0.7629Epoch 00096: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0017 - acc: 0.7629 - val_loss: 0.0021 - val_acc: 0.7079
Epoch 98/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0017 - acc: 0.7482Epoch 00097: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0017 - acc: 0.7477 - val_loss: 0.0021 - val_acc: 0.7056
Epoch 99/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0017 - acc: 0.7365Epoch 00098: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0017 - acc: 0.7366 - val_loss: 0.0024 - val_acc: 0.7103
Epoch 100/100
1700/1712 [============================>.] - ETA: 0s - loss: 0.0017 - acc: 0.7676Epoch 00099: val_loss did not improve
1712/1712 [==============================] - 1s - loss: 0.0017 - acc: 0.7669 - val_loss: 0.0023 - val_acc: 0.7126

Step 7: Visualize the Loss and Test Predictions

(IMPLEMENTATION) Answer a few questions and visualize the loss

Question 1: Outline the steps you took to get to your final neural network architecture and your reasoning at each step.

Answer:

Question 2: Defend your choice of optimizer. Which optimizers did you test, and how did you determine which worked best?

Answer:

Use the code cell below to plot the training and validation loss of your neural network. You may find this resource useful.

In [26]:
## TODO: Visualize the training and validation loss of your neural network
print(history.history.keys())
plt.plot(history.history['acc'][3:])
plt.plot(history.history['val_acc'][3:])
plt.title('model accuracy')
plt.ylabel('accuracy')
plt.xlabel('epoch')
plt.legend(['train', 'test'], loc='upper left')
plt.show()
plt.plot(history.history['loss'][3:])
plt.plot(history.history['val_loss'][3:])
plt.title('model loss')
plt.ylabel('loss')
plt.xlabel('epoch')
plt.legend(['train', 'test'], loc='upper left')
plt.show()
dict_keys(['acc', 'loss', 'val_loss', 'val_acc'])

Question 3: Do you notice any evidence of overfitting or underfitting in the above plot? If so, what steps have you taken to improve your model? Note that slight overfitting or underfitting will not hurt your chances of a successful submission, as long as you have attempted some solutions towards improving your model (such as regularization, dropout, increased/decreased number of layers, etc).

Answer:

Visualize a Subset of the Test Predictions

Execute the code cell below to visualize your model's predicted keypoints on a subset of the testing images.

In [27]:
y_test = model.predict(X_test)
fig = plt.figure(figsize=(20,20))
fig.subplots_adjust(left=0, right=1, bottom=0, top=1, hspace=0.05, wspace=0.05)
for i in range(9):
    ax = fig.add_subplot(3, 3, i + 1, xticks=[], yticks=[])
    plot_data(X_test[i], y_test[i], ax)

Step 8: Complete the pipeline

With the work you did in Sections 1 and 2 of this notebook, along with your freshly trained facial keypoint detector, you can now complete the full pipeline. That is given a color image containing a person or persons you can now

  • Detect the faces in this image automatically using OpenCV
  • Predict the facial keypoints in each face detected in the image
  • Paint predicted keypoints on each face detected

In this Subsection you will do just this!

(IMPLEMENTATION) Facial Keypoints Detector

Use the OpenCV face detection functionality you built in previous Sections to expand the functionality of your keypoints detector to color images with arbitrary size. Your function should perform the following steps

  1. Accept a color image.
  2. Convert the image to grayscale.
  3. Detect and crop the face contained in the image.
  4. Locate the facial keypoints in the cropped image.
  5. Overlay the facial keypoints in the original (color, uncropped) image.

Note: step 4 can be the trickiest because remember your convolutional network is only trained to detect facial keypoints in $96 \times 96$ grayscale images where each pixel was normalized to lie in the interval $[0,1]$, and remember that each facial keypoint was normalized during training to the interval $[-1,1]$. This means - practically speaking - to paint detected keypoints onto a test face you need to perform this same pre-processing to your candidate face - that is after detecting it you should resize it to $96 \times 96$ and normalize its values before feeding it into your facial keypoint detector. To be shown correctly on the original image the output keypoints from your detector then need to be shifted and re-normalized from the interval $[-1,1]$ to the width and height of your detected face.

When complete you should be able to produce example images like the one below

In [31]:
image = cv2.imread('images/obamas_with_keypoints.png')
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)
fig = plt.figure(figsize = (9,9))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])
ax1.set_title('image copy')
ax1.imshow(image)
Out[31]:
<matplotlib.image.AxesImage at 0x7f1d446b4e48>
In [32]:
# Load in color image for face detection
image = cv2.imread('images/obamas4.jpg')


# Convert the image to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)


# plot our image
fig = plt.figure(figsize = (9,9))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])
ax1.set_title('image copy')
ax1.imshow(image)
Out[32]:
<matplotlib.image.AxesImage at 0x7f1d007ce710>
In [46]:
### TODO: Use the face detection code we saw in Section 1 with your trained conv-net 
## TODO : Paint the predicted keypoints on the test image

from keras.models import load_model

# Convert the image to grayscale.
gray = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY)

# Detect the faces contained in the image.
face_cascade = cv2.CascadeClassifier('detector_architectures/haarcascade_frontalface_default.xml')
#首先识别出脸部边框
face_boundaries = face_cascade.detectMultiScale(gray)

# Crop and resize to 96x96 for each image found
faces = [cv2.resize(gray[y:y+h, x:x+w], (96, 96)) for (x, y, w, h) in face_boundaries]
#print(faces)
# Rescale faces to fit the expected dimensions 96x96x1
# Take a sequence of arrays and stack them vertically to make a single array
rescaled_faces = np.vstack(faces) / 255.0
#print(rescaled_faces)
rescaled_faces = rescaled_faces.astype(np.float32)
rescaled_faces = rescaled_faces.reshape(-1, 96, 96, 1)

model = load_model('my_model.h5')

# Predict facial keypoints from the cropped faces
predictions = model.predict(rescaled_faces)
print(predictions)

# Predictions are originally in [-1,1]. Need to convert to [0,96] to overlay
predictions = np.concatenate(predictions*48+48)
print(predictions)

# Overlay detected keypoints to the original image
final_image = np.copy(image)
for i, (x, y, w, h) in enumerate(face_boundaries):
    
    # face boundaries
    cv2.rectangle(final_image, (x, y), (x+w,y+h), (255,0,0), 2)
        
    num_keypoints = 15
    
    # Predictions are on [0,96] scale but cropped faces have different height and width so need to scale too
    #首先对脸的宽和高缩放
    w = w/96.0
    h = h/96.0
    #然后预测的宽和高等比例缩放就是连边框内的中心点
    keypoints = [(int(x + w*predictions[idx*2]), int(y + h*predictions[idx*2+1])) for idx in range(num_keypoints)]
    
    # cv2.circle(img, (50,50), 10, (0,0,255),-1)
    #img:图像,圆心坐标,圆半径,颜色,线宽度(-1:表示对封闭图像进行内部填满)
    [cv2.circle(final_image, keypoint, 1, (255, 0, 0), 2) for keypoint in keypoints]
    
# Plot final image with overlay
fig = plt.figure(figsize = (20,20))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])

ax1.set_title('Image with Faces and Keypoints')
ax1.imshow(final_image)
[[ 0.35895509 -0.22151703 -0.35490286 -0.21461421  0.22268656 -0.19756854
   0.49808064 -0.20878631 -0.22350992 -0.18910386 -0.4971244  -0.19769356
   0.17104758 -0.34151703  0.60203904 -0.35335273 -0.18107878 -0.33699793
  -0.61134231 -0.34394008  0.00476874  0.22359547  0.32887542  0.49288982
  -0.31525463  0.49900049  0.00787087  0.50091124  0.00620724  0.61212945]
 [ 0.37524885 -0.20867483 -0.35277823 -0.22124659  0.24123815 -0.19085222
   0.51178098 -0.19148654 -0.22389044 -0.1935744  -0.49332941 -0.20945412
   0.19271129 -0.34757549  0.6233834  -0.34440225 -0.17241389 -0.35378766
  -0.60822594 -0.37035966  0.0029398   0.22745642  0.31343302  0.53941405
  -0.33187586  0.52864164 -0.00866019  0.51830137 -0.01304105  0.66220719]]
[ 65.22984314  37.36718369  30.96466255  37.69851685  58.68895721
  38.51670837  71.90786743  37.97825623  37.27152252  38.92301559
  24.1380291   38.51071167  56.21028519  31.60718155  76.89787292
  31.03907013  39.30821991  31.82410049  18.65556908  31.49087524
  48.22890091  58.73258209  63.78601837  71.65870667  32.86777878
  71.95202637  48.3778038   72.04373932  48.29794693  77.38221741
  66.01194763  37.98360825  31.06664467  37.3801651   59.57942963
  38.83909225  72.56549072  38.80864716  37.25325775  38.70842743
  24.32018852  37.94620132  57.25014114  31.31637573  77.92240143
  31.46869278  39.72413254  31.01819229  18.8051548   30.22273636
  48.14110947  58.91790771  63.04478455  73.89187622  32.06995773
  73.37480164  47.58431244  72.87846375  47.37403107  79.78594971]
Out[46]:
<matplotlib.image.AxesImage at 0x7f1d9e065898>

(Optional) Further Directions - add a filter using facial keypoints to your laptop camera

Now you can add facial keypoint detection to your laptop camera - as illustrated in the gif below.

The next Python cell contains the basic laptop video camera function used in the previous optional video exercises. Combine it with the functionality you developed for keypoint detection and marking in the previous exercise and you should be good to go!

In [ ]:
import cv2
import time 
from keras.models import load_model
def laptop_camera_go():
    # Create instance of video capturer
    cv2.namedWindow("face detection activated")
    vc = cv2.VideoCapture(0)

    # Try to get the first frame
    if vc.isOpened(): 
        rval, frame = vc.read()
    else:
        rval = False
    
    # keep video stream open
    while rval:
        # plot image from camera with detections marked
        cv2.imshow("face detection activated", frame)
        
        # exit functionality - press any key to exit laptop video
        key = cv2.waitKey(20)
        if key > 0: # exit by pressing any key
            # destroy windows
            cv2.destroyAllWindows()
            
            # hack from stack overflow for making sure window closes on osx --> https://stackoverflow.com/questions/6116564/destroywindow-does-not-close-window-on-mac-using-python-and-opencv
            for i in range (1,5):
                cv2.waitKey(1)
            return
        
        # read next frame
        time.sleep(0.05)             # control framerate for computation - default 20 frames per sec
        rval, frame = vc.read()  
In [ ]:
# Run your keypoint face painter
laptop_camera_go()

(Optional) Further Directions - add a filter using facial keypoints

Using your freshly minted facial keypoint detector pipeline you can now do things like add fun filters to a person's face automatically. In this optional exercise you can play around with adding sunglasses automatically to each individual's face in an image as shown in a demonstration image below.

To produce this effect an image of a pair of sunglasses shown in the Python cell below.

In [47]:
# Load in sunglasses image - note the usage of the special option
# cv2.IMREAD_UNCHANGED, this option is used because the sunglasses 
# image has a 4th channel that allows us to control how transparent each pixel in the image is
sunglasses = cv2.imread("images/sunglasses_4.png", cv2.IMREAD_UNCHANGED)

# Plot the image
fig = plt.figure(figsize = (6,6))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])
ax1.imshow(sunglasses)
ax1.axis('off');

This image is placed over each individual's face using the detected eye points to determine the location of the sunglasses, and eyebrow points to determine the size that the sunglasses should be for each person (one could also use the nose point to determine this).

Notice that this image actually has 4 channels, not just 3.

In [48]:
# Print out the shape of the sunglasses image
print ('The sunglasses image has shape: ' + str(np.shape(sunglasses)))
The sunglasses image has shape: (1123, 3064, 4)

It has the usual red, blue, and green channels any color image has, with the 4th channel representing the transparency level of each pixel in the image. Here's how the transparency channel works: the lower the value, the more transparent the pixel will become. The lower bound (completely transparent) is zero here, so any pixels set to 0 will not be seen.

This is how we can place this image of sunglasses on someone's face and still see the area around of their face where the sunglasses lie - because these pixels in the sunglasses image have been made completely transparent.

Lets check out the alpha channel of our sunglasses image in the next Python cell. Note because many of the pixels near the boundary are transparent we'll need to explicitly print out non-zero values if we want to see them.

In [49]:
# Print out the sunglasses transparency (alpha) channel
alpha_channel = sunglasses[:,:,3]
print ('the alpha channel here looks like')
print (alpha_channel)

# Just to double check that there are indeed non-zero values
# Let's find and print out every value greater than zero
values = np.where(alpha_channel != 0)
print ('\n the non-zero values of the alpha channel look like')
print (values)
the alpha channel here looks like
[[0 0 0 ..., 0 0 0]
 [0 0 0 ..., 0 0 0]
 [0 0 0 ..., 0 0 0]
 ..., 
 [0 0 0 ..., 0 0 0]
 [0 0 0 ..., 0 0 0]
 [0 0 0 ..., 0 0 0]]

 the non-zero values of the alpha channel look like
(array([  17,   17,   17, ..., 1109, 1109, 1109]), array([ 687,  688,  689, ..., 2376, 2377, 2378]))

This means that when we place this sunglasses image on top of another image, we can use the transparency channel as a filter to tell us which pixels to overlay on a new image (only the non-transparent ones with values greater than zero).

One last thing: it's helpful to understand which keypoint belongs to the eyes, mouth, etc. So, in the image below, we also display the index of each facial keypoint directly on the image so that you can tell which keypoints are for the eyes, eyebrows, etc.

With this information, you're well on your way to completing this filtering task! See if you can place the sunglasses automatically on the individuals in the image loaded in / shown in the next Python cell.

In [50]:
# Load in color image for face detection
image = cv2.imread('images/obamas4.jpg')

# Convert the image to RGB colorspace
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)


# Plot the image
fig = plt.figure(figsize = (8,8))
ax1 = fig.add_subplot(111)
ax1.set_xticks([])
ax1.set_yticks([])
ax1.set_title('Original Image')
ax1.imshow(image)
Out[50]:
<matplotlib.image.AxesImage at 0x7f1d9df93ef0>
In [ ]:
## (Optional) TODO: Use the face detection code we saw in Section 1 with your trained conv-net to put
## sunglasses on the individuals in our test image

(Optional) Further Directions - add a filter using facial keypoints to your laptop camera

Now you can add the sunglasses filter to your laptop camera - as illustrated in the gif below.

The next Python cell contains the basic laptop video camera function used in the previous optional video exercises. Combine it with the functionality you developed for adding sunglasses to someone's face in the previous optional exercise and you should be good to go!

In [ ]:
import cv2
import time 
from keras.models import load_model
import numpy as np

def laptop_camera_go():
    # Create instance of video capturer
    cv2.namedWindow("face detection activated")
    vc = cv2.VideoCapture(0)

    # try to get the first frame
    if vc.isOpened(): 
        rval, frame = vc.read()
    else:
        rval = False
    
    # Keep video stream open
    while rval:
        # Plot image from camera with detections marked
        cv2.imshow("face detection activated", frame)
        
        # Exit functionality - press any key to exit laptop video
        key = cv2.waitKey(20)
        if key > 0: # exit by pressing any key
            # Destroy windows 
            cv2.destroyAllWindows()
            
            for i in range (1,5):
                cv2.waitKey(1)
            return
        
        # Read next frame
        time.sleep(0.05)             # control framerate for computation - default 20 frames per sec
        rval, frame = vc.read()    
        
In [ ]:
# Load facial landmark detector model
model = load_model('my_model.h5')

# Run sunglasses painter
laptop_camera_go()