Self-Driving Car Engineer Nanodegree

Project: Finding Lane Lines on the Road


In this project, you will use the tools you learned about in the lesson to identify lane lines on the road. You can develop your pipeline on a series of individual images, and later apply the result to a video stream (really just a series of images). Check out the video clip "raw-lines-example.mp4" (also contained in this repository) to see what the output should look like after using the helper functions below.

Once you have a result that looks roughly like "raw-lines-example.mp4", you'll need to get creative and try to average and/or extrapolate the line segments you've detected to map out the full extent of the lane lines. You can see an example of the result you're going for in the video "P1_example.mp4". Ultimately, you would like to draw just one line for the left side of the lane, and one for the right.

In addition to implementing code, there is a brief writeup to complete. The writeup should be completed in a separate file, which can be either a markdown file or a pdf document. There is a write up template that can be used to guide the writing process. Completing both the code in the Ipython notebook and the writeup template will cover all of the rubric points for this project.


Let's have a look at our first image called 'test_images/solidWhiteRight.jpg'. Run the 2 cells below (hit Shift-Enter or the "play" button above) to display the image.

Note: If, at any point, you encounter frozen display windows or other confounding issues, you can always start again with a clean slate by going to the "Kernel" menu above and selecting "Restart & Clear Output".


The tools you have are color selection, region of interest selection, grayscaling, Gaussian smoothing, Canny Edge Detection and Hough Tranform line detection. You are also free to explore and try other techniques that were not presented in the lesson. Your goal is piece together a pipeline to detect the line segments in the image, then average/extrapolate them and draw them onto the image for display (as below). Once you have a working pipeline, try it out on the video stream below.


Combined Image

Your output should look something like this (above) after detecting line segments using the helper functions below

Combined Image

Your goal is to connect/average/extrapolate line segments to get output like this

Run the cell below to import some packages. If you get an import error for a package you've already installed, try changing your kernel (select the Kernel menu above --> Change Kernel). Still have problems? Try relaunching Jupyter Notebook from the terminal prompt. Also, consult the forums for more troubleshooting tips.

Import Packages

In [1]:
#importing some useful packages
import matplotlib.pyplot as plt
import matplotlib.image as mpimg
import numpy as np
import cv2
%matplotlib inline

Read in an Image

In [2]:
#reading in an image
image = mpimg.imread('test_images/solidWhiteRight.jpg')

#printing out some stats and plotting
print('This image is:', type(image), 'with dimensions:', image.shape)
plt.imshow(image)  # if you wanted to show a single color channel image called 'gray', for example, call as plt.imshow(gray, cmap='gray')
This image is: <class 'numpy.ndarray'> with dimensions: (540, 960, 3)
Out[2]:
<matplotlib.image.AxesImage at 0x12aedb1d0>

Ideas for Lane Detection Pipeline

Some OpenCV functions (beyond those introduced in the lesson) that might be useful for this project are:

cv2.inRange() for color selection
cv2.fillPoly() for regions selection
cv2.line() to draw lines on an image given endpoints
cv2.addWeighted() to coadd / overlay two images cv2.cvtColor() to grayscale or change color cv2.imwrite() to output images to file
cv2.bitwise_and() to apply a mask to an image

Check out the OpenCV documentation to learn about these and discover even more awesome functionality!

Helper Functions

Below are some helper functions to help get you started. They should look familiar from the lesson!

In [459]:
import math

def grayscale(img):
    """Applies the Grayscale transform
    This will return an image with only one color channel
    but NOTE: to see the returned image as grayscale
    (assuming your grayscaled image is called 'gray')
    you should call plt.imshow(gray, cmap='gray')"""
    return cv2.cvtColor(img, cv2.COLOR_RGB2GRAY)
    # Or use BGR2GRAY if you read an image with cv2.imread()
    # return cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
    
def canny(img, low_threshold, high_threshold):
    """Applies the Canny transform"""
    return cv2.Canny(img, low_threshold, high_threshold)

def gaussian_blur(img, kernel_size):
    """Applies a Gaussian Noise kernel"""
    return cv2.GaussianBlur(img, (kernel_size, kernel_size), 0)

def region_of_interest(img, vertices):
    """
    Applies an image mask.
    
    Only keeps the region of the image defined by the polygon
    formed from `vertices`. The rest of the image is set to black.
    """
    #defining a blank mask to start with
    mask = np.zeros_like(img)   
    
    #defining a 3 channel or 1 channel color to fill the mask with depending on the input image
    if len(img.shape) > 2:
        channel_count = img.shape[2]  # i.e. 3 or 4 depending on your image
        ignore_mask_color = (255,) * channel_count
    else:
        ignore_mask_color = 255
        
    #filling pixels inside the polygon defined by "vertices" with the fill color    
    cv2.fillPoly(mask, vertices, ignore_mask_color)
    
    #returning the image only where mask pixels are nonzero
    masked_image = cv2.bitwise_and(img, mask)
    return masked_image

def draw_lines(img, lines, clean=True, thickness=25):
    """
    NOTE: this is the function you might want to use as a starting point once you want to 
    average/extrapolate the line segments you detect to map out the full
    extent of the lane (going from the result shown in raw-lines-example.mp4
    to that shown in P1_example.mp4).  
    
    Think about things like separating line segments by their 
    slope ((y2-y1)/(x2-x1)) to decide which segments are part of the left
    line vs. the right line.  Then, you can average the position of each of 
    the lines and extrapolate to the top and bottom of the lane.
    
    This function draws `lines` with `color` and `thickness`.    
    Lines are drawn on the image inplace (mutates the image).
    If you want to make the lines semi-transparent, think about combining
    this function with the weighted_img() function below
    """
    
    height = img.shape[0]
    
    # all lines likely part of the left lane
    left_lane_x = []
    left_lane_y = []
    # all ines likely part of the right lane
    right_lane_x = []
    right_lane_y = []
    # left and right y/x aspect ratio
    left_aspect = 0.0
    right_aspect = 0.0
    
    # collect all lines which are likely part of the left lane and likely part of the right lane as well
    # as theirs average direction (y/x ratio)
    for line in lines:
        for x1,y1,x2,y2 in line:
            xdiff = (x2 - x1)
            ydiff = (y2 - y1)
            
            if xdiff==0: # prevent division by zero
                continue
                                
            if abs(xdiff)/abs(ydiff)>2.0: # ignore nearly horizontal lines
                continue
            
            ratio = ydiff/xdiff # check if pointing to the right (left lane) or to the left (right lane)
            if ratio<0:
                left_lane_x.append(x1)
                left_lane_x.append(x2)
                left_lane_y.append(y1)
                left_lane_y.append(y2)
                left_aspect += ratio
            else:
                right_lane_x.append(x1)
                right_lane_x.append(x2)
                right_lane_y.append(y1)
                right_lane_y.append(y2)
                right_aspect += ratio
    
    # in debug mode dont combine the single lines but directly paint the remaining ones
    if not clean:
        left_count = len(left_lane_x)//2
        for index in range(left_count):        
            eff_index = index*2
            next_index = index*2+1
            x1, y1, x2, y2 = left_lane_x[eff_index], left_lane_y[eff_index], left_lane_x[next_index], left_lane_y[next_index]
            cv2.line(img, (x1,y1), (x2,y2), [255, 0, 0], 8)
            
        right_count = len(right_lane_x)//2
        for index in range(right_count):        
            eff_index = index*2
            next_index = index*2+1
            x1, y1, x2, y2 = right_lane_x[eff_index], right_lane_y[eff_index], right_lane_x[next_index], right_lane_y[next_index]
            cv2.line(img, (x1,y1), (x2,y2), [0, 0, 255], 8)
    
    # try to find the lane by combining all remaining lines which are likely part of the left and likely
    # part of the right lane
    if clean:
        if len(left_lane_x):
            
            # calculate direction and bounding
            left_aspect /= (len(left_lane_x))/2
            
            min_x = left_lane_x[0]
            for x in left_lane_x:
                if x<min_x:
                    min_x = x

            min_y = left_lane_y[0]
            for y in left_lane_y:
                if y<min_y:
                    min_y = y

            max_y = left_lane_y[0]
            for y in left_lane_y:
                if y>max_y:
                    max_y = y
                    
            # calculate starting position at the bottom of the screen
            correction = height-max_y
            min_x = min_x+int(correction/left_aspect)
            max_y += correction

            min_y = int(height/1.7)
            y_diff = max_y - min_y            

            # paint left lane in red
            cv2.line(img, (min_x, max_y), (int(min_x-y_diff/left_aspect), max_y-y_diff), [255, 0, 0], 8)

        if len(right_lane_x):

            # calculate direction and bounding
            right_aspect /= (len(right_lane_x))/2
            
            max_x = right_lane_x[0]
            for x in right_lane_x:
                if x>max_x:
                    max_x = x
                    
            min_y = right_lane_y[0]
            for y in right_lane_y:
                if y<min_y:
                    min_y = y

            max_y = right_lane_y[0]
            for y in right_lane_y:
                if y>max_y:
                    max_y = y
                    
            # calculate starting position at the bottom of the screen
            correction = height-max_y
            max_x = max_x+int(correction/right_aspect)
            max_y += correction

            min_y = int(height/1.7)
            y_diff = max_y - min_y            

            # paint left lane in blue
            cv2.line(img, (max_x, max_y), (int(max_x-y_diff/right_aspect), max_y-y_diff), [0, 0, 255], 8)                    

def hough_lines(img, rho, theta, threshold, min_line_len, max_line_gap, clean):
    """
    `img` should be the output of a Canny transform.
        
    Returns an image with hough lines drawn.
    """
    lines = cv2.HoughLinesP(img, rho, theta, threshold, np.array([]), minLineLength=min_line_len, maxLineGap=max_line_gap)
    line_img = np.zeros((img.shape[0], img.shape[1], 3), dtype=np.uint8)
    draw_lines(line_img, lines, clean)
    return line_img

# Python 3 has support for cool math symbols.

def weighted_img(img, initial_img, α=0.8, β=1., γ=0.):
    """
    `img` is the output of the hough_lines(), An image with lines drawn on it.
    Should be a blank image (all black) with lines drawn on it.
    
    `initial_img` should be the image before any processing.
    
    The result image is computed as follows:
    
    initial_img * α + img * β + γ
    NOTE: initial_img and img must be the same shape!
    """
    return cv2.addWeighted(initial_img, α, img, β, γ)

Test Images

Build your pipeline to work on the images in the directory "test_images"
You should make sure your pipeline works well on these images before you try the videos.

In [460]:
import os
os.listdir("test_images/")
Out[460]:
['solidYellowCurve.jpg',
 'solidYellowLeft.jpg',
 'solidYellowCurve2.jpg',
 'solidWhiteRight.jpg',
 'whiteCarLaneSwitch.jpg',
 'solidWhiteCurve.jpg']

Build a Lane Finding Pipeline

Build the pipeline and run your solution on all test_images. Make copies into the test_images_output directory, and you can use the images in your writeup report.

Try tuning the various parameters, especially the low and high Canny thresholds as well as the Hough lines parameters.

In [461]:
def get_region_bounds(image):
    """
    Returns the interesting screen region most likely containing the lanes
    """
    (height, width, depth) = image.shape[:]
    
    region = [np.array([[(width*0.45, height*0.51),
                       (width-width*0.45, height*0.51),
                       (width, height),
                       (0, height)]],
                       dtype=np.int32)]
    
    return region

example_count = 6
image_cols = 2

# config
blur_size = 13     # bluring radius for gaussian
canny_low = 30     # low threshold
canny_high = 150   # high threshold
threshold = 10     # minimum number of votes (intersections in Hough grid cell)
min_line_length = 20 #minimum number of pixels making up a line
max_line_gap = 1    # maximum gap in pixels between connectable line segments


images = []
for index in range(example_count):
    images.append(mpimg.imread(base_image_path + image_name_list[index]))

def process_image_array(images):
    
    grays = []
    gaussians = []
    cannies = []
    rois = []
    unclean_houghs = []
    houghs = []
    results = []
    
    for img in images:
        gray = grayscale(img)
        gaussian = gaussian_blur(gray, blur_size)
        canny_img = canny(gaussian, canny_low, canny_high)
        
        bounds = get_region_bounds(image)

        roi = region_of_interest(canny_img, bounds)

        rho = 1 # distance resolution in pixels of the Hough grid
        theta = np.pi/180 # angular resolution in radians of the Hough grid
        
        unclean_hough = hough_lines(roi, rho, theta, threshold, min_line_length, max_line_gap, False)
        hough = hough_lines(roi, rho, theta, threshold, min_line_length, max_line_gap, True)

        result = weighted_img(img, hough)        
        
        grays.append(gray)
        gaussians.append(gaussian)
        cannies.append(canny_img)
        rois.append(roi)
        unclean_houghs.append(unclean_hough)
        houghs.append(hough)
        results.append(result)
    
    return images, grays, gaussians, cannies, rois, unclean_houghs, houghs, results

(new_images, grays, gaussians, cannies, rois, unclean_houghs, houghs, results) = process_image_array(images)

Original images

Below you can see the 6 original images of different street situations on a highway.

In [488]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(new_images[index])
    
plt.savefig('test_image_out/original.png')

Step 1 - Converting the images to grayscale

In the first step we convert the images to grayscale as we at this point to need to discriminate between white and yellow lanes.

In [489]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(grays[index], cmap='gray')
    
plt.savefig('test_image_out/gray.png')

Step 2 - Bluring

To reduce the noise for a more stable edge detection we apply Gaussian blur now, at this image size with a kernel size of 16 pixels.

In [490]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(gaussians[index], cmap='gray')
    
plt.savefig('test_image_out/gaussian.png')

Step 3 - Edge detection

In the third step we try to detect all edges in the and highlight them using the canny algorithm as shown below.

For more details see https://en.wikipedia.org/wiki/Canny_edge_detector

In [491]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(cannies[index], cmap='gray')
    
plt.savefig('test_image_out/canny_edges.png')

Step 4 - Masking

In step 4 we mask the image so the follow up steps can focus on the lines which mostly likely belong to our lane lines.

In [492]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(rois[index], cmap='gray')
    
plt.savefig('test_image_out/masking.png')

Step 5 - Hough Lines

We now use OpenCVs hough algorithm to convert all the highlights in our image to real line data with a given minimum length and by combining lines which just small gaps between them to compensate smaller errors and missing paint.

For more details see https://en.wikipedia.org/wiki/Hough_transform

In [493]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(unclean_houghs[index], cmap='gray')
    
plt.savefig('test_image_out/hough_raw.png')

Step 6 - Finding the lanes

At this last step all lines are either filtered, if they are too horizontal, or sorted into the left or the right lane's collection.

After the collection the minimum and maximum x position is computed and from this position extended to the bottom of our screen, so the coordinate directly "in front" of our vehicle.

The left lane line is then drawn in red, the right one in blue.

In [494]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(houghs[index], cmap='gray')

plt.savefig('test_image_out/hough_filtered.png')

Combined result

Below you can see the combined result of the estimated lane position and the original input images.

In [495]:
fig = plt.figure(figsize=(40,40))
for index in range(example_count):
    ax = fig.add_subplot(3, image_cols, index + 1, xticks=[], yticks=[])
    ax.imshow(results[index], cmap='gray')
    
plt.savefig('test_image_out/combined.png')
In [470]:
base_image_path = "test_images/"
image_name_list = os.listdir(base_image_path)
In [471]:
fig, ax = plt.subplots(figsize=(18, 18))
ax.imshow(results[0])  # if you wanted to show a single color channel image called 'gray', for example, call as plt.imshow(gray, cmap='gray')
Out[471]:
<matplotlib.image.AxesImage at 0x1a6ae4e10>

Test on Videos

You know what's cooler than drawing lanes over images? Drawing lanes over video!

We can test our solution on two provided videos:

solidWhiteRight.mp4

solidYellowLeft.mp4

Note: if you get an import error when you run the next cell, try changing your kernel (select the Kernel menu above --> Change Kernel). Still have problems? Try relaunching Jupyter Notebook from the terminal prompt. Also, consult the forums for more troubleshooting tips.

If you get an error that looks like this:

NeedDownloadError: Need ffmpeg exe. 
You can download it by calling: 
imageio.plugins.ffmpeg.download()

Follow the instructions in the error message and check out this forum post for more troubleshooting tips across operating systems.

In [472]:
# Import everything needed to edit/save/watch video clips
from moviepy.editor import VideoFileClip
from IPython.display import HTML
In [473]:
def process_image(image):
    # NOTE: The output you return should be a color image (3 channel) for processing video below
    # TODO: put your pipeline here,
    # you should return the final output (image where lines are drawn on lanes)

    (new_images, grays, gaussians, cannies, rois, unclean_houghs, houghs, results) = process_image_array([image])
    
    return results[0]

Let's try the one with the solid white lane on the right first ...

In [474]:
white_output = 'test_videos_output/solidWhiteRight.mp4'
## To speed up the testing process you may want to try your pipeline on a shorter subclip of the video
## To do so add .subclip(start_second,end_second) to the end of the line below
## Where start_second and end_second are integer values representing the start and end of the subclip
## You may also uncomment the following line for a subclip of the first 5 seconds
##clip1 = VideoFileClip("test_videos/solidWhiteRight.mp4").subclip(0,5)
clip1 = VideoFileClip("test_videos/solidWhiteRight.mp4")
white_clip = clip1.fl_image(process_image) #NOTE: this function expects color images!!
%time white_clip.write_videofile(white_output, audio=False)
[MoviePy] >>>> Building video test_videos_output/solidWhiteRight.mp4
[MoviePy] Writing video test_videos_output/solidWhiteRight.mp4
100%|█████████▉| 221/222 [00:03<00:00, 69.83it/s]
[MoviePy] Done.
[MoviePy] >>>> Video ready: test_videos_output/solidWhiteRight.mp4 

CPU times: user 3.37 s, sys: 6.72 s, total: 10.1 s
Wall time: 3.4 s

Play the video inline, or if you prefer find the video in your filesystem (should be in the same directory) and play it in your video player of choice.

In [475]:
HTML("""
<video width="960" height="540" controls>
  <source src="{0}">
</video>
""".format(white_output))
Out[475]:

Improve the draw_lines() function

At this point, if you were successful with making the pipeline and tuning parameters, you probably have the Hough line segments drawn onto the road, but what about identifying the full extent of the lane and marking it clearly as in the example video (P1_example.mp4)? Think about defining a line to run the full length of the visible lane based on the line segments you identified with the Hough Transform. As mentioned previously, try to average and/or extrapolate the line segments you've detected to map out the full extent of the lane lines. You can see an example of the result you're going for in the video "P1_example.mp4".

Go back and modify your draw_lines function accordingly and try re-running your pipeline. The new output should draw a single, solid line over the left lane line and a single, solid line over the right lane line. The lines should start from the bottom of the image and extend out to the top of the region of interest.

Now for the one with the solid yellow lane on the left. This one's more tricky!

In [476]:
yellow_output = 'test_videos_output/solidYellowLeft.mp4'
## To speed up the testing process you may want to try your pipeline on a shorter subclip of the video
## To do so add .subclip(start_second,end_second) to the end of the line below
## Where start_second and end_second are integer values representing the start and end of the subclip
## You may also uncomment the following line for a subclip of the first 5 seconds
##clip2 = VideoFileClip('test_videos/solidYellowLeft.mp4').subclip(0,5)
clip2 = VideoFileClip('test_videos/solidYellowLeft.mp4')
yellow_clip = clip2.fl_image(process_image)
%time yellow_clip.write_videofile(yellow_output, audio=False)
[MoviePy] >>>> Building video test_videos_output/solidYellowLeft.mp4
[MoviePy] Writing video test_videos_output/solidYellowLeft.mp4
100%|█████████▉| 681/682 [00:09<00:00, 72.20it/s]
[MoviePy] Done.
[MoviePy] >>>> Video ready: test_videos_output/solidYellowLeft.mp4 

CPU times: user 10.3 s, sys: 21.6 s, total: 31.9 s
Wall time: 9.88 s
In [477]:
HTML("""
<video width="960" height="540" controls>
  <source src="{0}">
</video>
""".format(yellow_output))
Out[477]:

Writeup and Submission

If you're satisfied with your video outputs, it's time to make the report writeup in a pdf or markdown file. Once you have this Ipython notebook ready along with the writeup, it's time to submit for review! Here is a link to the writeup template file.

Optional Challenge

Try your lane finding pipeline on the video below. Does it still work? Can you figure out a way to make it more robust? If you're up for the challenge, modify your pipeline so it works with this video and submit it along with the rest of your project!

In [478]:
challenge_output = 'test_videos_output/challenge.mp4'
## To speed up the testing process you may want to try your pipeline on a shorter subclip of the video
## To do so add .subclip(start_second,end_second) to the end of the line below
## Where start_second and end_second are integer values representing the start and end of the subclip
## You may also uncomment the following line for a subclip of the first 5 seconds
##clip3 = VideoFileClip('test_videos/challenge.mp4').subclip(0,5)
clip3 = VideoFileClip('test_videos/challenge.mp4')
challenge_clip = clip3.fl_image(process_image)
%time challenge_clip.write_videofile(challenge_output, audio=False)
[MoviePy] >>>> Building video test_videos_output/challenge.mp4
[MoviePy] Writing video test_videos_output/challenge.mp4
100%|██████████| 251/251 [00:05<00:00, 43.88it/s]
[MoviePy] Done.
[MoviePy] >>>> Video ready: test_videos_output/challenge.mp4 

CPU times: user 5.91 s, sys: 8.45 s, total: 14.4 s
Wall time: 6.14 s
In [479]:
HTML("""
<video width="960" height="540" controls>
  <source src="{0}">
</video>
""".format(challenge_output))
Out[479]: