forked from udacity/dog-project
-
Notifications
You must be signed in to change notification settings - Fork 0
/
Copy pathdog_app.ipynb.orig
1003 lines (1003 loc) · 40.8 KB
/
dog_app.ipynb.orig
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
541
542
543
544
545
546
547
548
549
550
551
552
553
554
555
556
557
558
559
560
561
562
563
564
565
566
567
568
569
570
571
572
573
574
575
576
577
578
579
580
581
582
583
584
585
586
587
588
589
590
591
592
593
594
595
596
597
598
599
600
601
602
603
604
605
606
607
608
609
610
611
612
613
614
615
616
617
618
619
620
621
622
623
624
625
626
627
628
629
630
631
632
633
634
635
636
637
638
639
640
641
642
643
644
645
646
647
648
649
650
651
652
653
654
655
656
657
658
659
660
661
662
663
664
665
666
667
668
669
670
671
672
673
674
675
676
677
678
679
680
681
682
683
684
685
686
687
688
689
690
691
692
693
694
695
696
697
698
699
700
701
702
703
704
705
706
707
708
709
710
711
712
713
714
715
716
717
718
719
720
721
722
723
724
725
726
727
728
729
730
731
732
733
734
735
736
737
738
739
740
741
742
743
744
745
746
747
748
749
750
751
752
753
754
755
756
757
758
759
760
761
762
763
764
765
766
767
768
769
770
771
772
773
774
775
776
777
778
779
780
781
782
783
784
785
786
787
788
789
790
791
792
793
794
795
796
797
798
799
800
801
802
803
804
805
806
807
808
809
810
811
812
813
814
815
816
817
818
819
820
821
822
823
824
825
826
827
828
829
830
831
832
833
834
835
836
837
838
839
840
841
842
843
844
845
846
847
848
849
850
851
852
853
854
855
856
857
858
859
860
861
862
863
864
865
866
867
868
869
870
871
872
873
874
875
876
877
878
879
880
881
882
883
884
885
886
887
888
889
890
891
892
893
894
895
896
897
898
899
900
901
902
903
904
905
906
907
908
909
910
911
912
913
914
915
916
917
918
919
920
921
922
923
924
925
926
927
928
929
930
931
932
933
934
935
936
937
938
939
940
941
942
943
944
945
946
947
948
949
950
951
952
953
954
955
956
957
958
959
960
961
962
963
964
965
966
967
968
969
970
971
972
973
974
975
976
977
978
979
980
981
982
983
984
985
986
987
988
989
990
991
992
993
994
995
996
997
998
999
1000
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Artificial Intelligence Nanodegree\n",
"\n",
"## Convolutional Neural Networks\n",
"\n",
"## Project: Write an Algorithm for a Dog Identification App \n",
"\n",
"---\n",
"\n",
"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. 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! \n",
"\n",
"> **Note**: Once you have completed all of the code implementations, you need to finalize your work by exporting the iPython Notebook as an HTML document. Before exporting the notebook to html, all of the code cells need to have been run so that reviewers can see the final implementation and output. You can then export the notebook by using the menu above and navigating to \\n\",\n",
" \"**File -> Download as -> HTML (.html)**. Include the finished document along with this notebook as your submission.\n",
"\n",
"In addition to implementing code, there will be questions that you must answer which relate to the project and your implementation. Each section where you will answer a question is preceded by a **'Question X'** header. Carefully read each question and provide thorough answers in the following text boxes that begin with **'Answer:'**. Your project submission will be evaluated based on your answers to each of the questions and the implementation you provide.\n",
"\n",
">**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.\n",
"\n",
"The rubric contains _optional_ \"Stand Out Suggestions\" for enhancing the project beyond the minimum requirements. If you decide to pursue the \"Stand Out Suggestions\", you should include the code in this IPython notebook.\n",
"\n",
"\n",
"\n",
"---\n",
"### Why We're Here \n",
"\n",
"In this notebook, you will make the first steps towards developing an algorithm that could be used as part of a mobile or web app. At the end of this project, your code will accept any user-supplied image as input. If a dog is detected in the image, it will provide an estimate of the dog's breed. If a human is detected, it will provide an estimate of the dog breed that is most resembling. The image below displays potential sample output of your finished project (... but we expect that each student's algorithm will behave differently!). \n",
"\n",
"\n",
"\n",
"In this real-world setting, you will need to piece together a series of models to perform different tasks; for instance, the algorithm that detects humans in an image will be different from the CNN that infers dog breed. There are many points of possible failure, and no perfect algorithm exists. Your imperfect solution will nonetheless create a fun user experience!\n",
"\n",
"### The Road Ahead\n",
"\n",
"We break the notebook into separate steps. Feel free to use the links below to navigate the notebook.\n",
"\n",
"* [Step 0](#step0): Import Datasets\n",
"* [Step 1](#step1): Detect Humans\n",
"* [Step 2](#step2): Detect Dogs\n",
"* [Step 3](#step3): Create a CNN to Classify Dog Breeds (from Scratch)\n",
"* [Step 4](#step4): Use a CNN to Classify Dog Breeds (using Transfer Learning)\n",
"* [Step 5](#step5): Create a CNN to Classify Dog Breeds (using Transfer Learning)\n",
"* [Step 6](#step6): Write your Algorithm\n",
"* [Step 7](#step7): Test Your Algorithm\n",
"\n",
"---\n",
"<a id='step0'></a>\n",
"## Step 0: Import Datasets\n",
"\n",
"### Import Dog Dataset\n",
"\n",
"In the code cell below, we import a dataset of dog images. We populate a few variables through the use of the `load_files` function from the scikit-learn library:\n",
"- `train_files`, `valid_files`, `test_files` - numpy arrays containing file paths to images\n",
"- `train_targets`, `valid_targets`, `test_targets` - numpy arrays containing onehot-encoded classification labels \n",
"- `dog_names` - list of string-valued dog breed names for translating labels"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from sklearn.datasets import load_files \n",
"from keras.utils import np_utils\n",
"import numpy as np\n",
"from glob import glob\n",
"\n",
"# define function to load train, test, and validation datasets\n",
"def load_dataset(path):\n",
" data = load_files(path)\n",
" dog_files = np.array(data['filenames'])\n",
" dog_targets = np_utils.to_categorical(np.array(data['target']), 133)\n",
" return dog_files, dog_targets\n",
"\n",
"# load train, test, and validation datasets\n",
"train_files, train_targets = load_dataset('dogImages/train')\n",
"valid_files, valid_targets = load_dataset('dogImages/valid')\n",
"test_files, test_targets = load_dataset('dogImages/test')\n",
"\n",
"# load list of dog names\n",
"dog_names = [item[20:-1] for item in sorted(glob(\"dogImages/train/*/\"))]\n",
"\n",
"# print statistics about the dataset\n",
"print('There are %d total dog categories.' % len(dog_names))\n",
"print('There are %s total dog images.\\n' % len(np.hstack([train_files, valid_files, test_files])))\n",
"print('There are %d training dog images.' % len(train_files))\n",
"print('There are %d validation dog images.' % len(valid_files))\n",
"print('There are %d test dog images.'% len(test_files))"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Import Human Dataset\n",
"\n",
"In the code cell below, we import a dataset of human images, where the file paths are stored in the numpy array `human_files`."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import random\n",
"random.seed(8675309)\n",
"\n",
"# load filenames in shuffled human dataset\n",
"human_files = np.array(glob(\"lfw/*/*\"))\n",
"random.shuffle(human_files)\n",
"\n",
"# print statistics about the dataset\n",
"print('There are %d total human images.' % len(human_files))"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step1'></a>\n",
"## Step 1: Detect Humans\n",
"\n",
"We use OpenCV's implementation of [Haar feature-based cascade classifiers](http://docs.opencv.org/trunk/d7/d8b/tutorial_py_face_detection.html) to detect human faces in images. OpenCV provides many pre-trained face detectors, stored as XML files on [github](https://github.com/opencv/opencv/tree/master/data/haarcascades). We have downloaded one of these detectors and stored it in the `haarcascades` directory.\n",
"\n",
"In the next code cell, we demonstrate how to use this detector to find human faces in a sample image."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import cv2 \n",
"import matplotlib.pyplot as plt \n",
"%matplotlib inline \n",
"\n",
"# extract pre-trained face detector\n",
"face_cascade = cv2.CascadeClassifier('haarcascades/haarcascade_frontalface_alt.xml')\n",
"\n",
"# load color (BGR) image\n",
"img = cv2.imread(human_files[3])\n",
"# convert BGR image to grayscale\n",
"gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)\n",
"\n",
"# find faces in image\n",
"faces = face_cascade.detectMultiScale(gray)\n",
"\n",
"# print number of faces detected in the image\n",
"print('Number of faces detected:', len(faces))\n",
"\n",
"# get bounding box for each detected face\n",
"for (x,y,w,h) in faces:\n",
" # add bounding box to color image\n",
" cv2.rectangle(img,(x,y),(x+w,y+h),(255,0,0),2)\n",
" \n",
"# convert BGR image to RGB for plotting\n",
"cv_rgb = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)\n",
"\n",
"# display the image, along with bounding box\n",
"plt.imshow(cv_rgb)\n",
"plt.show()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"Before using any of the face detectors, it is standard procedure to convert the images to grayscale. The `detectMultiScale` function executes the classifier stored in `face_cascade` and takes the grayscale image as a parameter. \n",
"\n",
"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.\n",
"\n",
"### Write a Human Face Detector\n",
"\n",
"We can use this procedure to write a function that returns `True` if a human face is detected in an image and `False` otherwise. This function, aptly named `face_detector`, takes a string-valued file path to an image as input and appears in the code block below."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"# returns \"True\" if face is detected in image stored at img_path\n",
"def face_detector(img_path):\n",
" img = cv2.imread(img_path)\n",
" gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)\n",
" faces = face_cascade.detectMultiScale(gray)\n",
" return len(faces) > 0"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Assess the Human Face Detector\n",
"\n",
"__Question 1:__ Use the code cell below to test the performance of the `face_detector` function. \n",
"- What percentage of the first 100 images in `human_files` have a detected human face? \n",
"- What percentage of the first 100 images in `dog_files` have a detected human face? \n",
"\n",
"Ideally, we would like 100% of human images with a detected face and 0% of dog images with a detected face. You will see that our algorithm falls short of this goal, but still gives acceptable performance. We extract the file paths for the first 100 images from each of the datasets and store them in the numpy arrays `human_files_short` and `dog_files_short`.\n",
"\n",
"__Answer:__ "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"human_files_short = human_files[:100]\n",
"dog_files_short = train_files[:100]\n",
"# Do NOT modify the code above this line.\n",
"\n",
"## TODO: Test the performance of the face_detector algorithm \n",
"## on the images in human_files_short and dog_files_short."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"__Question 2:__ This algorithmic choice necessitates that we communicate to the user that we accept human images only when they provide a clear view of a face (otherwise, we risk having unneccessarily frustrated users!). In your opinion, is this a reasonable expectation to pose on the user? If not, can you think of a way to detect humans in images that does not necessitate an image with a clearly presented face?\n",
"\n",
"__Answer:__\n",
"\n",
"We suggest the face detector from OpenCV as a potential way to detect human images in your algorithm, but you are free to explore other approaches, especially approaches that make use of deep learning :). Please use the code cell below to design and test your own face detection algorithm. If you decide to pursue this _optional_ task, report performance on each of the datasets."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"## (Optional) TODO: Report the performance of another \n",
"## face detection algorithm on the LFW dataset\n",
"### Feel free to use as many code cells as needed."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step2'></a>\n",
"## Step 2: Detect Dogs\n",
"\n",
"In this section, we use a pre-trained [ResNet-50](http://ethereon.github.io/netscope/#/gist/db945b393d40bfa26006) model to detect dogs in images. Our first line of code downloads the ResNet-50 model, along with weights that have been trained on [ImageNet](http://www.image-net.org/), a very large, very popular dataset used for image classification and other vision tasks. ImageNet contains over 10 million URLs, each linking to an image containing an object from one of [1000 categories](https://gist.github.com/yrevar/942d3a0ac09ec9e5eb3a). Given an image, this pre-trained ResNet-50 model returns a prediction (derived from the available categories in ImageNet) for the object that is contained in the image."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from keras.applications.resnet50 import ResNet50\n",
"\n",
"# define ResNet50 model\n",
"ResNet50_model = ResNet50(weights='imagenet')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Pre-process the Data\n",
"\n",
"When using TensorFlow as backend, Keras CNNs require a 4D array (which we'll also refer to as a 4D tensor) as input, with shape\n",
"\n",
"$$\n",
"(\\text{nb_samples}, \\text{rows}, \\text{columns}, \\text{channels}),\n",
"$$\n",
"\n",
"where `nb_samples` corresponds to the total number of images (or samples), and `rows`, `columns`, and `channels` correspond to the number of rows, columns, and channels for each image, respectively. \n",
"\n",
"The `path_to_tensor` function below takes a string-valued file path to a color image as input and returns a 4D tensor suitable for supplying to a Keras CNN. The function first loads the image and resizes it to a square image that is $224 \\times 224$ pixels. Next, the image is converted to an array, which is then resized to a 4D tensor. In this case, since we are working with color images, each image has three channels. Likewise, since we are processing a single image (or sample), the returned tensor will always have shape\n",
"\n",
"$$\n",
"(1, 224, 224, 3).\n",
"$$\n",
"\n",
"The `paths_to_tensor` function takes a numpy array of string-valued image paths as input and returns a 4D tensor with shape \n",
"\n",
"$$\n",
"(\\text{nb_samples}, 224, 224, 3).\n",
"$$\n",
"\n",
"Here, `nb_samples` is the number of samples, or number of images, in the supplied array of image paths. It is best to think of `nb_samples` as the number of 3D tensors (where each 3D tensor corresponds to a different image) in your dataset!"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from keras.preprocessing import image \n",
"from tqdm import tqdm\n",
"\n",
"def path_to_tensor(img_path):\n",
" # loads RGB image as PIL.Image.Image type\n",
" img = image.load_img(img_path, target_size=(224, 224))\n",
" # convert PIL.Image.Image type to 3D tensor with shape (224, 224, 3)\n",
" x = image.img_to_array(img)\n",
" # convert 3D tensor to 4D tensor with shape (1, 224, 224, 3) and return 4D tensor\n",
" return np.expand_dims(x, axis=0)\n",
"\n",
"def paths_to_tensor(img_paths):\n",
" list_of_tensors = [path_to_tensor(img_path) for img_path in tqdm(img_paths)]\n",
" return np.vstack(list_of_tensors)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Making Predictions with ResNet-50\n",
"\n",
"Getting the 4D tensor ready for ResNet-50, and for any other pre-trained model in Keras, requires some additional processing. First, the RGB image is converted to BGR by reordering the channels. All pre-trained models have the additional normalization step that the mean pixel (expressed in RGB as $[103.939, 116.779, 123.68]$ and calculated from all pixels in all images in ImageNet) must be subtracted from every pixel in each image. This is implemented in the imported function `preprocess_input`. If you're curious, you can check the code for `preprocess_input` [here](https://github.com/fchollet/keras/blob/master/keras/applications/imagenet_utils.py).\n",
"\n",
"Now that we have a way to format our image for supplying to ResNet-50, we are now ready to use the model to extract the predictions. This is accomplished with the `predict` method, which returns an array whose $i$-th entry is the model's predicted probability that the image belongs to the $i$-th ImageNet category. This is implemented in the `ResNet50_predict_labels` function below.\n",
"\n",
"By taking the argmax of the predicted probability vector, we obtain an integer corresponding to the model's predicted object class, which we can identify with an object category through the use of this [dictionary](https://gist.github.com/yrevar/942d3a0ac09ec9e5eb3a). "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from keras.applications.resnet50 import preprocess_input, decode_predictions\n",
"\n",
"def ResNet50_predict_labels(img_path):\n",
" # returns prediction vector for image located at img_path\n",
" img = preprocess_input(path_to_tensor(img_path))\n",
" return np.argmax(ResNet50_model.predict(img))"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Write a Dog Detector\n",
"\n",
"While looking at the [dictionary](https://gist.github.com/yrevar/942d3a0ac09ec9e5eb3a), you will notice that the categories corresponding to dogs appear in an uninterrupted sequence and correspond to dictionary keys 151-268, inclusive, to include all categories from `'Chihuahua'` to `'Mexican hairless'`. Thus, in order to check to see if an image is predicted to contain a dog by the pre-trained ResNet-50 model, we need only check if the `ResNet50_predict_labels` function above returns a value between 151 and 268 (inclusive).\n",
"\n",
"We use these ideas to complete the `dog_detector` function below, which returns `True` if a dog is detected in an image (and `False` if not)."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### returns \"True\" if a dog is detected in the image stored at img_path\n",
"def dog_detector(img_path):\n",
" prediction = ResNet50_predict_labels(img_path)\n",
" return ((prediction <= 268) & (prediction >= 151)) "
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Assess the Dog Detector\n",
"\n",
"__Question 3:__ Use the code cell below to test the performance of your `dog_detector` function. \n",
"- What percentage of the images in `human_files_short` have a detected dog? \n",
"- What percentage of the images in `dog_files_short` have a detected dog?\n",
"\n",
"__Answer:__ "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"### TODO: Test the performance of the dog_detector function\n",
"### on the images in human_files_short and dog_files_short."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step3'></a>\n",
"## Step 3: Create a CNN to Classify Dog Breeds (from Scratch)\n",
"\n",
"Now that we have functions for detecting humans and dogs in images, we need a way to predict breed from images. In this step, you will create a CNN that classifies dog breeds. You must create your CNN _from scratch_ (so, you can't use transfer learning _yet_!), and you must attain a test accuracy of at least 1%. In Step 5 of this notebook, you will have the opportunity to use transfer learning to create a CNN that attains greatly improved accuracy.\n",
"\n",
"Be careful with adding too many trainable layers! More parameters means longer training, which means you are more likely to need a GPU to accelerate the training process. Thankfully, Keras provides a handy estimate of the time that each epoch is likely to take; you can extrapolate this estimate to figure out how long it will take for your algorithm to train. \n",
"\n",
"We mention that the task of assigning breed to dogs from images is considered exceptionally challenging. To see why, consider that *even a human* would have great difficulty in distinguishing between a Brittany and a Welsh Springer Spaniel. \n",
"\n",
"Brittany | Welsh Springer Spaniel\n",
"- | - \n",
"<img src=\"images/Brittany_02625.jpg\" width=\"100\"> | <img src=\"images/Welsh_springer_spaniel_08203.jpg\" width=\"200\">\n",
"\n",
"It is not difficult to find other dog breed pairs with minimal inter-class variation (for instance, Curly-Coated Retrievers and American Water Spaniels). \n",
"\n",
"Curly-Coated Retriever | American Water Spaniel\n",
"- | -\n",
"<img src=\"images/Curly-coated_retriever_03896.jpg\" width=\"200\"> | <img src=\"images/American_water_spaniel_00648.jpg\" width=\"200\">\n",
"\n",
"\n",
"Likewise, recall that labradors come in yellow, chocolate, and black. Your vision-based algorithm will have to conquer this high intra-class variation to determine how to classify all of these different shades as the same breed. \n",
"\n",
"Yellow Labrador | Chocolate Labrador | Black Labrador\n",
"- | -\n",
"<img src=\"images/Labrador_retriever_06457.jpg\" width=\"150\"> | <img src=\"images/Labrador_retriever_06455.jpg\" width=\"240\"> | <img src=\"images/Labrador_retriever_06449.jpg\" width=\"220\">\n",
"\n",
"We also mention that random chance presents an exceptionally low bar: setting aside the fact that the classes are slightly imabalanced, a random guess will provide a correct answer roughly 1 in 133 times, which corresponds to an accuracy of less than 1%. \n",
"\n",
"Remember that the practice is far ahead of the theory in deep learning. Experiment with many different architectures, and trust your intuition. And, of course, have fun! \n",
"\n",
"### Pre-process the Data\n",
"\n",
"We rescale the images by dividing every pixel in every image by 255."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from PIL import ImageFile \n",
"ImageFile.LOAD_TRUNCATED_IMAGES = True \n",
"\n",
"# pre-process the data for Keras\n",
"train_tensors = paths_to_tensor(train_files).astype('float32')/255\n",
"valid_tensors = paths_to_tensor(valid_files).astype('float32')/255\n",
"test_tensors = paths_to_tensor(test_files).astype('float32')/255"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Model Architecture\n",
"\n",
"Create a CNN to classify dog breed. At the end of your code cell block, summarize the layers of your model by executing the line:\n",
" \n",
" model.summary()\n",
"\n",
"We have imported some Python modules to get you started, but feel free to import as many modules as you need. If you end up getting stuck, here's a hint that specifies a model that trains relatively fast on CPU and attains >1% test accuracy in 5 epochs:\n",
"\n",
"\n",
" \n",
"__Question 4:__ Outline the steps you took to get to your final CNN architecture and your reasoning at each step. If you chose to use the hinted architecture above, describe why you think that CNN architecture should work well for the image classification task.\n",
"\n",
"__Answer:__ "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from keras.layers import Conv2D, MaxPooling2D, GlobalAveragePooling2D\n",
"from keras.layers import Dropout, Flatten, Dense\n",
"from keras.models import Sequential\n",
"\n",
"model = Sequential()\n",
"\n",
"### TODO: Define your architecture.\n",
"\n",
"model.summary()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Compile the Model"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"model.compile(optimizer='rmsprop', loss='categorical_crossentropy', metrics=['accuracy'])"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Train the Model\n",
"\n",
"Train your model in the code cell below. Use model checkpointing to save the model that attains the best validation loss.\n",
"\n",
"You are welcome to [augment the training data](https://blog.keras.io/building-powerful-image-classification-models-using-very-little-data.html), but this is not a requirement. "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from keras.callbacks import ModelCheckpoint \n",
"\n",
"### TODO: specify the number of epochs that you would like to use to train the model.\n",
"\n",
"epochs = ...\n",
"\n",
"### Do NOT modify the code below this line.\n",
"\n",
"checkpointer = ModelCheckpoint(filepath='saved_models/weights.best.from_scratch.hdf5', \n",
" verbose=1, save_best_only=True)\n",
"\n",
"model.fit(train_tensors, train_targets, \n",
" validation_data=(valid_tensors, valid_targets),\n",
" epochs=epochs, batch_size=20, callbacks=[checkpointer], verbose=1)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Load the Model with the Best Validation Loss"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"model.load_weights('saved_models/weights.best.from_scratch.hdf5')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Test the Model\n",
"\n",
"Try out your model on the test dataset of dog images. Ensure that your test accuracy is greater than 1%."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"# get index of predicted dog breed for each image in test set\n",
"dog_breed_predictions = [np.argmax(model.predict(np.expand_dims(tensor, axis=0))) for tensor in test_tensors]\n",
"\n",
"# report test accuracy\n",
"test_accuracy = 100*np.sum(np.array(dog_breed_predictions)==np.argmax(test_targets, axis=1))/len(dog_breed_predictions)\n",
"print('Test accuracy: %.4f%%' % test_accuracy)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step4'></a>\n",
"## Step 4: Use a CNN to Classify Dog Breeds\n",
"\n",
"To reduce training time without sacrificing accuracy, we show you how to train a CNN using transfer learning. In the following step, you will get a chance to use transfer learning to train your own CNN.\n",
"\n",
"### Obtain Bottleneck Features"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"bottleneck_features = np.load('bottleneck_features/DogVGG16Data.npz')\n",
"train_VGG16 = bottleneck_features['train']\n",
"valid_VGG16 = bottleneck_features['valid']\n",
"test_VGG16 = bottleneck_features['test']"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Model Architecture\n",
"\n",
"The model uses the the pre-trained VGG-16 model as a fixed feature extractor, where the last convolutional output of VGG-16 is fed as input to our model. We only add a global average pooling layer and a fully connected layer, where the latter contains one node for each dog category and is equipped with a softmax."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"VGG16_model = Sequential()\n",
"VGG16_model.add(GlobalAveragePooling2D(input_shape=train_VGG16.shape[1:]))\n",
"VGG16_model.add(Dense(133, activation='softmax'))\n",
"\n",
"VGG16_model.summary()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Compile the Model"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"VGG16_model.compile(loss='categorical_crossentropy', optimizer='rmsprop', metrics=['accuracy'])"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Train the Model"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"checkpointer = ModelCheckpoint(filepath='saved_models/weights.best.VGG16.hdf5', \n",
" verbose=1, save_best_only=True)\n",
"\n",
"VGG16_model.fit(train_VGG16, train_targets, \n",
" validation_data=(valid_VGG16, valid_targets),\n",
" epochs=20, batch_size=20, callbacks=[checkpointer], verbose=1)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Load the Model with the Best Validation Loss"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"VGG16_model.load_weights('saved_models/weights.best.VGG16.hdf5')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Test the Model\n",
"\n",
"Now, we can use the CNN to test how well it identifies breed within our test dataset of dog images. We print the test accuracy below."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"# get index of predicted dog breed for each image in test set\n",
"VGG16_predictions = [np.argmax(VGG16_model.predict(np.expand_dims(feature, axis=0))) for feature in test_VGG16]\n",
"\n",
"# report test accuracy\n",
"test_accuracy = 100*np.sum(np.array(VGG16_predictions)==np.argmax(test_targets, axis=1))/len(VGG16_predictions)\n",
"print('Test accuracy: %.4f%%' % test_accuracy)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Predict Dog Breed with the Model"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"from extract_bottleneck_features import *\n",
"\n",
"def VGG16_predict_breed(img_path):\n",
" # extract bottleneck features\n",
" bottleneck_feature = extract_VGG16(path_to_tensor(img_path))\n",
" # obtain predicted vector\n",
" predicted_vector = VGG16_model.predict(bottleneck_feature)\n",
" # return dog breed that is predicted by the model\n",
" return dog_names[np.argmax(predicted_vector)]"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step5'></a>\n",
"## Step 5: Create a CNN to Classify Dog Breeds (using Transfer Learning)\n",
"\n",
"You will now use transfer learning to create a CNN that can identify dog breed from images. Your CNN must attain at least 60% accuracy on the test set.\n",
"\n",
"In Step 4, we used transfer learning to create a CNN using VGG-16 bottleneck features. In this section, you must use the bottleneck features from a different pre-trained model. To make things easier for you, we have pre-computed the features for all of the networks that are currently available in Keras:\n",
"- [VGG-19](https://s3-us-west-1.amazonaws.com/udacity-aind/dog-project/DogVGG19Data.npz) bottleneck features\n",
"- [ResNet-50](https://s3-us-west-1.amazonaws.com/udacity-aind/dog-project/DogResnet50Data.npz) bottleneck features\n",
"- [Inception](https://s3-us-west-1.amazonaws.com/udacity-aind/dog-project/DogInceptionV3Data.npz) bottleneck features\n",
"- [Xception](https://s3-us-west-1.amazonaws.com/udacity-aind/dog-project/DogXceptionData.npz) bottleneck features\n",
"\n",
"The files are encoded as such:\n",
"\n",
" Dog{network}Data.npz\n",
" \n",
"where `{network}`, in the above filename, can be one of `VGG19`, `Resnet50`, `InceptionV3`, or `Xception`. Pick one of the above architectures, download the corresponding bottleneck features, and store the downloaded file in the `bottleneck_features/` folder in the repository.\n",
"\n",
"### (IMPLEMENTATION) Obtain Bottleneck Features\n",
"\n",
"In the code block below, extract the bottleneck features corresponding to the train, test, and validation sets by running the following:\n",
"\n",
" bottleneck_features = np.load('bottleneck_features/Dog{network}Data.npz')\n",
" train_{network} = bottleneck_features['train']\n",
" valid_{network} = bottleneck_features['valid']\n",
" test_{network} = bottleneck_features['test']"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Obtain bottleneck features from another pre-trained CNN."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Model Architecture\n",
"\n",
"Create a CNN to classify dog breed. At the end of your code cell block, summarize the layers of your model by executing the line:\n",
" \n",
" <your model's name>.summary()\n",
" \n",
"__Question 5:__ Outline the steps you took to get to your final CNN architecture and your reasoning at each step. Describe why you think the architecture is suitable for the current problem.\n",
"\n",
"__Answer:__ \n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Define your architecture."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Compile the Model"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Compile the model."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Train the Model\n",
"\n",
"Train your model in the code cell below. Use model checkpointing to save the model that attains the best validation loss. \n",
"\n",
"You are welcome to [augment the training data](https://blog.keras.io/building-powerful-image-classification-models-using-very-little-data.html), but this is not a requirement. "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Train the model."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Load the Model with the Best Validation Loss"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Load the model weights with the best validation loss."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Test the Model\n",
"\n",
"Try out your model on the test dataset of dog images. Ensure that your test accuracy is greater than 60%."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Calculate classification accuracy on the test dataset."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### (IMPLEMENTATION) Predict Dog Breed with the Model\n",
"\n",
"Write a function that takes an image path as input and returns the dog breed (`Affenpinscher`, `Afghan_hound`, etc) that is predicted by your model. \n",
"\n",
"Similar to the analogous function in Step 5, your function should have three steps:\n",
"1. Extract the bottleneck features corresponding to the chosen CNN model.\n",
"2. Supply the bottleneck features as input to the model to return the predicted vector. Note that the argmax of this prediction vector gives the index of the predicted dog breed.\n",
"3. Use the `dog_names` array defined in Step 0 of this notebook to return the corresponding breed.\n",
"\n",
"The functions to extract the bottleneck features can be found in `extract_bottleneck_features.py`, and they have been imported in an earlier code cell. To obtain the bottleneck features corresponding to your chosen CNN architecture, you need to use the function\n",
"\n",
" extract_{network}\n",
" \n",
"where `{network}`, in the above filename, should be one of `VGG19`, `Resnet50`, `InceptionV3`, or `Xception`."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"collapsed": true
},
"outputs": [],
"source": [
"### TODO: Write a function that takes a path to an image as input\n",
"### and returns the dog breed that is predicted by the model."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step6'></a>\n",
"## Step 6: Write your Algorithm\n",
"\n",
"Write an algorithm that accepts a file path to an image and first determines whether the image contains a human, dog, or neither. Then,\n",
"- if a __dog__ is detected in the image, return the predicted breed.\n",
"- if a __human__ is detected in the image, return the resembling dog breed.\n",
"- if __neither__ is detected in the image, provide output that indicates an error.\n",
"\n",
"You are welcome to write your own functions for detecting humans and dogs in images, but feel free to use the `face_detector` and `dog_detector` functions developed above. You are __required__ to use your CNN from Step 5 to predict dog breed. \n",
"\n",
"Some sample output for our algorithm is provided below, but feel free to design your own user experience!\n",
"\n",
"\n",
"\n",
"\n",
"### (IMPLEMENTATION) Write your Algorithm"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"### TODO: Write your algorithm.\n",
"### Feel free to use as many code cells as needed."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"<a id='step7'></a>\n",
"## Step 7: Test Your Algorithm\n",
"\n",
"In this section, you will take your new algorithm for a spin! What kind of dog does the algorithm think that __you__ look like? If you have a dog, does it predict your dog's breed accurately? If you have a cat, does it mistakenly think that your cat is a dog?\n",
"\n",
"### (IMPLEMENTATION) Test Your Algorithm on Sample Images!\n",
"\n",
"Test your algorithm at least six images on your computer. Feel free to use any images you like. Use at least two human and two dog images. \n",
"\n",
"__Question 6:__ Is the output better than you expected :) ? Or worse :( ? Provide at least three possible points of improvement for your algorithm.\n",
"\n",
"__Answer:__ "
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"## TODO: Execute your algorithm from Step 6 on\n",
"## at least 6 images on your computer.\n",
"## Feel free to use as many code cells as needed."
]
}
],
"metadata": {
"anaconda-cloud": {},
"kernelspec": {
"display_name": "Python 3",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.5.2"
}
},