diff --git "a/FaceNet.ipynb" "b/FaceNet.ipynb" new file mode 100644--- /dev/null +++ "b/FaceNet.ipynb" @@ -0,0 +1,4142 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import pickle\n", + "import numpy as np\n", + "import cv2\n", + "import tensorflow as tf\n", + "import random\n", + "from keras_facenet import FaceNet\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from sklearn.metrics.pairwise import cosine_similarity\n", + "from sklearn.metrics import classification_report, confusion_matrix\n", + "from tensorflow.image import resize\n", + "from tensorflow.keras.preprocessing.image import load_img, img_to_array\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import RandomFlip, RandomRotation, RandomBrightness, RandomContrast, RandomTranslation, Input" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "cap = cv2.VideoCapture(0)\n", + "cap.set(cv2.CAP_PROP_FRAME_WIDTH,640)\n", + "cap.set(cv2.CAP_PROP_FRAME_HEIGHT,480)\n", + "\n", + "faceCascade = cv2.CascadeClassifier('Cascades/haarcascade_frontalface_default.xml')\n", + "faceRecognition = pickle.load(open(\"model_v1_facenet.pickle\", \"rb\"))\n", + "\n", + "while(True):\n", + " ret, frame = cap.read()\n", + " frame = cv2.flip(frame, 1)\n", + " faces = faceCascade.detectMultiScale(\n", + " frame, \n", + " scaleFactor=1.2,\n", + " minNeighbors=5, \n", + " minSize=(20, 20)\n", + " )\n", + " for (x,y,w,h) in faces:\n", + " cv2.rectangle(frame,(x,y),(x+w,y+h),(0,0,255),2)\n", + " roi_color = frame[y:y+h, x:x+w]\n", + " roi_color = cv2.flip(roi_color, 1)\n", + "\n", + " label = faceRecognition.predict(roi_color)\n", + " label = label[:12] + \"...\" if len(label) > 10 else label\n", + " \n", + " cv2.putText(frame, label, (x, y-10), cv2.FONT_HERSHEY_SIMPLEX, 0.6, (0,0,255), 2)\n", + " cv2.imshow('video',frame)\n", + " \n", + " k = cv2.waitKey(30) & 0xff\n", + " if k == 27: # press 'ESC' to quit\n", + " break\n", + " os.system('cls')\n", + "cap.release()\n", + "cv2.destroyAllWindows()" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [], + "source": [ + "class FaceNetModel():\n", + " def load_data(self, data_path: str):\n", + " train_image_list = []\n", + " test_image_list = []\n", + " train_class_list = []\n", + " test_class_list = []\n", + " \n", + " self.input_size = (160, 160)\n", + " faceCascade = cv2.CascadeClassifier('Cascades/haarcascade_frontalface_default.xml')\n", + " \n", + " for label in os.listdir(data_path):\n", + " if(len(os.listdir(os.path.join(data_path, label))) < 5):\n", + " continue\n", + " test = 0\n", + " for j, filename in enumerate(os.listdir(os.path.join(data_path, label))):\n", + " if j >= 10:\n", + " break\n", + " filename = os.path.join(data_path, label, filename)\n", + " image = load_img(filename)\n", + " image = np.array(image)\n", + " faces = faceCascade.detectMultiScale(\n", + " image, \n", + " scaleFactor=1.2,\n", + " minNeighbors=5, \n", + " minSize=(20, 20)\n", + " )\n", + " for (x, y, w, h) in faces:\n", + " if w == 0 or h == 0:\n", + " continue\n", + " image_roi = image[y:y+h, x:x+w]\n", + " image_roi = img_to_array(image_roi)\n", + " image_roi = resize(image_roi, self.input_size)\n", + " if test == 0:\n", + " test_image_list.append(image_roi)\n", + " test_class_list.append(label)\n", + " test = 1\n", + " else:\n", + " train_image_list.append(image_roi)\n", + " train_class_list.append(label)\n", + " print(f\"Index {j}. {filename}\")\n", + " os.system(\"cls\")\n", + " encoder = LabelEncoder()\n", + " test_class_list = encoder.fit_transform(test_class_list)\n", + " train_class_list = encoder.transform(train_class_list)\n", + " self.label_names = encoder.classes_\n", + " \n", + " self.train_data = (np.array(train_image_list), np.array(train_class_list))\n", + " self.test_data = (np.array(test_image_list), np.array(test_class_list))\n", + " print(f\"Train dataset len: {len(train_image_list)}\")\n", + " print(f\"Test dataset len: {len(test_image_list)}\")\n", + "\n", + " def augmentation(self, images, labels, max_val = 3):\n", + " augmented_images = []\n", + " augmented_labels = []\n", + " data_augmentation = Sequential([\n", + " Input(shape=images[0].shape),\n", + " RandomBrightness(factor=0.2),\n", + " RandomContrast(factor=0.2),\n", + " RandomFlip(\"horizontal\"),\n", + " RandomTranslation(height_factor=0.1, width_factor=0.1),\n", + " RandomRotation(factor=0.1)\n", + " ])\n", + " for image, label in zip(images, labels):\n", + " for _ in range(max_val):\n", + " augmented_image = data_augmentation(tf.expand_dims(image, 0))\n", + " augmented_image = resize(tf.squeeze(augmented_image), self.input_size)\n", + " augmented_images.append(augmented_image)\n", + " augmented_labels.append(label)\n", + " \n", + " return np.array(augmented_images), augmented_labels\n", + "\n", + " def save(self, save_path):\n", + " with open(save_path + \".pickle\", \"wb\") as file:\n", + " pickle.dump(self, file)\n", + " return\n", + " \n", + " def normalize(self, image):\n", + " image = image.astype('float32')\n", + " mean = image.mean()\n", + " std = image.std()\n", + " return (image - mean) / std\n", + " \n", + " def fit(self, augmentation=True): \n", + " X_train, y_train = self.train_data\n", + " X_test, y_test = self.test_data\n", + " \n", + " if augmentation:\n", + " X_train, y_train = self.augmentation(X_train, y_train, 3)\n", + " \n", + " print(X_train.shape)\n", + " embedder = FaceNet()\n", + " X_train_embeddings = embedder.embeddings(X_train)\n", + " X_test_embeddings = embedder.embeddings(X_test)\n", + " \n", + " new_X_train_embeddings = []\n", + " new_Y_train = []\n", + " embeddings_dict = {}\n", + "\n", + " for embed, label in zip(X_train_embeddings, y_train):\n", + " if label not in embeddings_dict:\n", + " embeddings_dict[label] = {'count': 0, 'sum': np.zeros_like(embed)}\n", + " embeddings_dict[label]['count'] += 1\n", + " embeddings_dict[label]['sum'] += embed\n", + "\n", + " for label in embeddings_dict:\n", + " avg_embed = embeddings_dict[label][\"sum\"] / embeddings_dict[label][\"count\"]\n", + " new_X_train_embeddings.append(avg_embed)\n", + " new_Y_train.append(label)\n", + " \n", + " y_pred = []\n", + " for x1 in X_test_embeddings:\n", + " best_similarity = -1\n", + " best_match = -1\n", + " for i, x0 in enumerate(new_X_train_embeddings):\n", + " pred = cosine_similarity([x0], [x1])[0][0]\n", + " if pred > best_similarity:\n", + " best_similarity = pred\n", + " best_match = new_Y_train[i]\n", + " y_pred.append(best_match)\n", + " \n", + " self.cr = classification_report(y_test, y_pred)\n", + " self.cm = confusion_matrix(y_test, y_pred) \n", + " self.train_embedding = new_X_train_embeddings\n", + " self.train_label = new_Y_train\n", + "\n", + " def predict(self, predict_image):\n", + " embedder = FaceNet()\n", + " predict_image = img_to_array(predict_image)\n", + " predict_image = resize(predict_image, self.input_size)\n", + " predict_image = np.expand_dims(predict_image, axis=0)\n", + " predict_image_embeddings = embedder.embeddings(predict_image)[0]\n", + " \n", + " best_similarity = -1\n", + " best_match = -1\n", + " for i, x_train in enumerate(self.train_embedding):\n", + " pred = cosine_similarity([x_train], [predict_image_embeddings])[0][0]\n", + " if pred > best_similarity:\n", + " best_similarity = pred\n", + " best_match = self.train_label[i]\n", + " return self.label_names[best_match]\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "model = FaceNetModel()" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Index 0. Dataset\\Abdullah_Gul\\Abdullah_Gul_0001.jpg\n", + "Index 1. Dataset\\Abdullah_Gul\\Abdullah_Gul_0002.jpg\n", + "Index 2. Dataset\\Abdullah_Gul\\Abdullah_Gul_0003.jpg\n", + "Index 3. Dataset\\Abdullah_Gul\\Abdullah_Gul_0004.jpg\n", + "Index 4. Dataset\\Abdullah_Gul\\Abdullah_Gul_0005.jpg\n", + "Index 5. Dataset\\Abdullah_Gul\\Abdullah_Gul_0008.jpg\n", + "Index 6. Dataset\\Abdullah_Gul\\Abdullah_Gul_0009.jpg\n", + "Index 7. Dataset\\Abdullah_Gul\\Abdullah_Gul_0010.jpg\n", + "Index 8. Dataset\\Abdullah_Gul\\Abdullah_Gul_0011.jpg\n", + "Index 9. Dataset\\Abdullah_Gul\\Abdullah_Gul_0012.jpg\n", + "Index 0. Dataset\\Adrien_Brody\\Adrien_Brody_0001.jpg\n", + "Index 1. Dataset\\Adrien_Brody\\Adrien_Brody_0002.jpg\n", + "Index 2. Dataset\\Adrien_Brody\\Adrien_Brody_0003.jpg\n", + "Index 3. Dataset\\Adrien_Brody\\Adrien_Brody_0004.jpg\n", + "Index 4. Dataset\\Adrien_Brody\\Adrien_Brody_0005.jpg\n", + "Index 5. Dataset\\Adrien_Brody\\Adrien_Brody_0006.jpg\n", + "Index 6. Dataset\\Adrien_Brody\\Adrien_Brody_0007.jpg\n", + "Index 7. Dataset\\Adrien_Brody\\Adrien_Brody_0008.jpg\n", + "Index 8. Dataset\\Adrien_Brody\\Adrien_Brody_0009.jpg\n", + "Index 9. Dataset\\Adrien_Brody\\Adrien_Brody_0010.jpg\n", + "Index 0. Dataset\\Ai_Sugiyama\\Ai_Sugiyama_0001.jpg\n", + "Index 1. Dataset\\Ai_Sugiyama\\Ai_Sugiyama_0002.jpg\n", + "Index 2. Dataset\\Ai_Sugiyama\\Ai_Sugiyama_0003.jpg\n", + "Index 3. Dataset\\Ai_Sugiyama\\Ai_Sugiyama_0004.jpg\n", + "Index 4. Dataset\\Ai_Sugiyama\\Ai_Sugiyama_0005.jpg\n", + "Index 1. Dataset\\Alan_Greenspan\\Alan_Greenspan_0002.jpg\n", + "Index 2. Dataset\\Alan_Greenspan\\Alan_Greenspan_0003.jpg\n", + "Index 3. Dataset\\Alan_Greenspan\\Alan_Greenspan_0004.jpg\n", + "Index 4. Dataset\\Alan_Greenspan\\Alan_Greenspan_0005.jpg\n", + "Index 0. Dataset\\Alastair_Campbell\\Alastair_Campbell_0001.jpg\n", + "Index 1. Dataset\\Alastair_Campbell\\Alastair_Campbell_0002.jpg\n", + "Index 2. Dataset\\Alastair_Campbell\\Alastair_Campbell_0003.jpg\n", + "Index 3. Dataset\\Alastair_Campbell\\Alastair_Campbell_0004.jpg\n", + "Index 4. Dataset\\Alastair_Campbell\\Alastair_Campbell_0005.jpg\n", + "Index 0. Dataset\\Albert_Costa\\Albert_Costa_0001.jpg\n", + "Index 1. Dataset\\Albert_Costa\\Albert_Costa_0002.jpg\n", + "Index 2. Dataset\\Albert_Costa\\Albert_Costa_0003.jpg\n", + "Index 3. Dataset\\Albert_Costa\\Albert_Costa_0004.jpg\n", + "Index 4. Dataset\\Albert_Costa\\Albert_Costa_0005.jpg\n", + "Index 5. Dataset\\Albert_Costa\\Albert_Costa_0006.jpg\n", + "Index 0. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0001.jpg\n", + "Index 1. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0002.jpg\n", + "Index 2. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0003.jpg\n", + "Index 3. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0004.jpg\n", + "Index 4. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0005.jpg\n", + "Index 5. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0006.jpg\n", + "Index 6. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0007.jpg\n", + "Index 7. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0008.jpg\n", + "Index 8. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0009.jpg\n", + "Index 9. Dataset\\Alejandro_Toledo\\Alejandro_Toledo_0010.jpg\n", + "Index 0. Dataset\\Ali_Naimi\\Ali_Naimi_0001.jpg\n", + "Index 1. Dataset\\Ali_Naimi\\Ali_Naimi_0002.jpg\n", + "Index 2. Dataset\\Ali_Naimi\\Ali_Naimi_0003.jpg\n", + "Index 3. Dataset\\Ali_Naimi\\Ali_Naimi_0004.jpg\n", + "Index 4. Dataset\\Ali_Naimi\\Ali_Naimi_0005.jpg\n", + "Index 5. Dataset\\Ali_Naimi\\Ali_Naimi_0006.jpg\n", + "Index 6. Dataset\\Ali_Naimi\\Ali_Naimi_0007.jpg\n", + "Index 7. Dataset\\Ali_Naimi\\Ali_Naimi_0008.jpg\n", + "Index 7. Dataset\\Ali_Naimi\\Ali_Naimi_0008.jpg\n", + "Index 0. Dataset\\Allyson_Felix\\Allyson_Felix_0001.jpg\n", + "Index 1. Dataset\\Allyson_Felix\\Allyson_Felix_0002.jpg\n", + "Index 2. Dataset\\Allyson_Felix\\Allyson_Felix_0003.jpg\n", + "Index 3. Dataset\\Allyson_Felix\\Allyson_Felix_0004.jpg\n", + "Index 4. Dataset\\Allyson_Felix\\Allyson_Felix_0005.jpg\n", + "Index 0. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0001.jpg\n", + "Index 1. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0002.jpg\n", + "Index 2. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0003.jpg\n", + "Index 3. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0004.jpg\n", + "Index 4. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0005.jpg\n", + "Index 5. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0006.jpg\n", + "Index 6. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0007.jpg\n", + "Index 7. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0008.jpg\n", + "Index 8. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0009.jpg\n", + "Index 9. Dataset\\Alvaro_Uribe\\Alvaro_Uribe_0010.jpg\n", + "Index 0. Dataset\\Alvian Devano Sugiarto\\1.jpg\n", + "Index 1. Dataset\\Alvian Devano Sugiarto\\2.jpg\n", + "Index 2. Dataset\\Alvian Devano Sugiarto\\3.jpg\n", + "Index 3. Dataset\\Alvian Devano Sugiarto\\4.jpg\n", + "Index 4. Dataset\\Alvian Devano Sugiarto\\5.jpg\n", + "Index 0. Dataset\\Al_Gore\\Al_Gore_0001.jpg\n", + "Index 1. Dataset\\Al_Gore\\Al_Gore_0002.jpg\n", + "Index 2. Dataset\\Al_Gore\\Al_Gore_0003.jpg\n", + "Index 3. Dataset\\Al_Gore\\Al_Gore_0004.jpg\n", + "Index 4. Dataset\\Al_Gore\\Al_Gore_0005.jpg\n", + "Index 5. Dataset\\Al_Gore\\Al_Gore_0006.jpg\n", + "Index 6. Dataset\\Al_Gore\\Al_Gore_0007.jpg\n", + "Index 7. Dataset\\Al_Gore\\Al_Gore_0008.jpg\n", + "Index 0. Dataset\\Al_Sharpton\\Al_Sharpton_0001.jpg\n", + "Index 1. Dataset\\Al_Sharpton\\Al_Sharpton_0002.jpg\n", + "Index 2. Dataset\\Al_Sharpton\\Al_Sharpton_0003.jpg\n", + "Index 3. Dataset\\Al_Sharpton\\Al_Sharpton_0004.jpg\n", + "Index 4. Dataset\\Al_Sharpton\\Al_Sharpton_0005.jpg\n", + "Index 5. Dataset\\Al_Sharpton\\Al_Sharpton_0006.jpg\n", + "Index 6. Dataset\\Al_Sharpton\\Al_Sharpton_0007.jpg\n", + "Index 0. Dataset\\Amelia_Vega\\Amelia_Vega_0001.jpg\n", + "Index 1. Dataset\\Amelia_Vega\\Amelia_Vega_0002.jpg\n", + "Index 2. Dataset\\Amelia_Vega\\Amelia_Vega_0003.jpg\n", + "Index 3. Dataset\\Amelia_Vega\\Amelia_Vega_0004.jpg\n", + "Index 4. Dataset\\Amelia_Vega\\Amelia_Vega_0005.jpg\n", + "Index 5. Dataset\\Amelia_Vega\\Amelia_Vega_0006.jpg\n", + "Index 6. Dataset\\Amelia_Vega\\Amelia_Vega_0007.jpg\n", + "Index 0. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0001.jpg\n", + "Index 1. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0002.jpg\n", + "Index 2. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0003.jpg\n", + "Index 3. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0004.jpg\n", + "Index 4. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0005.jpg\n", + "Index 4. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0005.jpg\n", + "Index 5. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0006.jpg\n", + "Index 6. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0007.jpg\n", + "Index 7. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0008.jpg\n", + "Index 8. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0009.jpg\n", + "Index 9. Dataset\\Amelie_Mauresmo\\Amelie_Mauresmo_0010.jpg\n", + "Index 0. Dataset\\Ana_Guevara\\Ana_Guevara_0001.jpg\n", + "Index 1. Dataset\\Ana_Guevara\\Ana_Guevara_0002.jpg\n", + "Index 2. Dataset\\Ana_Guevara\\Ana_Guevara_0003.jpg\n", + "Index 3. Dataset\\Ana_Guevara\\Ana_Guevara_0004.jpg\n", + "Index 4. Dataset\\Ana_Guevara\\Ana_Guevara_0005.jpg\n", + "Index 5. Dataset\\Ana_Guevara\\Ana_Guevara_0006.jpg\n", + "Index 6. Dataset\\Ana_Guevara\\Ana_Guevara_0007.jpg\n", + "Index 0. Dataset\\Ana_Palacio\\Ana_Palacio_0001.jpg\n", + "Index 1. Dataset\\Ana_Palacio\\Ana_Palacio_0002.jpg\n", + "Index 2. Dataset\\Ana_Palacio\\Ana_Palacio_0003.jpg\n", + "Index 3. Dataset\\Ana_Palacio\\Ana_Palacio_0004.jpg\n", + "Index 4. Dataset\\Ana_Palacio\\Ana_Palacio_0005.jpg\n", + "Index 5. Dataset\\Ana_Palacio\\Ana_Palacio_0006.jpg\n", + "Index 6. Dataset\\Ana_Palacio\\Ana_Palacio_0007.jpg\n", + "Index 7. Dataset\\Ana_Palacio\\Ana_Palacio_0008.jpg\n", + "Index 0. Dataset\\Andre_Agassi\\Andre_Agassi_0001.jpg\n", + "Index 1. Dataset\\Andre_Agassi\\Andre_Agassi_0002.jpg\n", + "Index 2. Dataset\\Andre_Agassi\\Andre_Agassi_0003.jpg\n", + "Index 3. Dataset\\Andre_Agassi\\Andre_Agassi_0004.jpg\n", + "Index 4. Dataset\\Andre_Agassi\\Andre_Agassi_0005.jpg\n", + "Index 5. Dataset\\Andre_Agassi\\Andre_Agassi_0006.jpg\n", + "Index 6. Dataset\\Andre_Agassi\\Andre_Agassi_0007.jpg\n", + "Index 7. Dataset\\Andre_Agassi\\Andre_Agassi_0008.jpg\n", + "Index 8. Dataset\\Andre_Agassi\\Andre_Agassi_0009.jpg\n", + "Index 9. Dataset\\Andre_Agassi\\Andre_Agassi_0010.jpg\n", + "Index 2. Dataset\\Andy_Roddick\\Andy_Roddick_0003.jpg\n", + "Index 3. Dataset\\Andy_Roddick\\Andy_Roddick_0004.jpg\n", + "Index 5. Dataset\\Andy_Roddick\\Andy_Roddick_0006.jpg\n", + "Index 6. Dataset\\Andy_Roddick\\Andy_Roddick_0007.jpg\n", + "Index 7. Dataset\\Andy_Roddick\\Andy_Roddick_0008.jpg\n", + "Index 8. Dataset\\Andy_Roddick\\Andy_Roddick_0009.jpg\n", + "Index 0. Dataset\\Angela_Bassett\\Angela_Bassett_0001.jpg\n", + "Index 1. Dataset\\Angela_Bassett\\Angela_Bassett_0002.jpg\n", + "Index 2. Dataset\\Angela_Bassett\\Angela_Bassett_0003.jpg\n", + "Index 3. Dataset\\Angela_Bassett\\Angela_Bassett_0004.jpg\n", + "Index 4. Dataset\\Angela_Bassett\\Angela_Bassett_0005.jpg\n", + "Index 5. Dataset\\Angela_Bassett\\Angela_Bassett_0006.jpg\n", + "Index 0. Dataset\\Angela_Merkel\\Angela_Merkel_0001.jpg\n", + "Index 1. Dataset\\Angela_Merkel\\Angela_Merkel_0002.jpg\n", + "Index 3. Dataset\\Angela_Merkel\\Angela_Merkel_0004.jpg\n", + "Index 3. Dataset\\Angela_Merkel\\Angela_Merkel_0004.jpg\n", + "Index 4. Dataset\\Angela_Merkel\\Angela_Merkel_0005.jpg\n", + "Index 0. Dataset\\Angelina_Jolie\\Angelina_Jolie_0001.jpg\n", + "Index 1. Dataset\\Angelina_Jolie\\Angelina_Jolie_0002.jpg\n", + "Index 2. Dataset\\Angelina_Jolie\\Angelina_Jolie_0003.jpg\n", + "Index 3. Dataset\\Angelina_Jolie\\Angelina_Jolie_0004.jpg\n", + "Index 3. Dataset\\Angelina_Jolie\\Angelina_Jolie_0004.jpg\n", + "Index 4. Dataset\\Angelina_Jolie\\Angelina_Jolie_0005.jpg\n", + "Index 5. Dataset\\Angelina_Jolie\\Angelina_Jolie_0006.jpg\n", + "Index 6. Dataset\\Angelina_Jolie\\Angelina_Jolie_0007.jpg\n", + "Index 7. Dataset\\Angelina_Jolie\\Angelina_Jolie_0008.jpg\n", + "Index 8. Dataset\\Angelina_Jolie\\Angelina_Jolie_0009.jpg\n", + "Index 9. Dataset\\Angelina_Jolie\\Angelina_Jolie_0010.jpg\n", + "Index 0. Dataset\\Anna_Kournikova\\Anna_Kournikova_0001.jpg\n", + "Index 1. Dataset\\Anna_Kournikova\\Anna_Kournikova_0002.jpg\n", + "Index 2. Dataset\\Anna_Kournikova\\Anna_Kournikova_0003.jpg\n", + "Index 3. Dataset\\Anna_Kournikova\\Anna_Kournikova_0004.jpg\n", + "Index 5. Dataset\\Anna_Kournikova\\Anna_Kournikova_0006.jpg\n", + "Index 6. Dataset\\Anna_Kournikova\\Anna_Kournikova_0007.jpg\n", + "Index 7. Dataset\\Anna_Kournikova\\Anna_Kournikova_0008.jpg\n", + "Index 9. Dataset\\Anna_Kournikova\\Anna_Kournikova_0010.jpg\n", + "Index 0. Dataset\\Ann_Veneman\\Ann_Veneman_0001.jpg\n", + "Index 1. Dataset\\Ann_Veneman\\Ann_Veneman_0002.jpg\n", + "Index 2. Dataset\\Ann_Veneman\\Ann_Veneman_0003.jpg\n", + "Index 3. Dataset\\Ann_Veneman\\Ann_Veneman_0004.jpg\n", + "Index 4. Dataset\\Ann_Veneman\\Ann_Veneman_0005.jpg\n", + "Index 5. Dataset\\Ann_Veneman\\Ann_Veneman_0006.jpg\n", + "Index 6. Dataset\\Ann_Veneman\\Ann_Veneman_0007.jpg\n", + "Index 7. Dataset\\Ann_Veneman\\Ann_Veneman_0008.jpg\n", + "Index 8. Dataset\\Ann_Veneman\\Ann_Veneman_0009.jpg\n", + "Index 9. Dataset\\Ann_Veneman\\Ann_Veneman_0010.jpg\n", + "Index 0. Dataset\\Antonio_Banderas\\Antonio_Banderas_0001.jpg\n", + "Index 1. Dataset\\Antonio_Banderas\\Antonio_Banderas_0002.jpg\n", + "Index 2. Dataset\\Antonio_Banderas\\Antonio_Banderas_0003.jpg\n", + "Index 3. Dataset\\Antonio_Banderas\\Antonio_Banderas_0004.jpg\n", + "Index 4. Dataset\\Antonio_Banderas\\Antonio_Banderas_0005.jpg\n", + "Index 0. Dataset\\Antonio_Palocci\\Antonio_Palocci_0001.jpg\n", + "Index 1. Dataset\\Antonio_Palocci\\Antonio_Palocci_0002.jpg\n", + "Index 2. Dataset\\Antonio_Palocci\\Antonio_Palocci_0003.jpg\n", + "Index 3. Dataset\\Antonio_Palocci\\Antonio_Palocci_0004.jpg\n", + "Index 4. Dataset\\Antonio_Palocci\\Antonio_Palocci_0005.jpg\n", + "Index 5. Dataset\\Antonio_Palocci\\Antonio_Palocci_0006.jpg\n", + "Index 6. Dataset\\Antonio_Palocci\\Antonio_Palocci_0007.jpg\n", + "Index 7. Dataset\\Antonio_Palocci\\Antonio_Palocci_0008.jpg\n", + "Index 0. Dataset\\Ariel_Sharon\\Ariel_Sharon_0001.jpg\n", + "Index 1. Dataset\\Ariel_Sharon\\Ariel_Sharon_0002.jpg\n", + "Index 1. Dataset\\Ariel_Sharon\\Ariel_Sharon_0002.jpg\n", + "Index 2. Dataset\\Ariel_Sharon\\Ariel_Sharon_0003.jpg\n", + "Index 3. Dataset\\Ariel_Sharon\\Ariel_Sharon_0004.jpg\n", + "Index 3. Dataset\\Ariel_Sharon\\Ariel_Sharon_0004.jpg\n", + "Index 4. Dataset\\Ariel_Sharon\\Ariel_Sharon_0005.jpg\n", + "Index 5. Dataset\\Ariel_Sharon\\Ariel_Sharon_0006.jpg\n", + "Index 6. Dataset\\Ariel_Sharon\\Ariel_Sharon_0007.jpg\n", + "Index 7. Dataset\\Ariel_Sharon\\Ariel_Sharon_0008.jpg\n", + "Index 8. Dataset\\Ariel_Sharon\\Ariel_Sharon_0009.jpg\n", + "Index 8. Dataset\\Ariel_Sharon\\Ariel_Sharon_0009.jpg\n", + "Index 9. Dataset\\Ariel_Sharon\\Ariel_Sharon_0010.jpg\n", + "Index 0. Dataset\\Ari_Fleischer\\Ari_Fleischer_0001.jpg\n", + "Index 1. Dataset\\Ari_Fleischer\\Ari_Fleischer_0002.jpg\n", + "Index 2. Dataset\\Ari_Fleischer\\Ari_Fleischer_0003.jpg\n", + "Index 3. Dataset\\Ari_Fleischer\\Ari_Fleischer_0004.jpg\n", + "Index 4. Dataset\\Ari_Fleischer\\Ari_Fleischer_0005.jpg\n", + "Index 5. Dataset\\Ari_Fleischer\\Ari_Fleischer_0006.jpg\n", + "Index 6. Dataset\\Ari_Fleischer\\Ari_Fleischer_0007.jpg\n", + "Index 7. Dataset\\Ari_Fleischer\\Ari_Fleischer_0008.jpg\n", + "Index 8. Dataset\\Ari_Fleischer\\Ari_Fleischer_0009.jpg\n", + "Index 9. Dataset\\Ari_Fleischer\\Ari_Fleischer_0010.jpg\n", + "Index 0. Dataset\\Arminio_Fraga\\Arminio_Fraga_0001.jpg\n", + "Index 0. Dataset\\Arminio_Fraga\\Arminio_Fraga_0001.jpg\n", + "Index 2. Dataset\\Arminio_Fraga\\Arminio_Fraga_0003.jpg\n", + "Index 3. Dataset\\Arminio_Fraga\\Arminio_Fraga_0004.jpg\n", + "Index 4. Dataset\\Arminio_Fraga\\Arminio_Fraga_0005.jpg\n", + "Index 5. Dataset\\Arminio_Fraga\\Arminio_Fraga_0006.jpg\n", + "Index 0. Dataset\\Arnoldo_Aleman\\Arnoldo_Aleman_0001.jpg\n", + "Index 1. Dataset\\Arnoldo_Aleman\\Arnoldo_Aleman_0002.jpg\n", + "Index 2. Dataset\\Arnoldo_Aleman\\Arnoldo_Aleman_0003.jpg\n", + "Index 3. Dataset\\Arnoldo_Aleman\\Arnoldo_Aleman_0004.jpg\n", + "Index 4. Dataset\\Arnoldo_Aleman\\Arnoldo_Aleman_0005.jpg\n", + "Index 0. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0001.jpg\n", + "Index 1. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0002.jpg\n", + "Index 2. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0003.jpg\n", + "Index 3. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0004.jpg\n", + "Index 4. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0005.jpg\n", + "Index 5. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0006.jpg\n", + "Index 6. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0007.jpg\n", + "Index 7. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0008.jpg\n", + "Index 8. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0009.jpg\n", + "Index 9. Dataset\\Arnold_Schwarzenegger\\Arnold_Schwarzenegger_0010.jpg\n", + "Index 0. Dataset\\Ashanti\\Ashanti_0001.jpg\n", + "Index 1. Dataset\\Ashanti\\Ashanti_0002.jpg\n", + "Index 2. Dataset\\Ashanti\\Ashanti_0003.jpg\n", + "Index 3. Dataset\\Ashanti\\Ashanti_0004.jpg\n", + "Index 4. Dataset\\Ashanti\\Ashanti_0005.jpg\n", + "Index 0. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0001.jpg\n", + "Index 1. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0002.jpg\n", + "Index 2. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0003.jpg\n", + "Index 3. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0004.jpg\n", + "Index 4. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0005.jpg\n", + "Index 5. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0006.jpg\n", + "Index 6. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0007.jpg\n", + "Index 7. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0008.jpg\n", + "Index 8. Dataset\\Atal_Bihari_Vajpayee\\Atal_Bihari_Vajpayee_0009.jpg\n", + "Index 0. Dataset\\Benazir_Bhutto\\Benazir_Bhutto_0001.jpg\n", + "Index 1. Dataset\\Benazir_Bhutto\\Benazir_Bhutto_0002.jpg\n", + "Index 2. Dataset\\Benazir_Bhutto\\Benazir_Bhutto_0003.jpg\n", + "Index 3. Dataset\\Benazir_Bhutto\\Benazir_Bhutto_0004.jpg\n", + "Index 4. Dataset\\Benazir_Bhutto\\Benazir_Bhutto_0005.jpg\n", + "Index 0. Dataset\\Benjamin_Netanyahu\\Benjamin_Netanyahu_0001.jpg\n", + "Index 1. Dataset\\Benjamin_Netanyahu\\Benjamin_Netanyahu_0002.jpg\n", + "Index 2. Dataset\\Benjamin_Netanyahu\\Benjamin_Netanyahu_0003.jpg\n", + "Index 3. Dataset\\Benjamin_Netanyahu\\Benjamin_Netanyahu_0004.jpg\n", + "Index 4. Dataset\\Benjamin_Netanyahu\\Benjamin_Netanyahu_0005.jpg\n", + "Index 0. Dataset\\Ben_Affleck\\Ben_Affleck_0001.jpg\n", + "Index 1. Dataset\\Ben_Affleck\\Ben_Affleck_0002.jpg\n", + "Index 2. Dataset\\Ben_Affleck\\Ben_Affleck_0003.jpg\n", + "Index 3. Dataset\\Ben_Affleck\\Ben_Affleck_0004.jpg\n", + "Index 4. Dataset\\Ben_Affleck\\Ben_Affleck_0005.jpg\n", + "Index 5. Dataset\\Ben_Affleck\\Ben_Affleck_0006.jpg\n", + "Index 6. Dataset\\Ben_Affleck\\Ben_Affleck_0007.jpg\n", + "Index 1. Dataset\\Bernard_Law\\Bernard_Law_0002.jpg\n", + "Index 2. Dataset\\Bernard_Law\\Bernard_Law_0003.jpg\n", + "Index 3. Dataset\\Bernard_Law\\Bernard_Law_0004.jpg\n", + "Index 4. Dataset\\Bernard_Law\\Bernard_Law_0005.jpg\n", + "Index 0. Dataset\\Bertie_Ahern\\Bertie_Ahern_0001.jpg\n", + "Index 1. Dataset\\Bertie_Ahern\\Bertie_Ahern_0002.jpg\n", + "Index 3. Dataset\\Bertie_Ahern\\Bertie_Ahern_0004.jpg\n", + "Index 4. Dataset\\Bertie_Ahern\\Bertie_Ahern_0005.jpg\n", + "Index 0. Dataset\\Billy_Crystal\\Billy_Crystal_0001.jpg\n", + "Index 1. Dataset\\Billy_Crystal\\Billy_Crystal_0002.jpg\n", + "Index 2. Dataset\\Billy_Crystal\\Billy_Crystal_0003.jpg\n", + "Index 3. Dataset\\Billy_Crystal\\Billy_Crystal_0004.jpg\n", + "Index 4. Dataset\\Billy_Crystal\\Billy_Crystal_0005.jpg\n", + "Index 5. Dataset\\Billy_Crystal\\Billy_Crystal_0006.jpg\n", + "Index 0. Dataset\\Bill_Clinton\\Bill_Clinton_0001.jpg\n", + "Index 1. Dataset\\Bill_Clinton\\Bill_Clinton_0002.jpg\n", + "Index 2. Dataset\\Bill_Clinton\\Bill_Clinton_0003.jpg\n", + "Index 3. Dataset\\Bill_Clinton\\Bill_Clinton_0004.jpg\n", + "Index 4. Dataset\\Bill_Clinton\\Bill_Clinton_0005.jpg\n", + "Index 5. Dataset\\Bill_Clinton\\Bill_Clinton_0006.jpg\n", + "Index 6. Dataset\\Bill_Clinton\\Bill_Clinton_0007.jpg\n", + "Index 7. Dataset\\Bill_Clinton\\Bill_Clinton_0008.jpg\n", + "Index 8. Dataset\\Bill_Clinton\\Bill_Clinton_0009.jpg\n", + "Index 8. Dataset\\Bill_Clinton\\Bill_Clinton_0009.jpg\n", + "Index 9. Dataset\\Bill_Clinton\\Bill_Clinton_0010.jpg\n", + "Index 0. Dataset\\Bill_Frist\\Bill_Frist_0001.jpg\n", + "Index 1. Dataset\\Bill_Frist\\Bill_Frist_0002.jpg\n", + "Index 2. Dataset\\Bill_Frist\\Bill_Frist_0003.jpg\n", + "Index 3. Dataset\\Bill_Frist\\Bill_Frist_0004.jpg\n", + "Index 4. Dataset\\Bill_Frist\\Bill_Frist_0005.jpg\n", + "Index 5. Dataset\\Bill_Frist\\Bill_Frist_0006.jpg\n", + "Index 6. Dataset\\Bill_Frist\\Bill_Frist_0007.jpg\n", + "Index 7. Dataset\\Bill_Frist\\Bill_Frist_0008.jpg\n", + "Index 8. Dataset\\Bill_Frist\\Bill_Frist_0009.jpg\n", + "Index 0. Dataset\\Bill_Gates\\Bill_Gates_0001.jpg\n", + "Index 1. Dataset\\Bill_Gates\\Bill_Gates_0002.jpg\n", + "Index 2. Dataset\\Bill_Gates\\Bill_Gates_0003.jpg\n", + "Index 3. Dataset\\Bill_Gates\\Bill_Gates_0004.jpg\n", + "Index 4. Dataset\\Bill_Gates\\Bill_Gates_0005.jpg\n", + "Index 5. Dataset\\Bill_Gates\\Bill_Gates_0006.jpg\n", + "Index 6. Dataset\\Bill_Gates\\Bill_Gates_0007.jpg\n", + "Index 7. Dataset\\Bill_Gates\\Bill_Gates_0008.jpg\n", + "Index 8. Dataset\\Bill_Gates\\Bill_Gates_0009.jpg\n", + "Index 9. Dataset\\Bill_Gates\\Bill_Gates_0010.jpg\n", + "Index 0. Dataset\\Bill_Graham\\Bill_Graham_0001.jpg\n", + "Index 1. Dataset\\Bill_Graham\\Bill_Graham_0002.jpg\n", + "Index 2. Dataset\\Bill_Graham\\Bill_Graham_0003.jpg\n", + "Index 3. Dataset\\Bill_Graham\\Bill_Graham_0004.jpg\n", + "Index 4. Dataset\\Bill_Graham\\Bill_Graham_0005.jpg\n", + "Index 5. Dataset\\Bill_Graham\\Bill_Graham_0006.jpg\n", + "Index 6. Dataset\\Bill_Graham\\Bill_Graham_0007.jpg\n", + "Index 7. Dataset\\Bill_Graham\\Bill_Graham_0008.jpg\n", + "Index 8. Dataset\\Bill_Graham\\Bill_Graham_0009.jpg\n", + "Index 0. Dataset\\Bill_McBride\\Bill_McBride_0001.jpg\n", + "Index 1. Dataset\\Bill_McBride\\Bill_McBride_0002.jpg\n", + "Index 2. Dataset\\Bill_McBride\\Bill_McBride_0003.jpg\n", + "Index 3. Dataset\\Bill_McBride\\Bill_McBride_0004.jpg\n", + "Index 4. Dataset\\Bill_McBride\\Bill_McBride_0005.jpg\n", + "Index 5. Dataset\\Bill_McBride\\Bill_McBride_0006.jpg\n", + "Index 6. Dataset\\Bill_McBride\\Bill_McBride_0007.jpg\n", + "Index 7. Dataset\\Bill_McBride\\Bill_McBride_0008.jpg\n", + "Index 8. Dataset\\Bill_McBride\\Bill_McBride_0009.jpg\n", + "Index 9. Dataset\\Bill_McBride\\Bill_McBride_0010.jpg\n", + "Index 0. Dataset\\Bill_Simon\\Bill_Simon_0001.jpg\n", + "Index 1. Dataset\\Bill_Simon\\Bill_Simon_0002.jpg\n", + "Index 2. Dataset\\Bill_Simon\\Bill_Simon_0003.jpg\n", + "Index 3. Dataset\\Bill_Simon\\Bill_Simon_0004.jpg\n", + "Index 4. Dataset\\Bill_Simon\\Bill_Simon_0005.jpg\n", + "Index 5. Dataset\\Bill_Simon\\Bill_Simon_0006.jpg\n", + "Index 6. Dataset\\Bill_Simon\\Bill_Simon_0007.jpg\n", + "Index 6. Dataset\\Bill_Simon\\Bill_Simon_0007.jpg\n", + "Index 7. Dataset\\Bill_Simon\\Bill_Simon_0008.jpg\n", + "Index 8. Dataset\\Bill_Simon\\Bill_Simon_0009.jpg\n", + "Index 9. Dataset\\Bill_Simon\\Bill_Simon_0010.jpg\n", + "Index 0. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0001.jpg\n", + "Index 1. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0002.jpg\n", + "Index 2. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0003.jpg\n", + "Index 3. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0004.jpg\n", + "Index 4. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0005.jpg\n", + "Index 5. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0006.jpg\n", + "Index 6. Dataset\\Binyamin_Ben-Eliezer\\Binyamin_Ben-Eliezer_0007.jpg\n", + "Index 0. Dataset\\Bob_Graham\\Bob_Graham_0001.jpg\n", + "Index 1. Dataset\\Bob_Graham\\Bob_Graham_0002.jpg\n", + "Index 2. Dataset\\Bob_Graham\\Bob_Graham_0003.jpg\n", + "Index 3. Dataset\\Bob_Graham\\Bob_Graham_0004.jpg\n", + "Index 4. Dataset\\Bob_Graham\\Bob_Graham_0005.jpg\n", + "Index 5. Dataset\\Bob_Graham\\Bob_Graham_0006.jpg\n", + "Index 0. Dataset\\Bob_Hope\\Bob_Hope_0001.jpg\n", + "Index 1. Dataset\\Bob_Hope\\Bob_Hope_0002.jpg\n", + "Index 2. Dataset\\Bob_Hope\\Bob_Hope_0003.jpg\n", + "Index 3. Dataset\\Bob_Hope\\Bob_Hope_0004.jpg\n", + "Index 4. Dataset\\Bob_Hope\\Bob_Hope_0005.jpg\n", + "Index 5. Dataset\\Bob_Hope\\Bob_Hope_0006.jpg\n", + "Index 6. Dataset\\Bob_Hope\\Bob_Hope_0007.jpg\n", + "Index 7. Dataset\\Bob_Hope\\Bob_Hope_0008.jpg\n", + "Index 0. Dataset\\Bob_Stoops\\Bob_Stoops_0001.jpg\n", + "Index 1. Dataset\\Bob_Stoops\\Bob_Stoops_0002.jpg\n", + "Index 2. Dataset\\Bob_Stoops\\Bob_Stoops_0003.jpg\n", + "Index 3. Dataset\\Bob_Stoops\\Bob_Stoops_0004.jpg\n", + "Index 4. Dataset\\Bob_Stoops\\Bob_Stoops_0005.jpg\n", + "Index 5. Dataset\\Bob_Stoops\\Bob_Stoops_0006.jpg\n", + "Index 6. Dataset\\Bob_Stoops\\Bob_Stoops_0007.jpg\n", + "Index 0. Dataset\\Boris_Becker\\Boris_Becker_0001.jpg\n", + "Index 1. Dataset\\Boris_Becker\\Boris_Becker_0002.jpg\n", + "Index 2. Dataset\\Boris_Becker\\Boris_Becker_0003.jpg\n", + "Index 3. Dataset\\Boris_Becker\\Boris_Becker_0004.jpg\n", + "Index 4. Dataset\\Boris_Becker\\Boris_Becker_0005.jpg\n", + "Index 0. Dataset\\Brad_Johnson\\Brad_Johnson_0001.jpg\n", + "Index 1. Dataset\\Brad_Johnson\\Brad_Johnson_0002.jpg\n", + "Index 2. Dataset\\Brad_Johnson\\Brad_Johnson_0003.jpg\n", + "Index 3. Dataset\\Brad_Johnson\\Brad_Johnson_0004.jpg\n", + "Index 4. Dataset\\Brad_Johnson\\Brad_Johnson_0005.jpg\n", + "Index 0. Dataset\\Britney_Spears\\Britney_Spears_0001.jpg\n", + "Index 1. Dataset\\Britney_Spears\\Britney_Spears_0002.jpg\n", + "Index 2. Dataset\\Britney_Spears\\Britney_Spears_0003.jpg\n", + "Index 3. Dataset\\Britney_Spears\\Britney_Spears_0004.jpg\n", + "Index 4. Dataset\\Britney_Spears\\Britney_Spears_0005.jpg\n", + "Index 5. Dataset\\Britney_Spears\\Britney_Spears_0006.jpg\n", + "Index 6. Dataset\\Britney_Spears\\Britney_Spears_0007.jpg\n", + "Index 7. Dataset\\Britney_Spears\\Britney_Spears_0008.jpg\n", + "Index 8. Dataset\\Britney_Spears\\Britney_Spears_0009.jpg\n", + "Index 9. Dataset\\Britney_Spears\\Britney_Spears_0010.jpg\n", + "Index 9. Dataset\\Britney_Spears\\Britney_Spears_0010.jpg\n", + "Index 0. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0001.jpg\n", + "Index 1. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0002.jpg\n", + "Index 2. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0003.jpg\n", + "Index 3. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0004.jpg\n", + "Index 4. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0005.jpg\n", + "Index 5. Dataset\\Bulent_Ecevit\\Bulent_Ecevit_0006.jpg\n", + "Index 0. Dataset\\Calista_Flockhart\\Calista_Flockhart_0001.jpg\n", + "Index 1. Dataset\\Calista_Flockhart\\Calista_Flockhart_0002.jpg\n", + "Index 2. Dataset\\Calista_Flockhart\\Calista_Flockhart_0003.jpg\n", + "Index 3. Dataset\\Calista_Flockhart\\Calista_Flockhart_0004.jpg\n", + "Index 4. Dataset\\Calista_Flockhart\\Calista_Flockhart_0005.jpg\n", + "Index 5. Dataset\\Calista_Flockhart\\Calista_Flockhart_0006.jpg\n", + "Index 0. Dataset\\Cameron_Diaz\\Cameron_Diaz_0001.jpg\n", + "Index 1. Dataset\\Cameron_Diaz\\Cameron_Diaz_0002.jpg\n", + "Index 2. Dataset\\Cameron_Diaz\\Cameron_Diaz_0003.jpg\n", + "Index 3. Dataset\\Cameron_Diaz\\Cameron_Diaz_0004.jpg\n", + "Index 4. Dataset\\Cameron_Diaz\\Cameron_Diaz_0005.jpg\n", + "Index 5. Dataset\\Cameron_Diaz\\Cameron_Diaz_0006.jpg\n", + "Index 0. Dataset\\Carla_Del_Ponte\\Carla_Del_Ponte_0001.jpg\n", + "Index 1. Dataset\\Carla_Del_Ponte\\Carla_Del_Ponte_0002.jpg\n", + "Index 2. Dataset\\Carla_Del_Ponte\\Carla_Del_Ponte_0003.jpg\n", + "Index 3. Dataset\\Carla_Del_Ponte\\Carla_Del_Ponte_0004.jpg\n", + "Index 4. Dataset\\Carla_Del_Ponte\\Carla_Del_Ponte_0005.jpg\n", + "Index 0. Dataset\\Carlos_Menem\\Carlos_Menem_0001.jpg\n", + "Index 1. Dataset\\Carlos_Menem\\Carlos_Menem_0002.jpg\n", + "Index 2. Dataset\\Carlos_Menem\\Carlos_Menem_0003.jpg\n", + "Index 3. Dataset\\Carlos_Menem\\Carlos_Menem_0004.jpg\n", + "Index 4. Dataset\\Carlos_Menem\\Carlos_Menem_0005.jpg\n", + "Index 5. Dataset\\Carlos_Menem\\Carlos_Menem_0006.jpg\n", + "Index 6. Dataset\\Carlos_Menem\\Carlos_Menem_0007.jpg\n", + "Index 7. Dataset\\Carlos_Menem\\Carlos_Menem_0008.jpg\n", + "Index 8. Dataset\\Carlos_Menem\\Carlos_Menem_0009.jpg\n", + "Index 9. Dataset\\Carlos_Menem\\Carlos_Menem_0010.jpg\n", + "Index 0. Dataset\\Carlos_Moya\\Carlos_Moya_0001.jpg\n", + "Index 1. Dataset\\Carlos_Moya\\Carlos_Moya_0002.jpg\n", + "Index 2. Dataset\\Carlos_Moya\\Carlos_Moya_0003.jpg\n", + "Index 3. Dataset\\Carlos_Moya\\Carlos_Moya_0004.jpg\n", + "Index 5. Dataset\\Carlos_Moya\\Carlos_Moya_0006.jpg\n", + "Index 7. Dataset\\Carlos_Moya\\Carlos_Moya_0008.jpg\n", + "Index 8. Dataset\\Carlos_Moya\\Carlos_Moya_0009.jpg\n", + "Index 9. Dataset\\Carlos_Moya\\Carlos_Moya_0010.jpg\n", + "Index 0. Dataset\\Carmen_Electra\\Carmen_Electra_0001.jpg\n", + "Index 1. Dataset\\Carmen_Electra\\Carmen_Electra_0002.jpg\n", + "Index 2. Dataset\\Carmen_Electra\\Carmen_Electra_0003.jpg\n", + "Index 3. Dataset\\Carmen_Electra\\Carmen_Electra_0004.jpg\n", + "Index 4. Dataset\\Carmen_Electra\\Carmen_Electra_0005.jpg\n", + "Index 5. Dataset\\Carmen_Electra\\Carmen_Electra_0006.jpg\n", + "Index 0. Dataset\\Carrie-Anne_Moss\\Carrie-Anne_Moss_0001.jpg\n", + "Index 1. Dataset\\Carrie-Anne_Moss\\Carrie-Anne_Moss_0002.jpg\n", + "Index 2. Dataset\\Carrie-Anne_Moss\\Carrie-Anne_Moss_0003.jpg\n", + "Index 3. Dataset\\Carrie-Anne_Moss\\Carrie-Anne_Moss_0004.jpg\n", + "Index 4. Dataset\\Carrie-Anne_Moss\\Carrie-Anne_Moss_0005.jpg\n", + "Index 0. Dataset\\Catherine_Deneuve\\Catherine_Deneuve_0001.jpg\n", + "Index 1. Dataset\\Catherine_Deneuve\\Catherine_Deneuve_0002.jpg\n", + "Index 2. Dataset\\Catherine_Deneuve\\Catherine_Deneuve_0003.jpg\n", + "Index 3. Dataset\\Catherine_Deneuve\\Catherine_Deneuve_0004.jpg\n", + "Index 4. Dataset\\Catherine_Deneuve\\Catherine_Deneuve_0005.jpg\n", + "Index 0. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0001.jpg\n", + "Index 1. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0002.jpg\n", + "Index 2. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0003.jpg\n", + "Index 3. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0004.jpg\n", + "Index 4. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0005.jpg\n", + "Index 5. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0006.jpg\n", + "Index 6. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0007.jpg\n", + "Index 7. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0008.jpg\n", + "Index 8. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0009.jpg\n", + "Index 9. Dataset\\Catherine_Zeta-Jones\\Catherine_Zeta-Jones_0010.jpg\n", + "Index 0. Dataset\\Celine_Dion\\Celine_Dion_0001.jpg\n", + "Index 1. Dataset\\Celine_Dion\\Celine_Dion_0002.jpg\n", + "Index 2. Dataset\\Celine_Dion\\Celine_Dion_0003.jpg\n", + "Index 3. Dataset\\Celine_Dion\\Celine_Dion_0004.jpg\n", + "Index 4. Dataset\\Celine_Dion\\Celine_Dion_0005.jpg\n", + "Index 5. Dataset\\Celine_Dion\\Celine_Dion_0006.jpg\n", + "Index 6. Dataset\\Celine_Dion\\Celine_Dion_0007.jpg\n", + "Index 7. Dataset\\Celine_Dion\\Celine_Dion_0008.jpg\n", + "Index 1. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0002.jpg\n", + "Index 2. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0003.jpg\n", + "Index 3. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0004.jpg\n", + "Index 4. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0005.jpg\n", + "Index 5. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0006.jpg\n", + "Index 6. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0007.jpg\n", + "Index 7. Dataset\\Cesar_Gaviria\\Cesar_Gaviria_0008.jpg\n", + "Index 0. Dataset\\Chanda_Rubin\\Chanda_Rubin_0001.jpg\n", + "Index 1. Dataset\\Chanda_Rubin\\Chanda_Rubin_0002.jpg\n", + "Index 3. Dataset\\Chanda_Rubin\\Chanda_Rubin_0004.jpg\n", + "Index 4. Dataset\\Chanda_Rubin\\Chanda_Rubin_0005.jpg\n", + "Index 0. Dataset\\Charles_Moose\\Charles_Moose_0001.jpg\n", + "Index 1. Dataset\\Charles_Moose\\Charles_Moose_0002.jpg\n", + "Index 3. Dataset\\Charles_Moose\\Charles_Moose_0004.jpg\n", + "Index 4. Dataset\\Charles_Moose\\Charles_Moose_0005.jpg\n", + "Index 5. Dataset\\Charles_Moose\\Charles_Moose_0006.jpg\n", + "Index 6. Dataset\\Charles_Moose\\Charles_Moose_0007.jpg\n", + "Index 8. Dataset\\Charles_Moose\\Charles_Moose_0009.jpg\n", + "Index 9. Dataset\\Charles_Moose\\Charles_Moose_0010.jpg\n", + "Index 0. Dataset\\Charles_Taylor\\Charles_Taylor_0001.jpg\n", + "Index 1. Dataset\\Charles_Taylor\\Charles_Taylor_0002.jpg\n", + "Index 2. Dataset\\Charles_Taylor\\Charles_Taylor_0003.jpg\n", + "Index 3. Dataset\\Charles_Taylor\\Charles_Taylor_0004.jpg\n", + "Index 3. Dataset\\Charles_Taylor\\Charles_Taylor_0004.jpg\n", + "Index 5. Dataset\\Charles_Taylor\\Charles_Taylor_0006.jpg\n", + "Index 6. Dataset\\Charles_Taylor\\Charles_Taylor_0007.jpg\n", + "Index 7. Dataset\\Charles_Taylor\\Charles_Taylor_0008.jpg\n", + "Index 8. Dataset\\Charles_Taylor\\Charles_Taylor_0009.jpg\n", + "Index 0. Dataset\\Charlton_Heston\\Charlton_Heston_0001.jpg\n", + "Index 1. Dataset\\Charlton_Heston\\Charlton_Heston_0002.jpg\n", + "Index 2. Dataset\\Charlton_Heston\\Charlton_Heston_0003.jpg\n", + "Index 3. Dataset\\Charlton_Heston\\Charlton_Heston_0004.jpg\n", + "Index 3. Dataset\\Charlton_Heston\\Charlton_Heston_0004.jpg\n", + "Index 4. Dataset\\Charlton_Heston\\Charlton_Heston_0005.jpg\n", + "Index 5. Dataset\\Charlton_Heston\\Charlton_Heston_0006.jpg\n", + "Index 0. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0001.jpg\n", + "Index 0. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0001.jpg\n", + "Index 1. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0002.jpg\n", + "Index 2. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0003.jpg\n", + "Index 3. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0004.jpg\n", + "Index 4. Dataset\\Chen_Shui-bian\\Chen_Shui-bian_0005.jpg\n", + "Index 0. Dataset\\Choi_Sung-hong\\Choi_Sung-hong_0001.jpg\n", + "Index 1. Dataset\\Choi_Sung-hong\\Choi_Sung-hong_0002.jpg\n", + "Index 2. Dataset\\Choi_Sung-hong\\Choi_Sung-hong_0003.jpg\n", + "Index 3. Dataset\\Choi_Sung-hong\\Choi_Sung-hong_0004.jpg\n", + "Index 4. Dataset\\Choi_Sung-hong\\Choi_Sung-hong_0005.jpg\n", + "Index 0. Dataset\\Christine_Baumgartner\\Christine_Baumgartner_0001.jpg\n", + "Index 1. Dataset\\Christine_Baumgartner\\Christine_Baumgartner_0002.jpg\n", + "Index 2. Dataset\\Christine_Baumgartner\\Christine_Baumgartner_0003.jpg\n", + "Index 3. Dataset\\Christine_Baumgartner\\Christine_Baumgartner_0004.jpg\n", + "Index 4. Dataset\\Christine_Baumgartner\\Christine_Baumgartner_0005.jpg\n", + "Index 0. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0001.jpg\n", + "Index 1. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0002.jpg\n", + "Index 2. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0003.jpg\n", + "Index 3. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0004.jpg\n", + "Index 4. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0005.jpg\n", + "Index 5. Dataset\\Christine_Todd_Whitman\\Christine_Todd_Whitman_0006.jpg\n", + "Index 0. Dataset\\Ciro_Gomes\\Ciro_Gomes_0001.jpg\n", + "Index 1. Dataset\\Ciro_Gomes\\Ciro_Gomes_0002.jpg\n", + "Index 2. Dataset\\Ciro_Gomes\\Ciro_Gomes_0003.jpg\n", + "Index 3. Dataset\\Ciro_Gomes\\Ciro_Gomes_0004.jpg\n", + "Index 4. Dataset\\Ciro_Gomes\\Ciro_Gomes_0005.jpg\n", + "Index 0. Dataset\\Clara_Harris\\Clara_Harris_0001.jpg\n", + "Index 1. Dataset\\Clara_Harris\\Clara_Harris_0002.jpg\n", + "Index 2. Dataset\\Clara_Harris\\Clara_Harris_0003.jpg\n", + "Index 3. Dataset\\Clara_Harris\\Clara_Harris_0004.jpg\n", + "Index 4. Dataset\\Clara_Harris\\Clara_Harris_0005.jpg\n", + "Index 0. Dataset\\Claudia_Pechstein\\Claudia_Pechstein_0001.jpg\n", + "Index 1. Dataset\\Claudia_Pechstein\\Claudia_Pechstein_0002.jpg\n", + "Index 3. Dataset\\Claudia_Pechstein\\Claudia_Pechstein_0004.jpg\n", + "Index 0. Dataset\\Clay_Aiken\\Clay_Aiken_0001.jpg\n", + "Index 1. Dataset\\Clay_Aiken\\Clay_Aiken_0002.jpg\n", + "Index 2. Dataset\\Clay_Aiken\\Clay_Aiken_0003.jpg\n", + "Index 3. Dataset\\Clay_Aiken\\Clay_Aiken_0004.jpg\n", + "Index 4. Dataset\\Clay_Aiken\\Clay_Aiken_0005.jpg\n", + "Index 5. Dataset\\Clay_Aiken\\Clay_Aiken_0006.jpg\n", + "Index 0. Dataset\\Clint_Eastwood\\Clint_Eastwood_0001.jpg\n", + "Index 1. Dataset\\Clint_Eastwood\\Clint_Eastwood_0002.jpg\n", + "Index 2. Dataset\\Clint_Eastwood\\Clint_Eastwood_0003.jpg\n", + "Index 3. Dataset\\Clint_Eastwood\\Clint_Eastwood_0004.jpg\n", + "Index 4. Dataset\\Clint_Eastwood\\Clint_Eastwood_0005.jpg\n", + "Index 5. Dataset\\Clint_Eastwood\\Clint_Eastwood_0006.jpg\n", + "Index 0. Dataset\\Colin_Farrell\\Colin_Farrell_0001.jpg\n", + "Index 1. Dataset\\Colin_Farrell\\Colin_Farrell_0002.jpg\n", + "Index 2. Dataset\\Colin_Farrell\\Colin_Farrell_0003.jpg\n", + "Index 3. Dataset\\Colin_Farrell\\Colin_Farrell_0004.jpg\n", + "Index 4. Dataset\\Colin_Farrell\\Colin_Farrell_0005.jpg\n", + "Index 5. Dataset\\Colin_Farrell\\Colin_Farrell_0006.jpg\n", + "Index 6. Dataset\\Colin_Farrell\\Colin_Farrell_0007.jpg\n", + "Index 7. Dataset\\Colin_Farrell\\Colin_Farrell_0008.jpg\n", + "Index 8. Dataset\\Colin_Farrell\\Colin_Farrell_0009.jpg\n", + "Index 1. Dataset\\Colin_Montgomerie\\Colin_Montgomerie_0002.jpg\n", + "Index 2. Dataset\\Colin_Montgomerie\\Colin_Montgomerie_0003.jpg\n", + "Index 4. Dataset\\Colin_Montgomerie\\Colin_Montgomerie_0005.jpg\n", + "Index 0. Dataset\\Colin_Powell\\Colin_Powell_0001.jpg\n", + "Index 1. Dataset\\Colin_Powell\\Colin_Powell_0002.jpg\n", + "Index 2. Dataset\\Colin_Powell\\Colin_Powell_0003.jpg\n", + "Index 3. Dataset\\Colin_Powell\\Colin_Powell_0004.jpg\n", + "Index 4. Dataset\\Colin_Powell\\Colin_Powell_0005.jpg\n", + "Index 4. Dataset\\Colin_Powell\\Colin_Powell_0005.jpg\n", + "Index 5. Dataset\\Colin_Powell\\Colin_Powell_0006.jpg\n", + "Index 6. Dataset\\Colin_Powell\\Colin_Powell_0007.jpg\n", + "Index 7. Dataset\\Colin_Powell\\Colin_Powell_0008.jpg\n", + "Index 8. Dataset\\Colin_Powell\\Colin_Powell_0009.jpg\n", + "Index 9. Dataset\\Colin_Powell\\Colin_Powell_0010.jpg\n", + "Index 0. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0001.jpg\n", + "Index 1. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0002.jpg\n", + "Index 2. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0003.jpg\n", + "Index 3. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0004.jpg\n", + "Index 4. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0005.jpg\n", + "Index 5. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0006.jpg\n", + "Index 6. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0007.jpg\n", + "Index 7. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0008.jpg\n", + "Index 8. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0009.jpg\n", + "Index 9. Dataset\\Condoleezza_Rice\\Condoleezza_Rice_0010.jpg\n", + "Index 0. Dataset\\Costas_Simitis\\Costas_Simitis_0001.jpg\n", + "Index 0. Dataset\\Costas_Simitis\\Costas_Simitis_0001.jpg\n", + "Index 1. Dataset\\Costas_Simitis\\Costas_Simitis_0002.jpg\n", + "Index 3. Dataset\\Costas_Simitis\\Costas_Simitis_0004.jpg\n", + "Index 3. Dataset\\Costas_Simitis\\Costas_Simitis_0004.jpg\n", + "Index 4. Dataset\\Costas_Simitis\\Costas_Simitis_0005.jpg\n", + "Index 5. Dataset\\Costas_Simitis\\Costas_Simitis_0006.jpg\n", + "Index 0. Dataset\\Cruz_Bustamante\\Cruz_Bustamante_0001.jpg\n", + "Index 1. Dataset\\Cruz_Bustamante\\Cruz_Bustamante_0002.jpg\n", + "Index 2. Dataset\\Cruz_Bustamante\\Cruz_Bustamante_0003.jpg\n", + "Index 3. Dataset\\Cruz_Bustamante\\Cruz_Bustamante_0004.jpg\n", + "Index 4. Dataset\\Cruz_Bustamante\\Cruz_Bustamante_0005.jpg\n", + "Index 0. Dataset\\David_Anderson\\David_Anderson_0001.jpg\n", + "Index 1. Dataset\\David_Anderson\\David_Anderson_0002.jpg\n", + "Index 2. Dataset\\David_Anderson\\David_Anderson_0003.jpg\n", + "Index 3. Dataset\\David_Anderson\\David_Anderson_0004.jpg\n", + "Index 4. Dataset\\David_Anderson\\David_Anderson_0005.jpg\n", + "Index 0. Dataset\\David_Beckham\\David_Beckham_0001.jpg\n", + "Index 1. Dataset\\David_Beckham\\David_Beckham_0002.jpg\n", + "Index 3. Dataset\\David_Beckham\\David_Beckham_0004.jpg\n", + "Index 4. Dataset\\David_Beckham\\David_Beckham_0005.jpg\n", + "Index 5. Dataset\\David_Beckham\\David_Beckham_0006.jpg\n", + "Index 6. Dataset\\David_Beckham\\David_Beckham_0007.jpg\n", + "Index 7. Dataset\\David_Beckham\\David_Beckham_0008.jpg\n", + "Index 8. Dataset\\David_Beckham\\David_Beckham_0009.jpg\n", + "Index 9. Dataset\\David_Beckham\\David_Beckham_0010.jpg\n", + "Index 0. Dataset\\David_Heymann\\David_Heymann_0001.jpg\n", + "Index 1. Dataset\\David_Heymann\\David_Heymann_0002.jpg\n", + "Index 2. Dataset\\David_Heymann\\David_Heymann_0003.jpg\n", + "Index 3. Dataset\\David_Heymann\\David_Heymann_0004.jpg\n", + "Index 4. Dataset\\David_Heymann\\David_Heymann_0005.jpg\n", + "Index 1. Dataset\\David_Nalbandian\\David_Nalbandian_0002.jpg\n", + "Index 2. Dataset\\David_Nalbandian\\David_Nalbandian_0003.jpg\n", + "Index 3. Dataset\\David_Nalbandian\\David_Nalbandian_0004.jpg\n", + "Index 4. Dataset\\David_Nalbandian\\David_Nalbandian_0005.jpg\n", + "Index 5. Dataset\\David_Nalbandian\\David_Nalbandian_0006.jpg\n", + "Index 6. Dataset\\David_Nalbandian\\David_Nalbandian_0007.jpg\n", + "Index 7. Dataset\\David_Nalbandian\\David_Nalbandian_0008.jpg\n", + "Index 8. Dataset\\David_Nalbandian\\David_Nalbandian_0009.jpg\n", + "Index 9. Dataset\\David_Nalbandian\\David_Nalbandian_0010.jpg\n", + "Index 0. Dataset\\David_Trimble\\David_Trimble_0001.jpg\n", + "Index 1. Dataset\\David_Trimble\\David_Trimble_0002.jpg\n", + "Index 2. Dataset\\David_Trimble\\David_Trimble_0003.jpg\n", + "Index 3. Dataset\\David_Trimble\\David_Trimble_0004.jpg\n", + "Index 4. Dataset\\David_Trimble\\David_Trimble_0005.jpg\n", + "Index 0. Dataset\\David_Wells\\David_Wells_0001.jpg\n", + "Index 1. Dataset\\David_Wells\\David_Wells_0002.jpg\n", + "Index 2. Dataset\\David_Wells\\David_Wells_0003.jpg\n", + "Index 4. Dataset\\David_Wells\\David_Wells_0005.jpg\n", + "Index 5. Dataset\\David_Wells\\David_Wells_0006.jpg\n", + "Index 6. Dataset\\David_Wells\\David_Wells_0007.jpg\n", + "Index 0. Dataset\\Dennis_Hastert\\Dennis_Hastert_0001.jpg\n", + "Index 2. Dataset\\Dennis_Hastert\\Dennis_Hastert_0003.jpg\n", + "Index 3. Dataset\\Dennis_Hastert\\Dennis_Hastert_0004.jpg\n", + "Index 4. Dataset\\Dennis_Hastert\\Dennis_Hastert_0005.jpg\n", + "Index 4. Dataset\\Dennis_Hastert\\Dennis_Hastert_0005.jpg\n", + "Index 5. Dataset\\Dennis_Hastert\\Dennis_Hastert_0006.jpg\n", + "Index 0. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0001.jpg\n", + "Index 1. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0002.jpg\n", + "Index 2. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0003.jpg\n", + "Index 3. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0004.jpg\n", + "Index 4. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0005.jpg\n", + "Index 5. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0006.jpg\n", + "Index 6. Dataset\\Dennis_Kucinich\\Dennis_Kucinich_0007.jpg\n", + "Index 0. Dataset\\Denzel_Washington\\Denzel_Washington_0001.jpg\n", + "Index 1. Dataset\\Denzel_Washington\\Denzel_Washington_0002.jpg\n", + "Index 2. Dataset\\Denzel_Washington\\Denzel_Washington_0003.jpg\n", + "Index 3. Dataset\\Denzel_Washington\\Denzel_Washington_0004.jpg\n", + "Index 4. Dataset\\Denzel_Washington\\Denzel_Washington_0005.jpg\n", + "Index 0. Dataset\\Diana_Krall\\Diana_Krall_0001.jpg\n", + "Index 1. Dataset\\Diana_Krall\\Diana_Krall_0002.jpg\n", + "Index 2. Dataset\\Diana_Krall\\Diana_Krall_0003.jpg\n", + "Index 3. Dataset\\Diana_Krall\\Diana_Krall_0004.jpg\n", + "Index 4. Dataset\\Diana_Krall\\Diana_Krall_0005.jpg\n", + "Index 5. Dataset\\Diana_Krall\\Diana_Krall_0006.jpg\n", + "Index 0. Dataset\\Dick_Cheney\\Dick_Cheney_0001.jpg\n", + "Index 0. Dataset\\Dick_Cheney\\Dick_Cheney_0001.jpg\n", + "Index 1. Dataset\\Dick_Cheney\\Dick_Cheney_0002.jpg\n", + "Index 2. Dataset\\Dick_Cheney\\Dick_Cheney_0003.jpg\n", + "Index 3. Dataset\\Dick_Cheney\\Dick_Cheney_0004.jpg\n", + "Index 4. Dataset\\Dick_Cheney\\Dick_Cheney_0005.jpg\n", + "Index 5. Dataset\\Dick_Cheney\\Dick_Cheney_0006.jpg\n", + "Index 6. Dataset\\Dick_Cheney\\Dick_Cheney_0007.jpg\n", + "Index 7. Dataset\\Dick_Cheney\\Dick_Cheney_0008.jpg\n", + "Index 8. Dataset\\Dick_Cheney\\Dick_Cheney_0009.jpg\n", + "Index 9. Dataset\\Dick_Cheney\\Dick_Cheney_0010.jpg\n", + "Index 0. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0001.jpg\n", + "Index 1. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0002.jpg\n", + "Index 2. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0003.jpg\n", + "Index 3. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0004.jpg\n", + "Index 4. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0005.jpg\n", + "Index 5. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0006.jpg\n", + "Index 6. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0007.jpg\n", + "Index 7. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0008.jpg\n", + "Index 8. Dataset\\Dominique_de_Villepin\\Dominique_de_Villepin_0009.jpg\n", + "Index 0. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0001.jpg\n", + "Index 1. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0002.jpg\n", + "Index 2. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0003.jpg\n", + "Index 3. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0004.jpg\n", + "Index 4. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0005.jpg\n", + "Index 5. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0006.jpg\n", + "Index 6. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0007.jpg\n", + "Index 7. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0008.jpg\n", + "Index 8. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0009.jpg\n", + "Index 9. Dataset\\Donald_Rumsfeld\\Donald_Rumsfeld_0010.jpg\n", + "Index 0. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0001.jpg\n", + "Index 1. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0002.jpg\n", + "Index 2. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0003.jpg\n", + "Index 3. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0004.jpg\n", + "Index 5. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0006.jpg\n", + "Index 6. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0007.jpg\n", + "Index 7. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0008.jpg\n", + "Index 8. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0009.jpg\n", + "Index 9. Dataset\\Edmund_Stoiber\\Edmund_Stoiber_0010.jpg\n", + "Index 0. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0001.jpg\n", + "Index 1. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0002.jpg\n", + "Index 1. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0002.jpg\n", + "Index 2. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0003.jpg\n", + "Index 3. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0004.jpg\n", + "Index 4. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0005.jpg\n", + "Index 5. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0006.jpg\n", + "Index 6. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0007.jpg\n", + "Index 7. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0008.jpg\n", + "Index 8. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0009.jpg\n", + "Index 9. Dataset\\Eduardo_Duhalde\\Eduardo_Duhalde_0010.jpg\n", + "Index 0. Dataset\\Eduard_Shevardnadze\\Eduard_Shevardnadze_0001.jpg\n", + "Index 1. Dataset\\Eduard_Shevardnadze\\Eduard_Shevardnadze_0002.jpg\n", + "Index 2. Dataset\\Eduard_Shevardnadze\\Eduard_Shevardnadze_0003.jpg\n", + "Index 3. Dataset\\Eduard_Shevardnadze\\Eduard_Shevardnadze_0004.jpg\n", + "Index 4. Dataset\\Eduard_Shevardnadze\\Eduard_Shevardnadze_0005.jpg\n", + "Index 0. Dataset\\Edward_Lu\\Edward_Lu_0001.jpg\n", + "Index 1. Dataset\\Edward_Lu\\Edward_Lu_0002.jpg\n", + "Index 2. Dataset\\Edward_Lu\\Edward_Lu_0003.jpg\n", + "Index 3. Dataset\\Edward_Lu\\Edward_Lu_0004.jpg\n", + "Index 4. Dataset\\Edward_Lu\\Edward_Lu_0005.jpg\n", + "Index 5. Dataset\\Edward_Lu\\Edward_Lu_0006.jpg\n", + "Index 0. Dataset\\Elizabeth_Hurley\\Elizabeth_Hurley_0001.jpg\n", + "Index 1. Dataset\\Elizabeth_Hurley\\Elizabeth_Hurley_0002.jpg\n", + "Index 2. Dataset\\Elizabeth_Hurley\\Elizabeth_Hurley_0003.jpg\n", + "Index 3. Dataset\\Elizabeth_Hurley\\Elizabeth_Hurley_0004.jpg\n", + "Index 4. Dataset\\Elizabeth_Hurley\\Elizabeth_Hurley_0005.jpg\n", + "Index 0. Dataset\\Elizabeth_Smart\\Elizabeth_Smart_0001.jpg\n", + "Index 1. Dataset\\Elizabeth_Smart\\Elizabeth_Smart_0002.jpg\n", + "Index 2. Dataset\\Elizabeth_Smart\\Elizabeth_Smart_0003.jpg\n", + "Index 3. Dataset\\Elizabeth_Smart\\Elizabeth_Smart_0004.jpg\n", + "Index 4. Dataset\\Elizabeth_Smart\\Elizabeth_Smart_0005.jpg\n", + "Index 0. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0001.jpg\n", + "Index 1. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0002.jpg\n", + "Index 2. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0003.jpg\n", + "Index 3. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0004.jpg\n", + "Index 4. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0005.jpg\n", + "Index 5. Dataset\\Elsa_Zylberstein\\Elsa_Zylberstein_0006.jpg\n", + "Index 0. Dataset\\Elton_John\\Elton_John_0001.jpg\n", + "Index 1. Dataset\\Elton_John\\Elton_John_0002.jpg\n", + "Index 2. Dataset\\Elton_John\\Elton_John_0003.jpg\n", + "Index 3. Dataset\\Elton_John\\Elton_John_0004.jpg\n", + "Index 4. Dataset\\Elton_John\\Elton_John_0005.jpg\n", + "Index 5. Dataset\\Elton_John\\Elton_John_0006.jpg\n", + "Index 6. Dataset\\Elton_John\\Elton_John_0007.jpg\n", + "Index 0. Dataset\\Emanuel_Ginobili\\Emanuel_Ginobili_0001.jpg\n", + "Index 1. Dataset\\Emanuel_Ginobili\\Emanuel_Ginobili_0002.jpg\n", + "Index 2. Dataset\\Emanuel_Ginobili\\Emanuel_Ginobili_0003.jpg\n", + "Index 4. Dataset\\Emanuel_Ginobili\\Emanuel_Ginobili_0005.jpg\n", + "Index 0. Dataset\\Emma_Watson\\Emma_Watson_0001.jpg\n", + "Index 1. Dataset\\Emma_Watson\\Emma_Watson_0002.jpg\n", + "Index 2. Dataset\\Emma_Watson\\Emma_Watson_0003.jpg\n", + "Index 3. Dataset\\Emma_Watson\\Emma_Watson_0004.jpg\n", + "Index 4. Dataset\\Emma_Watson\\Emma_Watson_0005.jpg\n", + "Index 0. Dataset\\Enrique_Bolanos\\Enrique_Bolanos_0001.jpg\n", + "Index 1. Dataset\\Enrique_Bolanos\\Enrique_Bolanos_0002.jpg\n", + "Index 2. Dataset\\Enrique_Bolanos\\Enrique_Bolanos_0003.jpg\n", + "Index 4. Dataset\\Enrique_Bolanos\\Enrique_Bolanos_0005.jpg\n", + "Index 0. Dataset\\Erika_Harold\\Erika_Harold_0001.jpg\n", + "Index 1. Dataset\\Erika_Harold\\Erika_Harold_0002.jpg\n", + "Index 2. Dataset\\Erika_Harold\\Erika_Harold_0003.jpg\n", + "Index 2. Dataset\\Erika_Harold\\Erika_Harold_0003.jpg\n", + "Index 3. Dataset\\Erika_Harold\\Erika_Harold_0004.jpg\n", + "Index 4. Dataset\\Erika_Harold\\Erika_Harold_0005.jpg\n", + "Index 0. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0001.jpg\n", + "Index 1. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0002.jpg\n", + "Index 2. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0003.jpg\n", + "Index 5. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0006.jpg\n", + "Index 6. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0007.jpg\n", + "Index 7. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0008.jpg\n", + "Index 8. Dataset\\Fernando_Gonzalez\\Fernando_Gonzalez_0009.jpg\n", + "Index 0. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0001.jpg\n", + "Index 1. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0002.jpg\n", + "Index 2. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0003.jpg\n", + "Index 3. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0004.jpg\n", + "Index 4. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0005.jpg\n", + "Index 5. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0006.jpg\n", + "Index 6. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0007.jpg\n", + "Index 7. Dataset\\Fernando_Henrique_Cardoso\\Fernando_Henrique_Cardoso_0008.jpg\n", + "Index 0. Dataset\\Fidel_Castro\\Fidel_Castro_0001.jpg\n", + "Index 1. Dataset\\Fidel_Castro\\Fidel_Castro_0002.jpg\n", + "Index 2. Dataset\\Fidel_Castro\\Fidel_Castro_0003.jpg\n", + "Index 3. Dataset\\Fidel_Castro\\Fidel_Castro_0004.jpg\n", + "Index 4. Dataset\\Fidel_Castro\\Fidel_Castro_0005.jpg\n", + "Index 5. Dataset\\Fidel_Castro\\Fidel_Castro_0006.jpg\n", + "Index 6. Dataset\\Fidel_Castro\\Fidel_Castro_0007.jpg\n", + "Index 7. Dataset\\Fidel_Castro\\Fidel_Castro_0008.jpg\n", + "Index 8. Dataset\\Fidel_Castro\\Fidel_Castro_0009.jpg\n", + "Index 9. Dataset\\Fidel_Castro\\Fidel_Castro_0010.jpg\n", + "Index 0. Dataset\\Frank_Solich\\Frank_Solich_0001.jpg\n", + "Index 1. Dataset\\Frank_Solich\\Frank_Solich_0002.jpg\n", + "Index 2. Dataset\\Frank_Solich\\Frank_Solich_0003.jpg\n", + "Index 3. Dataset\\Frank_Solich\\Frank_Solich_0004.jpg\n", + "Index 4. Dataset\\Frank_Solich\\Frank_Solich_0005.jpg\n", + "Index 0. Dataset\\Fujio_Cho\\Fujio_Cho_0001.jpg\n", + "Index 1. Dataset\\Fujio_Cho\\Fujio_Cho_0002.jpg\n", + "Index 2. Dataset\\Fujio_Cho\\Fujio_Cho_0003.jpg\n", + "Index 3. Dataset\\Fujio_Cho\\Fujio_Cho_0004.jpg\n", + "Index 4. Dataset\\Fujio_Cho\\Fujio_Cho_0005.jpg\n", + "Index 5. Dataset\\Fujio_Cho\\Fujio_Cho_0006.jpg\n", + "Index 0. Dataset\\Gene_Robinson\\Gene_Robinson_0001.jpg\n", + "Index 1. Dataset\\Gene_Robinson\\Gene_Robinson_0002.jpg\n", + "Index 2. Dataset\\Gene_Robinson\\Gene_Robinson_0003.jpg\n", + "Index 3. Dataset\\Gene_Robinson\\Gene_Robinson_0004.jpg\n", + "Index 4. Dataset\\Gene_Robinson\\Gene_Robinson_0005.jpg\n", + "Index 0. Dataset\\Geoff_Hoon\\Geoff_Hoon_0001.jpg\n", + "Index 1. Dataset\\Geoff_Hoon\\Geoff_Hoon_0002.jpg\n", + "Index 2. Dataset\\Geoff_Hoon\\Geoff_Hoon_0003.jpg\n", + "Index 3. Dataset\\Geoff_Hoon\\Geoff_Hoon_0004.jpg\n", + "Index 4. Dataset\\Geoff_Hoon\\Geoff_Hoon_0005.jpg\n", + "Index 5. Dataset\\Geoff_Hoon\\Geoff_Hoon_0006.jpg\n", + "Index 6. Dataset\\Geoff_Hoon\\Geoff_Hoon_0007.jpg\n", + "Index 0. Dataset\\George_Clooney\\George_Clooney_0001.jpg\n", + "Index 2. Dataset\\George_Clooney\\George_Clooney_0003.jpg\n", + "Index 3. Dataset\\George_Clooney\\George_Clooney_0004.jpg\n", + "Index 4. Dataset\\George_Clooney\\George_Clooney_0005.jpg\n", + "Index 5. Dataset\\George_Clooney\\George_Clooney_0006.jpg\n", + "Index 6. Dataset\\George_Clooney\\George_Clooney_0007.jpg\n", + "Index 7. Dataset\\George_Clooney\\George_Clooney_0008.jpg\n", + "Index 8. Dataset\\George_Clooney\\George_Clooney_0009.jpg\n", + "Index 1. Dataset\\George_HW_Bush\\George_HW_Bush_0002.jpg\n", + "Index 2. Dataset\\George_HW_Bush\\George_HW_Bush_0003.jpg\n", + "Index 3. Dataset\\George_HW_Bush\\George_HW_Bush_0004.jpg\n", + "Index 4. Dataset\\George_HW_Bush\\George_HW_Bush_0005.jpg\n", + "Index 5. Dataset\\George_HW_Bush\\George_HW_Bush_0006.jpg\n", + "Index 6. Dataset\\George_HW_Bush\\George_HW_Bush_0007.jpg\n", + "Index 7. Dataset\\George_HW_Bush\\George_HW_Bush_0008.jpg\n", + "Index 8. Dataset\\George_HW_Bush\\George_HW_Bush_0009.jpg\n", + "Index 9. Dataset\\George_HW_Bush\\George_HW_Bush_0010.jpg\n", + "Index 0. Dataset\\George_Lopez\\George_Lopez_0001.jpg\n", + "Index 1. Dataset\\George_Lopez\\George_Lopez_0002.jpg\n", + "Index 2. Dataset\\George_Lopez\\George_Lopez_0003.jpg\n", + "Index 3. Dataset\\George_Lopez\\George_Lopez_0004.jpg\n", + "Index 4. Dataset\\George_Lopez\\George_Lopez_0005.jpg\n", + "Index 0. Dataset\\George_Pataki\\George_Pataki_0001.jpg\n", + "Index 1. Dataset\\George_Pataki\\George_Pataki_0002.jpg\n", + "Index 2. Dataset\\George_Pataki\\George_Pataki_0003.jpg\n", + "Index 3. Dataset\\George_Pataki\\George_Pataki_0004.jpg\n", + "Index 4. Dataset\\George_Pataki\\George_Pataki_0005.jpg\n", + "Index 4. Dataset\\George_Pataki\\George_Pataki_0005.jpg\n", + "Index 0. Dataset\\George_Robertson\\George_Robertson_0001.jpg\n", + "Index 1. Dataset\\George_Robertson\\George_Robertson_0002.jpg\n", + "Index 2. Dataset\\George_Robertson\\George_Robertson_0003.jpg\n", + "Index 2. Dataset\\George_Robertson\\George_Robertson_0003.jpg\n", + "Index 4. Dataset\\George_Robertson\\George_Robertson_0005.jpg\n", + "Index 5. Dataset\\George_Robertson\\George_Robertson_0006.jpg\n", + "Index 6. Dataset\\George_Robertson\\George_Robertson_0007.jpg\n", + "Index 7. Dataset\\George_Robertson\\George_Robertson_0008.jpg\n", + "Index 8. Dataset\\George_Robertson\\George_Robertson_0009.jpg\n", + "Index 9. Dataset\\George_Robertson\\George_Robertson_0010.jpg\n", + "Index 0. Dataset\\George_W_Bush\\George_W_Bush_0001.jpg\n", + "Index 1. Dataset\\George_W_Bush\\George_W_Bush_0002.jpg\n", + "Index 2. Dataset\\George_W_Bush\\George_W_Bush_0003.jpg\n", + "Index 3. Dataset\\George_W_Bush\\George_W_Bush_0004.jpg\n", + "Index 4. Dataset\\George_W_Bush\\George_W_Bush_0005.jpg\n", + "Index 5. Dataset\\George_W_Bush\\George_W_Bush_0006.jpg\n", + "Index 6. Dataset\\George_W_Bush\\George_W_Bush_0007.jpg\n", + "Index 7. Dataset\\George_W_Bush\\George_W_Bush_0008.jpg\n", + "Index 8. Dataset\\George_W_Bush\\George_W_Bush_0009.jpg\n", + "Index 9. Dataset\\George_W_Bush\\George_W_Bush_0010.jpg\n", + "Index 0. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0001.jpg\n", + "Index 1. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0002.jpg\n", + "Index 2. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0003.jpg\n", + "Index 3. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0004.jpg\n", + "Index 4. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0005.jpg\n", + "Index 5. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0006.jpg\n", + "Index 6. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0007.jpg\n", + "Index 7. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0008.jpg\n", + "Index 8. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0009.jpg\n", + "Index 9. Dataset\\Gerhard_Schroeder\\Gerhard_Schroeder_0010.jpg\n", + "Index 0. Dataset\\Gerry_Adams\\Gerry_Adams_0001.jpg\n", + "Index 1. Dataset\\Gerry_Adams\\Gerry_Adams_0002.jpg\n", + "Index 2. Dataset\\Gerry_Adams\\Gerry_Adams_0003.jpg\n", + "Index 3. Dataset\\Gerry_Adams\\Gerry_Adams_0004.jpg\n", + "Index 5. Dataset\\Gerry_Adams\\Gerry_Adams_0006.jpg\n", + "Index 6. Dataset\\Gerry_Adams\\Gerry_Adams_0007.jpg\n", + "Index 7. Dataset\\Gerry_Adams\\Gerry_Adams_0008.jpg\n", + "Index 0. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0001.jpg\n", + "Index 1. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0002.jpg\n", + "Index 2. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0003.jpg\n", + "Index 3. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0004.jpg\n", + "Index 3. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0004.jpg\n", + "Index 4. Dataset\\Gil_de_Ferran\\Gil_de_Ferran_0005.jpg\n", + "Index 0. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0001.jpg\n", + "Index 1. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0002.jpg\n", + "Index 2. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0003.jpg\n", + "Index 3. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0004.jpg\n", + "Index 4. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0005.jpg\n", + "Index 5. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0006.jpg\n", + "Index 6. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0007.jpg\n", + "Index 7. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0008.jpg\n", + "Index 8. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0009.jpg\n", + "Index 9. Dataset\\Gloria_Macapagal_Arroyo\\Gloria_Macapagal_Arroyo_0010.jpg\n", + "Index 0. Dataset\\Goldie_Hawn\\Goldie_Hawn_0001.jpg\n", + "Index 1. Dataset\\Goldie_Hawn\\Goldie_Hawn_0002.jpg\n", + "Index 3. Dataset\\Goldie_Hawn\\Goldie_Hawn_0004.jpg\n", + "Index 4. Dataset\\Goldie_Hawn\\Goldie_Hawn_0005.jpg\n", + "Index 5. Dataset\\Goldie_Hawn\\Goldie_Hawn_0006.jpg\n", + "Index 6. Dataset\\Goldie_Hawn\\Goldie_Hawn_0007.jpg\n", + "Index 0. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0001.jpg\n", + "Index 1. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0002.jpg\n", + "Index 2. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0003.jpg\n", + "Index 3. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0004.jpg\n", + "Index 4. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0005.jpg\n", + "Index 5. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0006.jpg\n", + "Index 6. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0007.jpg\n", + "Index 6. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0007.jpg\n", + "Index 7. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0008.jpg\n", + "Index 8. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0009.jpg\n", + "Index 9. Dataset\\Gonzalo_Sanchez_de_Lozada\\Gonzalo_Sanchez_de_Lozada_0010.jpg\n", + "Index 0. Dataset\\Gordon_Brown\\Gordon_Brown_0001.jpg\n", + "Index 1. Dataset\\Gordon_Brown\\Gordon_Brown_0002.jpg\n", + "Index 2. Dataset\\Gordon_Brown\\Gordon_Brown_0003.jpg\n", + "Index 3. Dataset\\Gordon_Brown\\Gordon_Brown_0004.jpg\n", + "Index 4. Dataset\\Gordon_Brown\\Gordon_Brown_0005.jpg\n", + "Index 5. Dataset\\Gordon_Brown\\Gordon_Brown_0006.jpg\n", + "Index 6. Dataset\\Gordon_Brown\\Gordon_Brown_0007.jpg\n", + "Index 7. Dataset\\Gordon_Brown\\Gordon_Brown_0008.jpg\n", + "Index 8. Dataset\\Gordon_Brown\\Gordon_Brown_0009.jpg\n", + "Index 9. Dataset\\Gordon_Brown\\Gordon_Brown_0010.jpg\n", + "Index 0. Dataset\\Grant_Hackett\\Grant_Hackett_0001.jpg\n", + "Index 1. Dataset\\Grant_Hackett\\Grant_Hackett_0002.jpg\n", + "Index 2. Dataset\\Grant_Hackett\\Grant_Hackett_0003.jpg\n", + "Index 3. Dataset\\Grant_Hackett\\Grant_Hackett_0004.jpg\n", + "Index 4. Dataset\\Grant_Hackett\\Grant_Hackett_0005.jpg\n", + "Index 0. Dataset\\Gray_Davis\\Gray_Davis_0001.jpg\n", + "Index 1. Dataset\\Gray_Davis\\Gray_Davis_0002.jpg\n", + "Index 2. Dataset\\Gray_Davis\\Gray_Davis_0003.jpg\n", + "Index 3. Dataset\\Gray_Davis\\Gray_Davis_0004.jpg\n", + "Index 4. Dataset\\Gray_Davis\\Gray_Davis_0005.jpg\n", + "Index 5. Dataset\\Gray_Davis\\Gray_Davis_0006.jpg\n", + "Index 6. Dataset\\Gray_Davis\\Gray_Davis_0007.jpg\n", + "Index 6. Dataset\\Gray_Davis\\Gray_Davis_0007.jpg\n", + "Index 7. Dataset\\Gray_Davis\\Gray_Davis_0008.jpg\n", + "Index 8. Dataset\\Gray_Davis\\Gray_Davis_0009.jpg\n", + "Index 9. Dataset\\Gray_Davis\\Gray_Davis_0010.jpg\n", + "Index 0. Dataset\\Gregg_Popovich\\Gregg_Popovich_0001.jpg\n", + "Index 1. Dataset\\Gregg_Popovich\\Gregg_Popovich_0002.jpg\n", + "Index 2. Dataset\\Gregg_Popovich\\Gregg_Popovich_0003.jpg\n", + "Index 3. Dataset\\Gregg_Popovich\\Gregg_Popovich_0004.jpg\n", + "Index 4. Dataset\\Gregg_Popovich\\Gregg_Popovich_0005.jpg\n", + "Index 0. Dataset\\Guillermo_Coria\\Guillermo_Coria_0001.jpg\n", + "Index 1. Dataset\\Guillermo_Coria\\Guillermo_Coria_0002.jpg\n", + "Index 2. Dataset\\Guillermo_Coria\\Guillermo_Coria_0003.jpg\n", + "Index 3. Dataset\\Guillermo_Coria\\Guillermo_Coria_0004.jpg\n", + "Index 4. Dataset\\Guillermo_Coria\\Guillermo_Coria_0005.jpg\n", + "Index 5. Dataset\\Guillermo_Coria\\Guillermo_Coria_0006.jpg\n", + "Index 6. Dataset\\Guillermo_Coria\\Guillermo_Coria_0007.jpg\n", + "Index 7. Dataset\\Guillermo_Coria\\Guillermo_Coria_0008.jpg\n", + "Index 8. Dataset\\Guillermo_Coria\\Guillermo_Coria_0009.jpg\n", + "Index 9. Dataset\\Guillermo_Coria\\Guillermo_Coria_0010.jpg\n", + "Index 1. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0002.jpg\n", + "Index 2. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0003.jpg\n", + "Index 3. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0004.jpg\n", + "Index 4. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0005.jpg\n", + "Index 5. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0006.jpg\n", + "Index 6. Dataset\\Gunter_Pleuger\\Gunter_Pleuger_0007.jpg\n", + "Index 0. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0001.jpg\n", + "Index 1. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0002.jpg\n", + "Index 2. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0003.jpg\n", + "Index 3. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0004.jpg\n", + "Index 4. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0005.jpg\n", + "Index 4. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0005.jpg\n", + "Index 5. Dataset\\Gwyneth_Paltrow\\Gwyneth_Paltrow_0006.jpg\n", + "Index 0. Dataset\\Habib_Rizieq\\Habib_Rizieq_0001.jpg\n", + "Index 0. Dataset\\Habib_Rizieq\\Habib_Rizieq_0001.jpg\n", + "Index 1. Dataset\\Habib_Rizieq\\Habib_Rizieq_0002.jpg\n", + "Index 2. Dataset\\Habib_Rizieq\\Habib_Rizieq_0003.jpg\n", + "Index 3. Dataset\\Habib_Rizieq\\Habib_Rizieq_0004.jpg\n", + "Index 4. Dataset\\Habib_Rizieq\\Habib_Rizieq_0005.jpg\n", + "Index 0. Dataset\\Halle_Berry\\Halle_Berry_0001.jpg\n", + "Index 1. Dataset\\Halle_Berry\\Halle_Berry_0002.jpg\n", + "Index 2. Dataset\\Halle_Berry\\Halle_Berry_0003.jpg\n", + "Index 3. Dataset\\Halle_Berry\\Halle_Berry_0004.jpg\n", + "Index 4. Dataset\\Halle_Berry\\Halle_Berry_0005.jpg\n", + "Index 5. Dataset\\Halle_Berry\\Halle_Berry_0006.jpg\n", + "Index 6. Dataset\\Halle_Berry\\Halle_Berry_0007.jpg\n", + "Index 7. Dataset\\Halle_Berry\\Halle_Berry_0008.jpg\n", + "Index 8. Dataset\\Halle_Berry\\Halle_Berry_0009.jpg\n", + "Index 9. Dataset\\Halle_Berry\\Halle_Berry_0010.jpg\n", + "Index 1. Dataset\\Hal_Gehman\\Hal_Gehman_0002.jpg\n", + "Index 2. Dataset\\Hal_Gehman\\Hal_Gehman_0003.jpg\n", + "Index 3. Dataset\\Hal_Gehman\\Hal_Gehman_0004.jpg\n", + "Index 0. Dataset\\Hamid_Karzai\\Hamid_Karzai_0001.jpg\n", + "Index 1. Dataset\\Hamid_Karzai\\Hamid_Karzai_0002.jpg\n", + "Index 2. Dataset\\Hamid_Karzai\\Hamid_Karzai_0003.jpg\n", + "Index 3. Dataset\\Hamid_Karzai\\Hamid_Karzai_0004.jpg\n", + "Index 4. Dataset\\Hamid_Karzai\\Hamid_Karzai_0005.jpg\n", + "Index 5. Dataset\\Hamid_Karzai\\Hamid_Karzai_0006.jpg\n", + "Index 6. Dataset\\Hamid_Karzai\\Hamid_Karzai_0007.jpg\n", + "Index 7. Dataset\\Hamid_Karzai\\Hamid_Karzai_0008.jpg\n", + "Index 9. Dataset\\Hamid_Karzai\\Hamid_Karzai_0010.jpg\n", + "Index 0. Dataset\\Hans_Blix\\Hans_Blix_0001.jpg\n", + "Index 1. Dataset\\Hans_Blix\\Hans_Blix_0002.jpg\n", + "Index 2. Dataset\\Hans_Blix\\Hans_Blix_0003.jpg\n", + "Index 3. Dataset\\Hans_Blix\\Hans_Blix_0004.jpg\n", + "Index 4. Dataset\\Hans_Blix\\Hans_Blix_0005.jpg\n", + "Index 5. Dataset\\Hans_Blix\\Hans_Blix_0006.jpg\n", + "Index 7. Dataset\\Hans_Blix\\Hans_Blix_0008.jpg\n", + "Index 9. Dataset\\Hans_Blix\\Hans_Blix_0010.jpg\n", + "Index 0. Dataset\\Harrison_Ford\\Harrison_Ford_0001.jpg\n", + "Index 1. Dataset\\Harrison_Ford\\Harrison_Ford_0002.jpg\n", + "Index 2. Dataset\\Harrison_Ford\\Harrison_Ford_0003.jpg\n", + "Index 3. Dataset\\Harrison_Ford\\Harrison_Ford_0004.jpg\n", + "Index 4. Dataset\\Harrison_Ford\\Harrison_Ford_0005.jpg\n", + "Index 5. Dataset\\Harrison_Ford\\Harrison_Ford_0006.jpg\n", + "Index 6. Dataset\\Harrison_Ford\\Harrison_Ford_0007.jpg\n", + "Index 7. Dataset\\Harrison_Ford\\Harrison_Ford_0008.jpg\n", + "Index 8. Dataset\\Harrison_Ford\\Harrison_Ford_0009.jpg\n", + "Index 9. Dataset\\Harrison_Ford\\Harrison_Ford_0010.jpg\n", + "Index 0. Dataset\\Heidi_Klum\\Heidi_Klum_0001.jpg\n", + "Index 0. Dataset\\Heidi_Klum\\Heidi_Klum_0001.jpg\n", + "Index 1. Dataset\\Heidi_Klum\\Heidi_Klum_0002.jpg\n", + "Index 2. Dataset\\Heidi_Klum\\Heidi_Klum_0003.jpg\n", + "Index 3. Dataset\\Heidi_Klum\\Heidi_Klum_0004.jpg\n", + "Index 4. Dataset\\Heidi_Klum\\Heidi_Klum_0005.jpg\n", + "Index 0. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0001.jpg\n", + "Index 1. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0002.jpg\n", + "Index 2. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0003.jpg\n", + "Index 3. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0004.jpg\n", + "Index 4. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0005.jpg\n", + "Index 5. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0006.jpg\n", + "Index 6. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0007.jpg\n", + "Index 7. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0008.jpg\n", + "Index 8. Dataset\\Heizo_Takenaka\\Heizo_Takenaka_0009.jpg\n", + "Index 0. Dataset\\Hillary_Clinton\\Hillary_Clinton_0001.jpg\n", + "Index 1. Dataset\\Hillary_Clinton\\Hillary_Clinton_0002.jpg\n", + "Index 2. Dataset\\Hillary_Clinton\\Hillary_Clinton_0003.jpg\n", + "Index 3. Dataset\\Hillary_Clinton\\Hillary_Clinton_0004.jpg\n", + "Index 4. Dataset\\Hillary_Clinton\\Hillary_Clinton_0005.jpg\n", + "Index 6. Dataset\\Hillary_Clinton\\Hillary_Clinton_0007.jpg\n", + "Index 7. Dataset\\Hillary_Clinton\\Hillary_Clinton_0008.jpg\n", + "Index 8. Dataset\\Hillary_Clinton\\Hillary_Clinton_0009.jpg\n", + "Index 9. Dataset\\Hillary_Clinton\\Hillary_Clinton_0010.jpg\n", + "Index 1. Dataset\\Hitomi_Soga\\Hitomi_Soga_0002.jpg\n", + "Index 2. Dataset\\Hitomi_Soga\\Hitomi_Soga_0003.jpg\n", + "Index 3. Dataset\\Hitomi_Soga\\Hitomi_Soga_0004.jpg\n", + "Index 4. Dataset\\Hitomi_Soga\\Hitomi_Soga_0005.jpg\n", + "Index 0. Dataset\\Holly_Hunter\\Holly_Hunter_0001.jpg\n", + "Index 1. Dataset\\Holly_Hunter\\Holly_Hunter_0002.jpg\n", + "Index 2. Dataset\\Holly_Hunter\\Holly_Hunter_0003.jpg\n", + "Index 2. Dataset\\Holly_Hunter\\Holly_Hunter_0003.jpg\n", + "Index 3. Dataset\\Holly_Hunter\\Holly_Hunter_0004.jpg\n", + "Index 4. Dataset\\Holly_Hunter\\Holly_Hunter_0005.jpg\n", + "Index 5. Dataset\\Holly_Hunter\\Holly_Hunter_0006.jpg\n", + "Index 6. Dataset\\Holly_Hunter\\Holly_Hunter_0007.jpg\n", + "Index 0. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0001.jpg\n", + "Index 1. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0002.jpg\n", + "Index 3. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0004.jpg\n", + "Index 4. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0005.jpg\n", + "Index 5. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0006.jpg\n", + "Index 6. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0007.jpg\n", + "Index 7. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0008.jpg\n", + "Index 8. Dataset\\Hosni_Mubarak\\Hosni_Mubarak_0009.jpg\n", + "Index 0. Dataset\\Howard_Dean\\Howard_Dean_0001.jpg\n", + "Index 1. Dataset\\Howard_Dean\\Howard_Dean_0002.jpg\n", + "Index 2. Dataset\\Howard_Dean\\Howard_Dean_0003.jpg\n", + "Index 3. Dataset\\Howard_Dean\\Howard_Dean_0004.jpg\n", + "Index 4. Dataset\\Howard_Dean\\Howard_Dean_0005.jpg\n", + "Index 5. Dataset\\Howard_Dean\\Howard_Dean_0006.jpg\n", + "Index 6. Dataset\\Howard_Dean\\Howard_Dean_0007.jpg\n", + "Index 7. Dataset\\Howard_Dean\\Howard_Dean_0008.jpg\n", + "Index 8. Dataset\\Howard_Dean\\Howard_Dean_0009.jpg\n", + "Index 9. Dataset\\Howard_Dean\\Howard_Dean_0010.jpg\n", + "Index 0. Dataset\\Hugh_Grant\\Hugh_Grant_0001.jpg\n", + "Index 1. Dataset\\Hugh_Grant\\Hugh_Grant_0002.jpg\n", + "Index 2. Dataset\\Hugh_Grant\\Hugh_Grant_0003.jpg\n", + "Index 3. Dataset\\Hugh_Grant\\Hugh_Grant_0004.jpg\n", + "Index 3. Dataset\\Hugh_Grant\\Hugh_Grant_0004.jpg\n", + "Index 3. Dataset\\Hugh_Grant\\Hugh_Grant_0004.jpg\n", + "Index 4. Dataset\\Hugh_Grant\\Hugh_Grant_0005.jpg\n", + "Index 5. Dataset\\Hugh_Grant\\Hugh_Grant_0006.jpg\n", + "Index 6. Dataset\\Hugh_Grant\\Hugh_Grant_0007.jpg\n", + "Index 7. Dataset\\Hugh_Grant\\Hugh_Grant_0008.jpg\n", + "Index 8. Dataset\\Hugh_Grant\\Hugh_Grant_0009.jpg\n", + "Index 0. Dataset\\Hugo_Chavez\\Hugo_Chavez_0001.jpg\n", + "Index 1. Dataset\\Hugo_Chavez\\Hugo_Chavez_0002.jpg\n", + "Index 3. Dataset\\Hugo_Chavez\\Hugo_Chavez_0004.jpg\n", + "Index 4. Dataset\\Hugo_Chavez\\Hugo_Chavez_0005.jpg\n", + "Index 5. Dataset\\Hugo_Chavez\\Hugo_Chavez_0006.jpg\n", + "Index 6. Dataset\\Hugo_Chavez\\Hugo_Chavez_0007.jpg\n", + "Index 7. Dataset\\Hugo_Chavez\\Hugo_Chavez_0008.jpg\n", + "Index 8. Dataset\\Hugo_Chavez\\Hugo_Chavez_0009.jpg\n", + "Index 9. Dataset\\Hugo_Chavez\\Hugo_Chavez_0010.jpg\n", + "Index 0. Dataset\\Hu_Jintao\\Hu_Jintao_0001.jpg\n", + "Index 1. Dataset\\Hu_Jintao\\Hu_Jintao_0002.jpg\n", + "Index 2. Dataset\\Hu_Jintao\\Hu_Jintao_0003.jpg\n", + "Index 3. Dataset\\Hu_Jintao\\Hu_Jintao_0004.jpg\n", + "Index 4. Dataset\\Hu_Jintao\\Hu_Jintao_0005.jpg\n", + "Index 5. Dataset\\Hu_Jintao\\Hu_Jintao_0006.jpg\n", + "Index 6. Dataset\\Hu_Jintao\\Hu_Jintao_0007.jpg\n", + "Index 7. Dataset\\Hu_Jintao\\Hu_Jintao_0008.jpg\n", + "Index 8. Dataset\\Hu_Jintao\\Hu_Jintao_0009.jpg\n", + "Index 9. Dataset\\Hu_Jintao\\Hu_Jintao_0010.jpg\n", + "Index 0. Dataset\\Ian_Thorpe\\Ian_Thorpe_0001.jpg\n", + "Index 1. Dataset\\Ian_Thorpe\\Ian_Thorpe_0002.jpg\n", + "Index 2. Dataset\\Ian_Thorpe\\Ian_Thorpe_0003.jpg\n", + "Index 3. Dataset\\Ian_Thorpe\\Ian_Thorpe_0004.jpg\n", + "Index 4. Dataset\\Ian_Thorpe\\Ian_Thorpe_0005.jpg\n", + "Index 5. Dataset\\Ian_Thorpe\\Ian_Thorpe_0006.jpg\n", + "Index 6. Dataset\\Ian_Thorpe\\Ian_Thorpe_0007.jpg\n", + "Index 7. Dataset\\Ian_Thorpe\\Ian_Thorpe_0008.jpg\n", + "Index 8. Dataset\\Ian_Thorpe\\Ian_Thorpe_0009.jpg\n", + "Index 9. Dataset\\Ian_Thorpe\\Ian_Thorpe_0010.jpg\n", + "Index 0. Dataset\\Igor_Ivanov\\Igor_Ivanov_0001.jpg\n", + "Index 1. Dataset\\Igor_Ivanov\\Igor_Ivanov_0002.jpg\n", + "Index 2. Dataset\\Igor_Ivanov\\Igor_Ivanov_0003.jpg\n", + "Index 3. Dataset\\Igor_Ivanov\\Igor_Ivanov_0004.jpg\n", + "Index 4. Dataset\\Igor_Ivanov\\Igor_Ivanov_0005.jpg\n", + "Index 5. Dataset\\Igor_Ivanov\\Igor_Ivanov_0006.jpg\n", + "Index 7. Dataset\\Igor_Ivanov\\Igor_Ivanov_0008.jpg\n", + "Index 8. Dataset\\Igor_Ivanov\\Igor_Ivanov_0009.jpg\n", + "Index 9. Dataset\\Igor_Ivanov\\Igor_Ivanov_0010.jpg\n", + "Index 0. Dataset\\Jackie_Chan\\Jackie_Chan_0001.jpg\n", + "Index 1. Dataset\\Jackie_Chan\\Jackie_Chan_0002.jpg\n", + "Index 2. Dataset\\Jackie_Chan\\Jackie_Chan_0003.jpg\n", + "Index 3. Dataset\\Jackie_Chan\\Jackie_Chan_0004.jpg\n", + "Index 4. Dataset\\Jackie_Chan\\Jackie_Chan_0005.jpg\n", + "Index 5. Dataset\\Jackie_Chan\\Jackie_Chan_0006.jpg\n", + "Index 6. Dataset\\Jackie_Chan\\Jackie_Chan_0007.jpg\n", + "Index 7. Dataset\\Jackie_Chan\\Jackie_Chan_0008.jpg\n", + "Index 8. Dataset\\Jackie_Chan\\Jackie_Chan_0009.jpg\n", + "Index 9. Dataset\\Jackie_Chan\\Jackie_Chan_0010.jpg\n", + "Index 0. Dataset\\Jack_Straw\\Jack_Straw_0001.jpg\n", + "Index 1. Dataset\\Jack_Straw\\Jack_Straw_0002.jpg\n", + "Index 2. Dataset\\Jack_Straw\\Jack_Straw_0003.jpg\n", + "Index 3. Dataset\\Jack_Straw\\Jack_Straw_0004.jpg\n", + "Index 4. Dataset\\Jack_Straw\\Jack_Straw_0005.jpg\n", + "Index 5. Dataset\\Jack_Straw\\Jack_Straw_0006.jpg\n", + "Index 6. Dataset\\Jack_Straw\\Jack_Straw_0007.jpg\n", + "Index 7. Dataset\\Jack_Straw\\Jack_Straw_0008.jpg\n", + "Index 8. Dataset\\Jack_Straw\\Jack_Straw_0009.jpg\n", + "Index 9. Dataset\\Jack_Straw\\Jack_Straw_0010.jpg\n", + "Index 9. Dataset\\Jack_Straw\\Jack_Straw_0010.jpg\n", + "Index 0. Dataset\\Jacques_Chirac\\Jacques_Chirac_0001.jpg\n", + "Index 1. Dataset\\Jacques_Chirac\\Jacques_Chirac_0002.jpg\n", + "Index 2. Dataset\\Jacques_Chirac\\Jacques_Chirac_0003.jpg\n", + "Index 3. Dataset\\Jacques_Chirac\\Jacques_Chirac_0004.jpg\n", + "Index 4. Dataset\\Jacques_Chirac\\Jacques_Chirac_0005.jpg\n", + "Index 5. Dataset\\Jacques_Chirac\\Jacques_Chirac_0006.jpg\n", + "Index 6. Dataset\\Jacques_Chirac\\Jacques_Chirac_0007.jpg\n", + "Index 7. Dataset\\Jacques_Chirac\\Jacques_Chirac_0008.jpg\n", + "Index 8. Dataset\\Jacques_Chirac\\Jacques_Chirac_0009.jpg\n", + "Index 0. Dataset\\Jacques_Rogge\\Jacques_Rogge_0001.jpg\n", + "Index 1. Dataset\\Jacques_Rogge\\Jacques_Rogge_0002.jpg\n", + "Index 2. Dataset\\Jacques_Rogge\\Jacques_Rogge_0003.jpg\n", + "Index 3. Dataset\\Jacques_Rogge\\Jacques_Rogge_0004.jpg\n", + "Index 4. Dataset\\Jacques_Rogge\\Jacques_Rogge_0005.jpg\n", + "Index 5. Dataset\\Jacques_Rogge\\Jacques_Rogge_0006.jpg\n", + "Index 6. Dataset\\Jacques_Rogge\\Jacques_Rogge_0007.jpg\n", + "Index 7. Dataset\\Jacques_Rogge\\Jacques_Rogge_0008.jpg\n", + "Index 8. Dataset\\Jacques_Rogge\\Jacques_Rogge_0009.jpg\n", + "Index 9. Dataset\\Jacques_Rogge\\Jacques_Rogge_0010.jpg\n", + "Index 0. Dataset\\Jake_Gyllenhaal\\Jake_Gyllenhaal_0001.jpg\n", + "Index 1. Dataset\\Jake_Gyllenhaal\\Jake_Gyllenhaal_0002.jpg\n", + "Index 2. Dataset\\Jake_Gyllenhaal\\Jake_Gyllenhaal_0003.jpg\n", + "Index 3. Dataset\\Jake_Gyllenhaal\\Jake_Gyllenhaal_0004.jpg\n", + "Index 4. Dataset\\Jake_Gyllenhaal\\Jake_Gyllenhaal_0005.jpg\n", + "Index 0. Dataset\\James_Blake\\James_Blake_0001.jpg\n", + "Index 1. Dataset\\James_Blake\\James_Blake_0002.jpg\n", + "Index 2. Dataset\\James_Blake\\James_Blake_0003.jpg\n", + "Index 3. Dataset\\James_Blake\\James_Blake_0004.jpg\n", + "Index 4. Dataset\\James_Blake\\James_Blake_0005.jpg\n", + "Index 5. Dataset\\James_Blake\\James_Blake_0006.jpg\n", + "Index 6. Dataset\\James_Blake\\James_Blake_0007.jpg\n", + "Index 7. Dataset\\James_Blake\\James_Blake_0008.jpg\n", + "Index 8. Dataset\\James_Blake\\James_Blake_0009.jpg\n", + "Index 9. Dataset\\James_Blake\\James_Blake_0010.jpg\n", + "Index 0. Dataset\\James_Kelly\\James_Kelly_0001.jpg\n", + "Index 1. Dataset\\James_Kelly\\James_Kelly_0002.jpg\n", + "Index 2. Dataset\\James_Kelly\\James_Kelly_0003.jpg\n", + "Index 3. Dataset\\James_Kelly\\James_Kelly_0004.jpg\n", + "Index 4. Dataset\\James_Kelly\\James_Kelly_0005.jpg\n", + "Index 5. Dataset\\James_Kelly\\James_Kelly_0006.jpg\n", + "Index 6. Dataset\\James_Kelly\\James_Kelly_0007.jpg\n", + "Index 7. Dataset\\James_Kelly\\James_Kelly_0008.jpg\n", + "Index 8. Dataset\\James_Kelly\\James_Kelly_0009.jpg\n", + "Index 9. Dataset\\James_Kelly\\James_Kelly_0010.jpg\n", + "Index 0. Dataset\\James_Wolfensohn\\James_Wolfensohn_0001.jpg\n", + "Index 1. Dataset\\James_Wolfensohn\\James_Wolfensohn_0002.jpg\n", + "Index 3. Dataset\\James_Wolfensohn\\James_Wolfensohn_0004.jpg\n", + "Index 3. Dataset\\James_Wolfensohn\\James_Wolfensohn_0004.jpg\n", + "Index 4. Dataset\\James_Wolfensohn\\James_Wolfensohn_0005.jpg\n", + "Index 0. Dataset\\Jan_Ullrich\\Jan_Ullrich_0001.jpg\n", + "Index 1. Dataset\\Jan_Ullrich\\Jan_Ullrich_0002.jpg\n", + "Index 2. Dataset\\Jan_Ullrich\\Jan_Ullrich_0003.jpg\n", + "Index 2. Dataset\\Jan_Ullrich\\Jan_Ullrich_0003.jpg\n", + "Index 3. Dataset\\Jan_Ullrich\\Jan_Ullrich_0004.jpg\n", + "Index 4. Dataset\\Jan_Ullrich\\Jan_Ullrich_0005.jpg\n", + "Index 5. Dataset\\Jan_Ullrich\\Jan_Ullrich_0006.jpg\n", + "Index 0. Dataset\\Jason_Kidd\\Jason_Kidd_0001.jpg\n", + "Index 1. Dataset\\Jason_Kidd\\Jason_Kidd_0002.jpg\n", + "Index 2. Dataset\\Jason_Kidd\\Jason_Kidd_0003.jpg\n", + "Index 3. Dataset\\Jason_Kidd\\Jason_Kidd_0004.jpg\n", + "Index 4. Dataset\\Jason_Kidd\\Jason_Kidd_0005.jpg\n", + "Index 5. Dataset\\Jason_Kidd\\Jason_Kidd_0006.jpg\n", + "Index 6. Dataset\\Jason_Kidd\\Jason_Kidd_0007.jpg\n", + "Index 7. Dataset\\Jason_Kidd\\Jason_Kidd_0008.jpg\n", + "Index 8. Dataset\\Jason_Kidd\\Jason_Kidd_0009.jpg\n", + "Index 9. Dataset\\Jason_Kidd\\Jason_Kidd_0010.jpg\n", + "Index 0. Dataset\\Javier_Solana\\Javier_Solana_0001.jpg\n", + "Index 1. Dataset\\Javier_Solana\\Javier_Solana_0002.jpg\n", + "Index 2. Dataset\\Javier_Solana\\Javier_Solana_0003.jpg\n", + "Index 3. Dataset\\Javier_Solana\\Javier_Solana_0004.jpg\n", + "Index 4. Dataset\\Javier_Solana\\Javier_Solana_0005.jpg\n", + "Index 5. Dataset\\Javier_Solana\\Javier_Solana_0006.jpg\n", + "Index 6. Dataset\\Javier_Solana\\Javier_Solana_0007.jpg\n", + "Index 7. Dataset\\Javier_Solana\\Javier_Solana_0008.jpg\n", + "Index 8. Dataset\\Javier_Solana\\Javier_Solana_0009.jpg\n", + "Index 9. Dataset\\Javier_Solana\\Javier_Solana_0010.jpg\n", + "Index 0. Dataset\\Jay_Garner\\Jay_Garner_0001.jpg\n", + "Index 1. Dataset\\Jay_Garner\\Jay_Garner_0002.jpg\n", + "Index 1. Dataset\\Jay_Garner\\Jay_Garner_0002.jpg\n", + "Index 2. Dataset\\Jay_Garner\\Jay_Garner_0003.jpg\n", + "Index 3. Dataset\\Jay_Garner\\Jay_Garner_0004.jpg\n", + "Index 4. Dataset\\Jay_Garner\\Jay_Garner_0005.jpg\n", + "Index 5. Dataset\\Jay_Garner\\Jay_Garner_0006.jpg\n", + "Index 0. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0001.jpg\n", + "Index 1. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0002.jpg\n", + "Index 2. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0003.jpg\n", + "Index 3. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0004.jpg\n", + "Index 4. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0005.jpg\n", + "Index 5. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0006.jpg\n", + "Index 6. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0007.jpg\n", + "Index 7. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0008.jpg\n", + "Index 8. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0009.jpg\n", + "Index 9. Dataset\\Jean-David_Levitte\\Jean-David_Levitte_0010.jpg\n", + "Index 0. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0001.jpg\n", + "Index 1. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0002.jpg\n", + "Index 2. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0003.jpg\n", + "Index 3. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0004.jpg\n", + "Index 4. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0005.jpg\n", + "Index 5. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0006.jpg\n", + "Index 6. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0007.jpg\n", + "Index 6. Dataset\\Jean-Pierre_Raffarin\\Jean-Pierre_Raffarin_0007.jpg\n", + "Index 0. Dataset\\Jean_Charest\\Jean_Charest_0001.jpg\n", + "Index 1. Dataset\\Jean_Charest\\Jean_Charest_0002.jpg\n", + "Index 2. Dataset\\Jean_Charest\\Jean_Charest_0003.jpg\n", + "Index 3. Dataset\\Jean_Charest\\Jean_Charest_0004.jpg\n", + "Index 3. Dataset\\Jean_Charest\\Jean_Charest_0004.jpg\n", + "Index 4. Dataset\\Jean_Charest\\Jean_Charest_0005.jpg\n", + "Index 5. Dataset\\Jean_Charest\\Jean_Charest_0006.jpg\n", + "Index 6. Dataset\\Jean_Charest\\Jean_Charest_0007.jpg\n", + "Index 7. Dataset\\Jean_Charest\\Jean_Charest_0008.jpg\n", + "Index 8. Dataset\\Jean_Charest\\Jean_Charest_0009.jpg\n", + "Index 9. Dataset\\Jean_Charest\\Jean_Charest_0010.jpg\n", + "Index 0. Dataset\\Jean_Chretien\\Jean_Chretien_0001.jpg\n", + "Index 1. Dataset\\Jean_Chretien\\Jean_Chretien_0002.jpg\n", + "Index 2. Dataset\\Jean_Chretien\\Jean_Chretien_0003.jpg\n", + "Index 3. Dataset\\Jean_Chretien\\Jean_Chretien_0004.jpg\n", + "Index 4. Dataset\\Jean_Chretien\\Jean_Chretien_0005.jpg\n", + "Index 5. Dataset\\Jean_Chretien\\Jean_Chretien_0006.jpg\n", + "Index 6. Dataset\\Jean_Chretien\\Jean_Chretien_0007.jpg\n", + "Index 7. Dataset\\Jean_Chretien\\Jean_Chretien_0008.jpg\n", + "Index 8. Dataset\\Jean_Chretien\\Jean_Chretien_0009.jpg\n", + "Index 9. Dataset\\Jean_Chretien\\Jean_Chretien_0010.jpg\n", + "Index 0. Dataset\\Jeb_Bush\\Jeb_Bush_0001.jpg\n", + "Index 1. Dataset\\Jeb_Bush\\Jeb_Bush_0002.jpg\n", + "Index 2. Dataset\\Jeb_Bush\\Jeb_Bush_0003.jpg\n", + "Index 3. Dataset\\Jeb_Bush\\Jeb_Bush_0004.jpg\n", + "Index 4. Dataset\\Jeb_Bush\\Jeb_Bush_0005.jpg\n", + "Index 5. Dataset\\Jeb_Bush\\Jeb_Bush_0006.jpg\n", + "Index 6. Dataset\\Jeb_Bush\\Jeb_Bush_0007.jpg\n", + "Index 7. Dataset\\Jeb_Bush\\Jeb_Bush_0008.jpg\n", + "Index 8. Dataset\\Jeb_Bush\\Jeb_Bush_0009.jpg\n", + "Index 9. Dataset\\Jeb_Bush\\Jeb_Bush_0010.jpg\n", + "Index 0. Dataset\\Jelena_Dokic\\Jelena_Dokic_0001.jpg\n", + "Index 1. Dataset\\Jelena_Dokic\\Jelena_Dokic_0002.jpg\n", + "Index 2. Dataset\\Jelena_Dokic\\Jelena_Dokic_0003.jpg\n", + "Index 4. Dataset\\Jelena_Dokic\\Jelena_Dokic_0005.jpg\n", + "Index 5. Dataset\\Jelena_Dokic\\Jelena_Dokic_0006.jpg\n", + "Index 7. Dataset\\Jelena_Dokic\\Jelena_Dokic_0008.jpg\n", + "Index 0. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0001.jpg\n", + "Index 1. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0002.jpg\n", + "Index 2. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0003.jpg\n", + "Index 3. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0004.jpg\n", + "Index 4. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0005.jpg\n", + "Index 5. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0006.jpg\n", + "Index 6. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0007.jpg\n", + "Index 7. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0008.jpg\n", + "Index 7. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0008.jpg\n", + "Index 8. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0009.jpg\n", + "Index 9. Dataset\\Jennifer_Aniston\\Jennifer_Aniston_0010.jpg\n", + "Index 0. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0001.jpg\n", + "Index 1. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0002.jpg\n", + "Index 2. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0003.jpg\n", + "Index 3. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0004.jpg\n", + "Index 4. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0005.jpg\n", + "Index 5. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0006.jpg\n", + "Index 6. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0007.jpg\n", + "Index 6. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0007.jpg\n", + "Index 8. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0009.jpg\n", + "Index 9. Dataset\\Jennifer_Capriati\\Jennifer_Capriati_0010.jpg\n", + "Index 0. Dataset\\Jennifer_Garner\\Jennifer_Garner_0001.jpg\n", + "Index 1. Dataset\\Jennifer_Garner\\Jennifer_Garner_0002.jpg\n", + "Index 2. Dataset\\Jennifer_Garner\\Jennifer_Garner_0003.jpg\n", + "Index 3. Dataset\\Jennifer_Garner\\Jennifer_Garner_0004.jpg\n", + "Index 4. Dataset\\Jennifer_Garner\\Jennifer_Garner_0005.jpg\n", + "Index 5. Dataset\\Jennifer_Garner\\Jennifer_Garner_0006.jpg\n", + "Index 6. Dataset\\Jennifer_Garner\\Jennifer_Garner_0007.jpg\n", + "Index 7. Dataset\\Jennifer_Garner\\Jennifer_Garner_0008.jpg\n", + "Index 8. Dataset\\Jennifer_Garner\\Jennifer_Garner_0009.jpg\n", + "Index 9. Dataset\\Jennifer_Garner\\Jennifer_Garner_0010.jpg\n", + "Index 0. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0001.jpg\n", + "Index 1. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0002.jpg\n", + "Index 2. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0003.jpg\n", + "Index 3. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0004.jpg\n", + "Index 4. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0005.jpg\n", + "Index 5. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0006.jpg\n", + "Index 6. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0007.jpg\n", + "Index 7. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0008.jpg\n", + "Index 8. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0009.jpg\n", + "Index 9. Dataset\\Jennifer_Lopez\\Jennifer_Lopez_0010.jpg\n", + "Index 0. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0001.jpg\n", + "Index 1. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0002.jpg\n", + "Index 2. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0003.jpg\n", + "Index 3. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0004.jpg\n", + "Index 4. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0005.jpg\n", + "Index 5. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0006.jpg\n", + "Index 6. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0007.jpg\n", + "Index 7. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0008.jpg\n", + "Index 8. Dataset\\Jeong_Se-hyun\\Jeong_Se-hyun_0009.jpg\n", + "Index 0. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0001.jpg\n", + "Index 0. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0001.jpg\n", + "Index 1. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0002.jpg\n", + "Index 2. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0003.jpg\n", + "Index 3. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0004.jpg\n", + "Index 4. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0005.jpg\n", + "Index 4. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0005.jpg\n", + "Index 5. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0006.jpg\n", + "Index 6. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0007.jpg\n", + "Index 7. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0008.jpg\n", + "Index 8. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0009.jpg\n", + "Index 8. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0009.jpg\n", + "Index 9. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0010.jpg\n", + "Index 9. Dataset\\Jeremy_Greenstock\\Jeremy_Greenstock_0010.jpg\n", + "Index 0. Dataset\\Jesse_Jackson\\Jesse_Jackson_0001.jpg\n", + "Index 0. Dataset\\Jesse_Jackson\\Jesse_Jackson_0001.jpg\n", + "Index 0. Dataset\\Jesse_Jackson\\Jesse_Jackson_0001.jpg\n", + "Index 1. Dataset\\Jesse_Jackson\\Jesse_Jackson_0002.jpg\n", + "Index 2. Dataset\\Jesse_Jackson\\Jesse_Jackson_0003.jpg\n", + "Index 3. Dataset\\Jesse_Jackson\\Jesse_Jackson_0004.jpg\n", + "Index 4. Dataset\\Jesse_Jackson\\Jesse_Jackson_0005.jpg\n", + "Index 5. Dataset\\Jesse_Jackson\\Jesse_Jackson_0006.jpg\n", + "Index 6. Dataset\\Jesse_Jackson\\Jesse_Jackson_0007.jpg\n", + "Index 7. Dataset\\Jesse_Jackson\\Jesse_Jackson_0008.jpg\n", + "Index 8. Dataset\\Jesse_Jackson\\Jesse_Jackson_0009.jpg\n", + "Index 0. Dataset\\Jiang_Zemin\\Jiang_Zemin_0001.jpg\n", + "Index 1. Dataset\\Jiang_Zemin\\Jiang_Zemin_0002.jpg\n", + "Index 2. Dataset\\Jiang_Zemin\\Jiang_Zemin_0003.jpg\n", + "Index 3. Dataset\\Jiang_Zemin\\Jiang_Zemin_0004.jpg\n", + "Index 5. Dataset\\Jiang_Zemin\\Jiang_Zemin_0006.jpg\n", + "Index 6. Dataset\\Jiang_Zemin\\Jiang_Zemin_0007.jpg\n", + "Index 7. Dataset\\Jiang_Zemin\\Jiang_Zemin_0008.jpg\n", + "Index 8. Dataset\\Jiang_Zemin\\Jiang_Zemin_0009.jpg\n", + "Index 9. Dataset\\Jiang_Zemin\\Jiang_Zemin_0010.jpg\n", + "Index 0. Dataset\\Jimmy_Carter\\Jimmy_Carter_0001.jpg\n", + "Index 1. Dataset\\Jimmy_Carter\\Jimmy_Carter_0002.jpg\n", + "Index 3. Dataset\\Jimmy_Carter\\Jimmy_Carter_0004.jpg\n", + "Index 4. Dataset\\Jimmy_Carter\\Jimmy_Carter_0005.jpg\n", + "Index 5. Dataset\\Jimmy_Carter\\Jimmy_Carter_0006.jpg\n", + "Index 7. Dataset\\Jimmy_Carter\\Jimmy_Carter_0008.jpg\n", + "Index 7. Dataset\\Jimmy_Carter\\Jimmy_Carter_0008.jpg\n", + "Index 8. Dataset\\Jimmy_Carter\\Jimmy_Carter_0009.jpg\n", + "Index 0. Dataset\\Jim_Furyk\\Jim_Furyk_0001.jpg\n", + "Index 1. Dataset\\Jim_Furyk\\Jim_Furyk_0002.jpg\n", + "Index 2. Dataset\\Jim_Furyk\\Jim_Furyk_0003.jpg\n", + "Index 4. Dataset\\Jim_Furyk\\Jim_Furyk_0005.jpg\n", + "Index 5. Dataset\\Jim_Furyk\\Jim_Furyk_0006.jpg\n", + "Index 0. Dataset\\Jiri_Novak\\Jiri_Novak_0001.jpg\n", + "Index 1. Dataset\\Jiri_Novak\\Jiri_Novak_0002.jpg\n", + "Index 2. Dataset\\Jiri_Novak\\Jiri_Novak_0003.jpg\n", + "Index 3. Dataset\\Jiri_Novak\\Jiri_Novak_0004.jpg\n", + "Index 4. Dataset\\Jiri_Novak\\Jiri_Novak_0005.jpg\n", + "Index 5. Dataset\\Jiri_Novak\\Jiri_Novak_0006.jpg\n", + "Index 6. Dataset\\Jiri_Novak\\Jiri_Novak_0007.jpg\n", + "Index 7. Dataset\\Jiri_Novak\\Jiri_Novak_0008.jpg\n", + "Index 8. Dataset\\Jiri_Novak\\Jiri_Novak_0009.jpg\n", + "Index 9. Dataset\\Jiri_Novak\\Jiri_Novak_0010.jpg\n", + "Index 0. Dataset\\JK_Rowling\\JK_Rowling_0001.jpg\n", + "Index 1. Dataset\\JK_Rowling\\JK_Rowling_0002.jpg\n", + "Index 2. Dataset\\JK_Rowling\\JK_Rowling_0003.jpg\n", + "Index 3. Dataset\\JK_Rowling\\JK_Rowling_0004.jpg\n", + "Index 4. Dataset\\JK_Rowling\\JK_Rowling_0005.jpg\n", + "Index 5. Dataset\\JK_Rowling\\JK_Rowling_0006.jpg\n", + "Index 0. Dataset\\Joan_Laporta\\Joan_Laporta_0001.jpg\n", + "Index 1. Dataset\\Joan_Laporta\\Joan_Laporta_0002.jpg\n", + "Index 2. Dataset\\Joan_Laporta\\Joan_Laporta_0003.jpg\n", + "Index 3. Dataset\\Joan_Laporta\\Joan_Laporta_0004.jpg\n", + "Index 4. Dataset\\Joan_Laporta\\Joan_Laporta_0005.jpg\n", + "Index 5. Dataset\\Joan_Laporta\\Joan_Laporta_0006.jpg\n", + "Index 6. Dataset\\Joan_Laporta\\Joan_Laporta_0007.jpg\n", + "Index 7. Dataset\\Joan_Laporta\\Joan_Laporta_0008.jpg\n", + "Index 8. Dataset\\Joan_Laporta\\Joan_Laporta_0009.jpg\n", + "Index 0. Dataset\\Joe_Lieberman\\Joe_Lieberman_0001.jpg\n", + "Index 1. Dataset\\Joe_Lieberman\\Joe_Lieberman_0002.jpg\n", + "Index 2. Dataset\\Joe_Lieberman\\Joe_Lieberman_0003.jpg\n", + "Index 3. Dataset\\Joe_Lieberman\\Joe_Lieberman_0004.jpg\n", + "Index 4. Dataset\\Joe_Lieberman\\Joe_Lieberman_0005.jpg\n", + "Index 5. Dataset\\Joe_Lieberman\\Joe_Lieberman_0006.jpg\n", + "Index 6. Dataset\\Joe_Lieberman\\Joe_Lieberman_0007.jpg\n", + "Index 7. Dataset\\Joe_Lieberman\\Joe_Lieberman_0008.jpg\n", + "Index 8. Dataset\\Joe_Lieberman\\Joe_Lieberman_0009.jpg\n", + "Index 9. Dataset\\Joe_Lieberman\\Joe_Lieberman_0010.jpg\n", + "Index 0. Dataset\\John_Abizaid\\John_Abizaid_0001.jpg\n", + "Index 1. Dataset\\John_Abizaid\\John_Abizaid_0002.jpg\n", + "Index 2. Dataset\\John_Abizaid\\John_Abizaid_0003.jpg\n", + "Index 3. Dataset\\John_Abizaid\\John_Abizaid_0004.jpg\n", + "Index 4. Dataset\\John_Abizaid\\John_Abizaid_0005.jpg\n", + "Index 5. Dataset\\John_Abizaid\\John_Abizaid_0006.jpg\n", + "Index 6. Dataset\\John_Abizaid\\John_Abizaid_0007.jpg\n", + "Index 7. Dataset\\John_Abizaid\\John_Abizaid_0008.jpg\n", + "Index 8. Dataset\\John_Abizaid\\John_Abizaid_0009.jpg\n", + "Index 0. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0001.jpg\n", + "Index 1. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0002.jpg\n", + "Index 2. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0003.jpg\n", + "Index 3. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0004.jpg\n", + "Index 4. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0005.jpg\n", + "Index 5. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0006.jpg\n", + "Index 6. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0007.jpg\n", + "Index 7. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0008.jpg\n", + "Index 8. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0009.jpg\n", + "Index 9. Dataset\\John_Allen_Muhammad\\John_Allen_Muhammad_0010.jpg\n", + "Index 0. Dataset\\John_Ashcroft\\John_Ashcroft_0001.jpg\n", + "Index 1. Dataset\\John_Ashcroft\\John_Ashcroft_0002.jpg\n", + "Index 2. Dataset\\John_Ashcroft\\John_Ashcroft_0003.jpg\n", + "Index 3. Dataset\\John_Ashcroft\\John_Ashcroft_0004.jpg\n", + "Index 4. Dataset\\John_Ashcroft\\John_Ashcroft_0005.jpg\n", + "Index 5. Dataset\\John_Ashcroft\\John_Ashcroft_0006.jpg\n", + "Index 6. Dataset\\John_Ashcroft\\John_Ashcroft_0007.jpg\n", + "Index 7. Dataset\\John_Ashcroft\\John_Ashcroft_0008.jpg\n", + "Index 8. Dataset\\John_Ashcroft\\John_Ashcroft_0009.jpg\n", + "Index 9. Dataset\\John_Ashcroft\\John_Ashcroft_0010.jpg\n", + "Index 0. Dataset\\John_Bolton\\John_Bolton_0001.jpg\n", + "Index 1. Dataset\\John_Bolton\\John_Bolton_0002.jpg\n", + "Index 2. Dataset\\John_Bolton\\John_Bolton_0003.jpg\n", + "Index 3. Dataset\\John_Bolton\\John_Bolton_0004.jpg\n", + "Index 5. Dataset\\John_Bolton\\John_Bolton_0006.jpg\n", + "Index 6. Dataset\\John_Bolton\\John_Bolton_0007.jpg\n", + "Index 6. Dataset\\John_Bolton\\John_Bolton_0007.jpg\n", + "Index 0. Dataset\\John_Edwards\\John_Edwards_0001.jpg\n", + "Index 1. Dataset\\John_Edwards\\John_Edwards_0002.jpg\n", + "Index 2. Dataset\\John_Edwards\\John_Edwards_0003.jpg\n", + "Index 3. Dataset\\John_Edwards\\John_Edwards_0004.jpg\n", + "Index 4. Dataset\\John_Edwards\\John_Edwards_0005.jpg\n", + "Index 5. Dataset\\John_Edwards\\John_Edwards_0006.jpg\n", + "Index 6. Dataset\\John_Edwards\\John_Edwards_0007.jpg\n", + "Index 7. Dataset\\John_Edwards\\John_Edwards_0008.jpg\n", + "Index 0. Dataset\\John_Howard\\John_Howard_0001.jpg\n", + "Index 1. Dataset\\John_Howard\\John_Howard_0002.jpg\n", + "Index 2. Dataset\\John_Howard\\John_Howard_0003.jpg\n", + "Index 3. Dataset\\John_Howard\\John_Howard_0004.jpg\n", + "Index 4. Dataset\\John_Howard\\John_Howard_0005.jpg\n", + "Index 5. Dataset\\John_Howard\\John_Howard_0006.jpg\n", + "Index 6. Dataset\\John_Howard\\John_Howard_0007.jpg\n", + "Index 8. Dataset\\John_Howard\\John_Howard_0009.jpg\n", + "Index 9. Dataset\\John_Howard\\John_Howard_0010.jpg\n", + "Index 0. Dataset\\John_Kerry\\John_Kerry_0001.jpg\n", + "Index 1. Dataset\\John_Kerry\\John_Kerry_0002.jpg\n", + "Index 2. Dataset\\John_Kerry\\John_Kerry_0003.jpg\n", + "Index 3. Dataset\\John_Kerry\\John_Kerry_0004.jpg\n", + "Index 4. Dataset\\John_Kerry\\John_Kerry_0005.jpg\n", + "Index 5. Dataset\\John_Kerry\\John_Kerry_0006.jpg\n", + "Index 6. Dataset\\John_Kerry\\John_Kerry_0007.jpg\n", + "Index 7. Dataset\\John_Kerry\\John_Kerry_0008.jpg\n", + "Index 8. Dataset\\John_Kerry\\John_Kerry_0009.jpg\n", + "Index 9. Dataset\\John_Kerry\\John_Kerry_0010.jpg\n", + "Index 0. Dataset\\John_Manley\\John_Manley_0001.jpg\n", + "Index 1. Dataset\\John_Manley\\John_Manley_0002.jpg\n", + "Index 2. Dataset\\John_Manley\\John_Manley_0003.jpg\n", + "Index 3. Dataset\\John_Manley\\John_Manley_0004.jpg\n", + "Index 4. Dataset\\John_Manley\\John_Manley_0005.jpg\n", + "Index 5. Dataset\\John_Manley\\John_Manley_0006.jpg\n", + "Index 6. Dataset\\John_Manley\\John_Manley_0007.jpg\n", + "Index 0. Dataset\\John_McCain\\John_McCain_0001.jpg\n", + "Index 1. Dataset\\John_McCain\\John_McCain_0002.jpg\n", + "Index 2. Dataset\\John_McCain\\John_McCain_0003.jpg\n", + "Index 3. Dataset\\John_McCain\\John_McCain_0004.jpg\n", + "Index 4. Dataset\\John_McCain\\John_McCain_0005.jpg\n", + "Index 5. Dataset\\John_McCain\\John_McCain_0006.jpg\n", + "Index 6. Dataset\\John_McCain\\John_McCain_0007.jpg\n", + "Index 0. Dataset\\John_Negroponte\\John_Negroponte_0001.jpg\n", + "Index 1. Dataset\\John_Negroponte\\John_Negroponte_0002.jpg\n", + "Index 2. Dataset\\John_Negroponte\\John_Negroponte_0003.jpg\n", + "Index 3. Dataset\\John_Negroponte\\John_Negroponte_0004.jpg\n", + "Index 4. Dataset\\John_Negroponte\\John_Negroponte_0005.jpg\n", + "Index 5. Dataset\\John_Negroponte\\John_Negroponte_0006.jpg\n", + "Index 6. Dataset\\John_Negroponte\\John_Negroponte_0007.jpg\n", + "Index 7. Dataset\\John_Negroponte\\John_Negroponte_0008.jpg\n", + "Index 8. Dataset\\John_Negroponte\\John_Negroponte_0009.jpg\n", + "Index 9. Dataset\\John_Negroponte\\John_Negroponte_0010.jpg\n", + "Index 0. Dataset\\John_Paul_II\\John_Paul_II_0001.jpg\n", + "Index 2. Dataset\\John_Paul_II\\John_Paul_II_0003.jpg\n", + "Index 3. Dataset\\John_Paul_II\\John_Paul_II_0004.jpg\n", + "Index 4. Dataset\\John_Paul_II\\John_Paul_II_0005.jpg\n", + "Index 5. Dataset\\John_Paul_II\\John_Paul_II_0006.jpg\n", + "Index 7. Dataset\\John_Paul_II\\John_Paul_II_0008.jpg\n", + "Index 8. Dataset\\John_Paul_II\\John_Paul_II_0009.jpg\n", + "Index 9. Dataset\\John_Paul_II\\John_Paul_II_0010.jpg\n", + "Index 0. Dataset\\John_Snow\\John_Snow_0001.jpg\n", + "Index 1. Dataset\\John_Snow\\John_Snow_0002.jpg\n", + "Index 2. Dataset\\John_Snow\\John_Snow_0003.jpg\n", + "Index 3. Dataset\\John_Snow\\John_Snow_0004.jpg\n", + "Index 4. Dataset\\John_Snow\\John_Snow_0005.jpg\n", + "Index 5. Dataset\\John_Snow\\John_Snow_0006.jpg\n", + "Index 6. Dataset\\John_Snow\\John_Snow_0007.jpg\n", + "Index 7. Dataset\\John_Snow\\John_Snow_0008.jpg\n", + "Index 8. Dataset\\John_Snow\\John_Snow_0009.jpg\n", + "Index 9. Dataset\\John_Snow\\John_Snow_0010.jpg\n", + "Index 1. Dataset\\John_Stockton\\John_Stockton_0002.jpg\n", + "Index 2. Dataset\\John_Stockton\\John_Stockton_0003.jpg\n", + "Index 3. Dataset\\John_Stockton\\John_Stockton_0004.jpg\n", + "Index 4. Dataset\\John_Stockton\\John_Stockton_0005.jpg\n", + "Index 0. Dataset\\John_Travolta\\John_Travolta_0001.jpg\n", + "Index 0. Dataset\\John_Travolta\\John_Travolta_0001.jpg\n", + "Index 1. Dataset\\John_Travolta\\John_Travolta_0002.jpg\n", + "Index 2. Dataset\\John_Travolta\\John_Travolta_0003.jpg\n", + "Index 3. Dataset\\John_Travolta\\John_Travolta_0004.jpg\n", + "Index 4. Dataset\\John_Travolta\\John_Travolta_0005.jpg\n", + "Index 5. Dataset\\John_Travolta\\John_Travolta_0006.jpg\n", + "Index 0. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0001.jpg\n", + "Index 2. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0003.jpg\n", + "Index 3. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0004.jpg\n", + "Index 4. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0005.jpg\n", + "Index 5. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0006.jpg\n", + "Index 6. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0007.jpg\n", + "Index 7. Dataset\\Jonathan_Edwards\\Jonathan_Edwards_0008.jpg\n", + "Index 0. Dataset\\Jon_Gruden\\Jon_Gruden_0001.jpg\n", + "Index 1. Dataset\\Jon_Gruden\\Jon_Gruden_0002.jpg\n", + "Index 2. Dataset\\Jon_Gruden\\Jon_Gruden_0003.jpg\n", + "Index 3. Dataset\\Jon_Gruden\\Jon_Gruden_0004.jpg\n", + "Index 4. Dataset\\Jon_Gruden\\Jon_Gruden_0005.jpg\n", + "Index 5. Dataset\\Jon_Gruden\\Jon_Gruden_0006.jpg\n", + "Index 6. Dataset\\Jon_Gruden\\Jon_Gruden_0007.jpg\n", + "Index 0. Dataset\\Joschka_Fischer\\Joschka_Fischer_0001.jpg\n", + "Index 1. Dataset\\Joschka_Fischer\\Joschka_Fischer_0002.jpg\n", + "Index 2. Dataset\\Joschka_Fischer\\Joschka_Fischer_0003.jpg\n", + "Index 3. Dataset\\Joschka_Fischer\\Joschka_Fischer_0004.jpg\n", + "Index 4. Dataset\\Joschka_Fischer\\Joschka_Fischer_0005.jpg\n", + "Index 4. Dataset\\Joschka_Fischer\\Joschka_Fischer_0005.jpg\n", + "Index 5. Dataset\\Joschka_Fischer\\Joschka_Fischer_0006.jpg\n", + "Index 6. Dataset\\Joschka_Fischer\\Joschka_Fischer_0007.jpg\n", + "Index 8. Dataset\\Joschka_Fischer\\Joschka_Fischer_0009.jpg\n", + "Index 9. Dataset\\Joschka_Fischer\\Joschka_Fischer_0010.jpg\n", + "Index 0. Dataset\\Joseph_Biden\\Joseph_Biden_0001.jpg\n", + "Index 1. Dataset\\Joseph_Biden\\Joseph_Biden_0002.jpg\n", + "Index 1. Dataset\\Joseph_Biden\\Joseph_Biden_0002.jpg\n", + "Index 2. Dataset\\Joseph_Biden\\Joseph_Biden_0003.jpg\n", + "Index 3. Dataset\\Joseph_Biden\\Joseph_Biden_0004.jpg\n", + "Index 4. Dataset\\Joseph_Biden\\Joseph_Biden_0005.jpg\n", + "Index 1. Dataset\\Jose_Manuel_Durao_Barroso\\Jose_Manuel_Durao_Barroso_0002.jpg\n", + "Index 2. Dataset\\Jose_Manuel_Durao_Barroso\\Jose_Manuel_Durao_Barroso_0003.jpg\n", + "Index 3. Dataset\\Jose_Manuel_Durao_Barroso\\Jose_Manuel_Durao_Barroso_0004.jpg\n", + "Index 4. Dataset\\Jose_Manuel_Durao_Barroso\\Jose_Manuel_Durao_Barroso_0005.jpg\n", + "Index 5. Dataset\\Jose_Manuel_Durao_Barroso\\Jose_Manuel_Durao_Barroso_0006.jpg\n", + "Index 0. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0001.jpg\n", + "Index 1. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0002.jpg\n", + "Index 2. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0003.jpg\n", + "Index 3. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0004.jpg\n", + "Index 4. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0005.jpg\n", + "Index 5. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0006.jpg\n", + "Index 6. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0007.jpg\n", + "Index 7. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0008.jpg\n", + "Index 8. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0009.jpg\n", + "Index 9. Dataset\\Jose_Maria_Aznar\\Jose_Maria_Aznar_0010.jpg\n", + "Index 0. Dataset\\Jose_Serra\\Jose_Serra_0001.jpg\n", + "Index 1. Dataset\\Jose_Serra\\Jose_Serra_0002.jpg\n", + "Index 2. Dataset\\Jose_Serra\\Jose_Serra_0003.jpg\n", + "Index 3. Dataset\\Jose_Serra\\Jose_Serra_0004.jpg\n", + "Index 4. Dataset\\Jose_Serra\\Jose_Serra_0005.jpg\n", + "Index 5. Dataset\\Jose_Serra\\Jose_Serra_0006.jpg\n", + "Index 6. Dataset\\Jose_Serra\\Jose_Serra_0007.jpg\n", + "Index 7. Dataset\\Jose_Serra\\Jose_Serra_0008.jpg\n", + "Index 8. Dataset\\Jose_Serra\\Jose_Serra_0009.jpg\n", + "Index 0. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0001.jpg\n", + "Index 1. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0002.jpg\n", + "Index 2. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0003.jpg\n", + "Index 3. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0004.jpg\n", + "Index 4. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0005.jpg\n", + "Index 5. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0006.jpg\n", + "Index 6. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0007.jpg\n", + "Index 7. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0008.jpg\n", + "Index 8. Dataset\\Juan_Carlos_Ferrero\\Juan_Carlos_Ferrero_0009.jpg\n", + "Index 0. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0001.jpg\n", + "Index 1. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0002.jpg\n", + "Index 2. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0003.jpg\n", + "Index 3. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0004.jpg\n", + "Index 5. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0006.jpg\n", + "Index 6. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0007.jpg\n", + "Index 7. Dataset\\Juan_Pablo_Montoya\\Juan_Pablo_Montoya_0008.jpg\n", + "Index 0. Dataset\\Julianne_Moore\\Julianne_Moore_0001.jpg\n", + "Index 0. Dataset\\Julianne_Moore\\Julianne_Moore_0001.jpg\n", + "Index 1. Dataset\\Julianne_Moore\\Julianne_Moore_0002.jpg\n", + "Index 2. Dataset\\Julianne_Moore\\Julianne_Moore_0003.jpg\n", + "Index 3. Dataset\\Julianne_Moore\\Julianne_Moore_0004.jpg\n", + "Index 4. Dataset\\Julianne_Moore\\Julianne_Moore_0005.jpg\n", + "Index 5. Dataset\\Julianne_Moore\\Julianne_Moore_0006.jpg\n", + "Index 6. Dataset\\Julianne_Moore\\Julianne_Moore_0007.jpg\n", + "Index 7. Dataset\\Julianne_Moore\\Julianne_Moore_0008.jpg\n", + "Index 7. Dataset\\Julianne_Moore\\Julianne_Moore_0008.jpg\n", + "Index 8. Dataset\\Julianne_Moore\\Julianne_Moore_0009.jpg\n", + "Index 9. Dataset\\Julianne_Moore\\Julianne_Moore_0010.jpg\n", + "Index 0. Dataset\\Julie_Gerberding\\Julie_Gerberding_0001.jpg\n", + "Index 1. Dataset\\Julie_Gerberding\\Julie_Gerberding_0002.jpg\n", + "Index 2. Dataset\\Julie_Gerberding\\Julie_Gerberding_0003.jpg\n", + "Index 3. Dataset\\Julie_Gerberding\\Julie_Gerberding_0004.jpg\n", + "Index 4. Dataset\\Julie_Gerberding\\Julie_Gerberding_0005.jpg\n", + "Index 5. Dataset\\Julie_Gerberding\\Julie_Gerberding_0006.jpg\n", + "Index 6. Dataset\\Julie_Gerberding\\Julie_Gerberding_0007.jpg\n", + "Index 7. Dataset\\Julie_Gerberding\\Julie_Gerberding_0008.jpg\n", + "Index 8. Dataset\\Julie_Gerberding\\Julie_Gerberding_0009.jpg\n", + "Index 9. Dataset\\Julie_Gerberding\\Julie_Gerberding_0010.jpg\n", + "Index 0. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0001.jpg\n", + "Index 1. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0002.jpg\n", + "Index 2. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0003.jpg\n", + "Index 4. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0005.jpg\n", + "Index 5. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0006.jpg\n", + "Index 6. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0007.jpg\n", + "Index 7. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0008.jpg\n", + "Index 9. Dataset\\Junichiro_Koizumi\\Junichiro_Koizumi_0010.jpg\n", + "Index 0. Dataset\\Justine_Pasek\\Justine_Pasek_0001.jpg\n", + "Index 1. Dataset\\Justine_Pasek\\Justine_Pasek_0002.jpg\n", + "Index 2. Dataset\\Justine_Pasek\\Justine_Pasek_0003.jpg\n", + "Index 3. Dataset\\Justine_Pasek\\Justine_Pasek_0004.jpg\n", + "Index 4. Dataset\\Justine_Pasek\\Justine_Pasek_0005.jpg\n", + "Index 5. Dataset\\Justine_Pasek\\Justine_Pasek_0006.jpg\n", + "Index 6. Dataset\\Justine_Pasek\\Justine_Pasek_0007.jpg\n", + "Index 0. Dataset\\Justin_Timberlake\\Justin_Timberlake_0001.jpg\n", + "Index 1. Dataset\\Justin_Timberlake\\Justin_Timberlake_0002.jpg\n", + "Index 2. Dataset\\Justin_Timberlake\\Justin_Timberlake_0003.jpg\n", + "Index 3. Dataset\\Justin_Timberlake\\Justin_Timberlake_0004.jpg\n", + "Index 4. Dataset\\Justin_Timberlake\\Justin_Timberlake_0005.jpg\n", + "Index 5. Dataset\\Justin_Timberlake\\Justin_Timberlake_0006.jpg\n", + "Index 6. Dataset\\Justin_Timberlake\\Justin_Timberlake_0007.jpg\n", + "Index 7. Dataset\\Justin_Timberlake\\Justin_Timberlake_0008.jpg\n", + "Index 0. Dataset\\Kalpana_Chawla\\Kalpana_Chawla_0001.jpg\n", + "Index 1. Dataset\\Kalpana_Chawla\\Kalpana_Chawla_0002.jpg\n", + "Index 2. Dataset\\Kalpana_Chawla\\Kalpana_Chawla_0003.jpg\n", + "Index 3. Dataset\\Kalpana_Chawla\\Kalpana_Chawla_0004.jpg\n", + "Index 4. Dataset\\Kalpana_Chawla\\Kalpana_Chawla_0005.jpg\n", + "Index 0. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0001.jpg\n", + "Index 1. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0002.jpg\n", + "Index 2. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0003.jpg\n", + "Index 3. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0004.jpg\n", + "Index 4. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0005.jpg\n", + "Index 5. Dataset\\Kamal_Kharrazi\\Kamal_Kharrazi_0006.jpg\n", + "Index 0. Dataset\\Kate_Hudson\\Kate_Hudson_0001.jpg\n", + "Index 1. Dataset\\Kate_Hudson\\Kate_Hudson_0002.jpg\n", + "Index 2. Dataset\\Kate_Hudson\\Kate_Hudson_0003.jpg\n", + "Index 3. Dataset\\Kate_Hudson\\Kate_Hudson_0004.jpg\n", + "Index 4. Dataset\\Kate_Hudson\\Kate_Hudson_0005.jpg\n", + "Index 5. Dataset\\Kate_Hudson\\Kate_Hudson_0006.jpg\n", + "Index 6. Dataset\\Kate_Hudson\\Kate_Hudson_0007.jpg\n", + "Index 7. Dataset\\Kate_Hudson\\Kate_Hudson_0008.jpg\n", + "Index 8. Dataset\\Kate_Hudson\\Kate_Hudson_0009.jpg\n", + "Index 0. Dataset\\Keanu_Reeves\\Keanu_Reeves_0001.jpg\n", + "Index 1. Dataset\\Keanu_Reeves\\Keanu_Reeves_0002.jpg\n", + "Index 2. Dataset\\Keanu_Reeves\\Keanu_Reeves_0003.jpg\n", + "Index 3. Dataset\\Keanu_Reeves\\Keanu_Reeves_0004.jpg\n", + "Index 4. Dataset\\Keanu_Reeves\\Keanu_Reeves_0005.jpg\n", + "Index 5. Dataset\\Keanu_Reeves\\Keanu_Reeves_0006.jpg\n", + "Index 6. Dataset\\Keanu_Reeves\\Keanu_Reeves_0007.jpg\n", + "Index 7. Dataset\\Keanu_Reeves\\Keanu_Reeves_0008.jpg\n", + "Index 8. Dataset\\Keanu_Reeves\\Keanu_Reeves_0009.jpg\n", + "Index 9. Dataset\\Keanu_Reeves\\Keanu_Reeves_0010.jpg\n", + "Index 0. Dataset\\Kevin_Costner\\Kevin_Costner_0001.jpg\n", + "Index 1. Dataset\\Kevin_Costner\\Kevin_Costner_0002.jpg\n", + "Index 2. Dataset\\Kevin_Costner\\Kevin_Costner_0003.jpg\n", + "Index 3. Dataset\\Kevin_Costner\\Kevin_Costner_0004.jpg\n", + "Index 4. Dataset\\Kevin_Costner\\Kevin_Costner_0005.jpg\n", + "Index 5. Dataset\\Kevin_Costner\\Kevin_Costner_0006.jpg\n", + "Index 6. Dataset\\Kevin_Costner\\Kevin_Costner_0007.jpg\n", + "Index 7. Dataset\\Kevin_Costner\\Kevin_Costner_0008.jpg\n", + "Index 0. Dataset\\Kevin_Spacey\\Kevin_Spacey_0001.jpg\n", + "Index 1. Dataset\\Kevin_Spacey\\Kevin_Spacey_0002.jpg\n", + "Index 2. Dataset\\Kevin_Spacey\\Kevin_Spacey_0003.jpg\n", + "Index 3. Dataset\\Kevin_Spacey\\Kevin_Spacey_0004.jpg\n", + "Index 4. Dataset\\Kevin_Spacey\\Kevin_Spacey_0005.jpg\n", + "Index 0. Dataset\\Kim_Clijsters\\Kim_Clijsters_0001.jpg\n", + "Index 1. Dataset\\Kim_Clijsters\\Kim_Clijsters_0002.jpg\n", + "Index 2. Dataset\\Kim_Clijsters\\Kim_Clijsters_0003.jpg\n", + "Index 3. Dataset\\Kim_Clijsters\\Kim_Clijsters_0004.jpg\n", + "Index 4. Dataset\\Kim_Clijsters\\Kim_Clijsters_0005.jpg\n", + "Index 5. Dataset\\Kim_Clijsters\\Kim_Clijsters_0006.jpg\n", + "Index 6. Dataset\\Kim_Clijsters\\Kim_Clijsters_0007.jpg\n", + "Index 7. Dataset\\Kim_Clijsters\\Kim_Clijsters_0008.jpg\n", + "Index 8. Dataset\\Kim_Clijsters\\Kim_Clijsters_0009.jpg\n", + "Index 9. Dataset\\Kim_Clijsters\\Kim_Clijsters_0010.jpg\n", + "Index 0. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0001.jpg\n", + "Index 1. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0002.jpg\n", + "Index 2. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0003.jpg\n", + "Index 3. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0004.jpg\n", + "Index 4. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0005.jpg\n", + "Index 5. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0006.jpg\n", + "Index 6. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0007.jpg\n", + "Index 7. Dataset\\Kim_Dae-jung\\Kim_Dae-jung_0008.jpg\n", + "Index 0. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0001.jpg\n", + "Index 1. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0002.jpg\n", + "Index 2. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0003.jpg\n", + "Index 2. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0003.jpg\n", + "Index 3. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0004.jpg\n", + "Index 4. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0005.jpg\n", + "Index 5. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0006.jpg\n", + "Index 6. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0007.jpg\n", + "Index 7. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0008.jpg\n", + "Index 8. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0009.jpg\n", + "Index 9. Dataset\\Kim_Ryong-sung\\Kim_Ryong-sung_0010.jpg\n", + "Index 0. Dataset\\King_Abdullah_II\\King_Abdullah_II_0001.jpg\n", + "Index 1. Dataset\\King_Abdullah_II\\King_Abdullah_II_0002.jpg\n", + "Index 2. Dataset\\King_Abdullah_II\\King_Abdullah_II_0003.jpg\n", + "Index 3. Dataset\\King_Abdullah_II\\King_Abdullah_II_0004.jpg\n", + "Index 4. Dataset\\King_Abdullah_II\\King_Abdullah_II_0005.jpg\n", + "Index 0. Dataset\\Kofi_Annan\\Kofi_Annan_0001.jpg\n", + "Index 1. Dataset\\Kofi_Annan\\Kofi_Annan_0002.jpg\n", + "Index 2. Dataset\\Kofi_Annan\\Kofi_Annan_0003.jpg\n", + "Index 3. Dataset\\Kofi_Annan\\Kofi_Annan_0004.jpg\n", + "Index 3. Dataset\\Kofi_Annan\\Kofi_Annan_0004.jpg\n", + "Index 4. Dataset\\Kofi_Annan\\Kofi_Annan_0005.jpg\n", + "Index 5. Dataset\\Kofi_Annan\\Kofi_Annan_0006.jpg\n", + "Index 6. Dataset\\Kofi_Annan\\Kofi_Annan_0007.jpg\n", + "Index 7. Dataset\\Kofi_Annan\\Kofi_Annan_0008.jpg\n", + "Index 8. Dataset\\Kofi_Annan\\Kofi_Annan_0009.jpg\n", + "Index 9. Dataset\\Kofi_Annan\\Kofi_Annan_0010.jpg\n", + "Index 9. Dataset\\Kofi_Annan\\Kofi_Annan_0010.jpg\n", + "Index 0. Dataset\\Kristanna_Loken\\Kristanna_Loken_0001.jpg\n", + "Index 1. Dataset\\Kristanna_Loken\\Kristanna_Loken_0002.jpg\n", + "Index 2. Dataset\\Kristanna_Loken\\Kristanna_Loken_0003.jpg\n", + "Index 3. Dataset\\Kristanna_Loken\\Kristanna_Loken_0004.jpg\n", + "Index 4. Dataset\\Kristanna_Loken\\Kristanna_Loken_0005.jpg\n", + "Index 0. Dataset\\Kurt_Warner\\Kurt_Warner_0001.jpg\n", + "Index 1. Dataset\\Kurt_Warner\\Kurt_Warner_0002.jpg\n", + "Index 2. Dataset\\Kurt_Warner\\Kurt_Warner_0003.jpg\n", + "Index 3. Dataset\\Kurt_Warner\\Kurt_Warner_0004.jpg\n", + "Index 4. Dataset\\Kurt_Warner\\Kurt_Warner_0005.jpg\n", + "Index 0. Dataset\\Lance_Armstrong\\Lance_Armstrong_0001.jpg\n", + "Index 1. Dataset\\Lance_Armstrong\\Lance_Armstrong_0002.jpg\n", + "Index 2. Dataset\\Lance_Armstrong\\Lance_Armstrong_0003.jpg\n", + "Index 3. Dataset\\Lance_Armstrong\\Lance_Armstrong_0004.jpg\n", + "Index 4. Dataset\\Lance_Armstrong\\Lance_Armstrong_0005.jpg\n", + "Index 5. Dataset\\Lance_Armstrong\\Lance_Armstrong_0006.jpg\n", + "Index 7. Dataset\\Lance_Armstrong\\Lance_Armstrong_0008.jpg\n", + "Index 8. Dataset\\Lance_Armstrong\\Lance_Armstrong_0009.jpg\n", + "Index 9. Dataset\\Lance_Armstrong\\Lance_Armstrong_0010.jpg\n", + "Index 0. Dataset\\Lance_Bass\\Lance_Bass_0001.jpg\n", + "Index 1. Dataset\\Lance_Bass\\Lance_Bass_0002.jpg\n", + "Index 2. Dataset\\Lance_Bass\\Lance_Bass_0003.jpg\n", + "Index 3. Dataset\\Lance_Bass\\Lance_Bass_0004.jpg\n", + "Index 4. Dataset\\Lance_Bass\\Lance_Bass_0005.jpg\n", + "Index 0. Dataset\\Larry_Brown\\Larry_Brown_0001.jpg\n", + "Index 0. Dataset\\Larry_Brown\\Larry_Brown_0001.jpg\n", + "Index 1. Dataset\\Larry_Brown\\Larry_Brown_0002.jpg\n", + "Index 2. Dataset\\Larry_Brown\\Larry_Brown_0003.jpg\n", + "Index 3. Dataset\\Larry_Brown\\Larry_Brown_0004.jpg\n", + "Index 4. Dataset\\Larry_Brown\\Larry_Brown_0005.jpg\n", + "Index 5. Dataset\\Larry_Brown\\Larry_Brown_0006.jpg\n", + "Index 6. Dataset\\Larry_Brown\\Larry_Brown_0007.jpg\n", + "Index 0. Dataset\\Laura_Bush\\Laura_Bush_0001.jpg\n", + "Index 1. Dataset\\Laura_Bush\\Laura_Bush_0002.jpg\n", + "Index 2. Dataset\\Laura_Bush\\Laura_Bush_0003.jpg\n", + "Index 3. Dataset\\Laura_Bush\\Laura_Bush_0004.jpg\n", + "Index 4. Dataset\\Laura_Bush\\Laura_Bush_0005.jpg\n", + "Index 5. Dataset\\Laura_Bush\\Laura_Bush_0006.jpg\n", + "Index 6. Dataset\\Laura_Bush\\Laura_Bush_0007.jpg\n", + "Index 7. Dataset\\Laura_Bush\\Laura_Bush_0008.jpg\n", + "Index 8. Dataset\\Laura_Bush\\Laura_Bush_0009.jpg\n", + "Index 9. Dataset\\Laura_Bush\\Laura_Bush_0010.jpg\n", + "Index 0. Dataset\\LeBron_James\\LeBron_James_0001.jpg\n", + "Index 1. Dataset\\LeBron_James\\LeBron_James_0002.jpg\n", + "Index 2. Dataset\\LeBron_James\\LeBron_James_0003.jpg\n", + "Index 3. Dataset\\LeBron_James\\LeBron_James_0004.jpg\n", + "Index 4. Dataset\\LeBron_James\\LeBron_James_0005.jpg\n", + "Index 0. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0001.jpg\n", + "Index 1. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0002.jpg\n", + "Index 2. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0003.jpg\n", + "Index 3. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0004.jpg\n", + "Index 4. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0005.jpg\n", + "Index 5. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0006.jpg\n", + "Index 6. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0007.jpg\n", + "Index 7. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0008.jpg\n", + "Index 8. Dataset\\Leonardo_DiCaprio\\Leonardo_DiCaprio_0009.jpg\n", + "Index 0. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0001.jpg\n", + "Index 1. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0002.jpg\n", + "Index 2. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0003.jpg\n", + "Index 3. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0004.jpg\n", + "Index 4. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0005.jpg\n", + "Index 5. Dataset\\Leonid_Kuchma\\Leonid_Kuchma_0006.jpg\n", + "Index 0. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0001.jpg\n", + "Index 1. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0002.jpg\n", + "Index 2. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0003.jpg\n", + "Index 3. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0004.jpg\n", + "Index 5. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0006.jpg\n", + "Index 6. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0007.jpg\n", + "Index 7. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0008.jpg\n", + "Index 8. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0009.jpg\n", + "Index 9. Dataset\\Lindsay_Davenport\\Lindsay_Davenport_0010.jpg\n", + "Index 0. Dataset\\Liza_Minnelli\\Liza_Minnelli_0001.jpg\n", + "Index 1. Dataset\\Liza_Minnelli\\Liza_Minnelli_0002.jpg\n", + "Index 2. Dataset\\Liza_Minnelli\\Liza_Minnelli_0003.jpg\n", + "Index 3. Dataset\\Liza_Minnelli\\Liza_Minnelli_0004.jpg\n", + "Index 4. Dataset\\Liza_Minnelli\\Liza_Minnelli_0005.jpg\n", + "Index 5. Dataset\\Liza_Minnelli\\Liza_Minnelli_0006.jpg\n", + "Index 6. Dataset\\Liza_Minnelli\\Liza_Minnelli_0007.jpg\n", + "Index 0. Dataset\\Li_Peng\\Li_Peng_0001.jpg\n", + "Index 1. Dataset\\Li_Peng\\Li_Peng_0002.jpg\n", + "Index 1. Dataset\\Li_Peng\\Li_Peng_0002.jpg\n", + "Index 2. Dataset\\Li_Peng\\Li_Peng_0003.jpg\n", + "Index 4. Dataset\\Li_Peng\\Li_Peng_0005.jpg\n", + "Index 5. Dataset\\Li_Peng\\Li_Peng_0006.jpg\n", + "Index 6. Dataset\\Li_Peng\\Li_Peng_0007.jpg\n", + "Index 7. Dataset\\Li_Peng\\Li_Peng_0008.jpg\n", + "Index 8. Dataset\\Li_Peng\\Li_Peng_0009.jpg\n", + "Index 0. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0001.jpg\n", + "Index 1. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0002.jpg\n", + "Index 2. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0003.jpg\n", + "Index 3. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0004.jpg\n", + "Index 3. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0004.jpg\n", + "Index 4. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0005.jpg\n", + "Index 5. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0006.jpg\n", + "Index 6. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0007.jpg\n", + "Index 6. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0007.jpg\n", + "Index 6. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0007.jpg\n", + "Index 7. Dataset\\Li_Zhaoxing\\Li_Zhaoxing_0008.jpg\n", + "Index 0. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0001.jpg\n", + "Index 1. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0002.jpg\n", + "Index 2. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0003.jpg\n", + "Index 3. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0004.jpg\n", + "Index 4. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0005.jpg\n", + "Index 5. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0006.jpg\n", + "Index 6. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0007.jpg\n", + "Index 7. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0008.jpg\n", + "Index 9. Dataset\\Lleyton_Hewitt\\Lleyton_Hewitt_0010.jpg\n", + "Index 0. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0001.jpg\n", + "Index 1. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0002.jpg\n", + "Index 2. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0003.jpg\n", + "Index 3. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0004.jpg\n", + "Index 4. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0005.jpg\n", + "Index 5. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0006.jpg\n", + "Index 6. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0007.jpg\n", + "Index 7. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0008.jpg\n", + "Index 8. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0009.jpg\n", + "Index 9. Dataset\\Lucio_Gutierrez\\Lucio_Gutierrez_0010.jpg\n", + "Index 0. Dataset\\Lucy_Liu\\Lucy_Liu_0001.jpg\n", + "Index 1. Dataset\\Lucy_Liu\\Lucy_Liu_0002.jpg\n", + "Index 2. Dataset\\Lucy_Liu\\Lucy_Liu_0003.jpg\n", + "Index 3. Dataset\\Lucy_Liu\\Lucy_Liu_0004.jpg\n", + "Index 4. Dataset\\Lucy_Liu\\Lucy_Liu_0005.jpg\n", + "Index 0. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0001.jpg\n", + "Index 0. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0001.jpg\n", + "Index 1. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0002.jpg\n", + "Index 2. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0003.jpg\n", + "Index 3. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0004.jpg\n", + "Index 4. Dataset\\Ludivine_Sagnier\\Ludivine_Sagnier_0005.jpg\n", + "Index 0. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0001.jpg\n", + "Index 1. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0002.jpg\n", + "Index 2. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0003.jpg\n", + "Index 3. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0004.jpg\n", + "Index 4. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0005.jpg\n", + "Index 5. Dataset\\Luis_Ernesto_Derbez_Bautista\\Luis_Ernesto_Derbez_Bautista_0006.jpg\n", + "Index 0. Dataset\\Luis_Gonzalez_Macchi\\Luis_Gonzalez_Macchi_0001.jpg\n", + "Index 1. Dataset\\Luis_Gonzalez_Macchi\\Luis_Gonzalez_Macchi_0002.jpg\n", + "Index 2. Dataset\\Luis_Gonzalez_Macchi\\Luis_Gonzalez_Macchi_0003.jpg\n", + "Index 3. Dataset\\Luis_Gonzalez_Macchi\\Luis_Gonzalez_Macchi_0004.jpg\n", + "Index 4. Dataset\\Luis_Gonzalez_Macchi\\Luis_Gonzalez_Macchi_0005.jpg\n", + "Index 0. Dataset\\Luis_Horna\\Luis_Horna_0001.jpg\n", + "Index 1. Dataset\\Luis_Horna\\Luis_Horna_0002.jpg\n", + "Index 2. Dataset\\Luis_Horna\\Luis_Horna_0003.jpg\n", + "Index 3. Dataset\\Luis_Horna\\Luis_Horna_0004.jpg\n", + "Index 4. Dataset\\Luis_Horna\\Luis_Horna_0005.jpg\n", + "Index 5. Dataset\\Luis_Horna\\Luis_Horna_0006.jpg\n", + "Index 0. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0001.jpg\n", + "Index 1. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0002.jpg\n", + "Index 2. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0003.jpg\n", + "Index 4. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0005.jpg\n", + "Index 5. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0006.jpg\n", + "Index 6. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0007.jpg\n", + "Index 7. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0008.jpg\n", + "Index 8. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0009.jpg\n", + "Index 9. Dataset\\Luiz_Inacio_Lula_da_Silva\\Luiz_Inacio_Lula_da_Silva_0010.jpg\n", + "Index 0. Dataset\\Madonna\\Madonna_0001.jpg\n", + "Index 1. Dataset\\Madonna\\Madonna_0002.jpg\n", + "Index 2. Dataset\\Madonna\\Madonna_0003.jpg\n", + "Index 3. Dataset\\Madonna\\Madonna_0004.jpg\n", + "Index 4. Dataset\\Madonna\\Madonna_0005.jpg\n", + "Index 0. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0001.jpg\n", + "Index 1. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0002.jpg\n", + "Index 2. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0003.jpg\n", + "Index 3. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0004.jpg\n", + "Index 4. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0005.jpg\n", + "Index 5. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0006.jpg\n", + "Index 6. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0007.jpg\n", + "Index 7. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0008.jpg\n", + "Index 8. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0009.jpg\n", + "Index 9. Dataset\\Mahathir_Mohamad\\Mahathir_Mohamad_0010.jpg\n", + "Index 0. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0001.jpg\n", + "Index 0. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0001.jpg\n", + "Index 1. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0002.jpg\n", + "Index 2. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0003.jpg\n", + "Index 3. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0004.jpg\n", + "Index 4. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0005.jpg\n", + "Index 6. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0007.jpg\n", + "Index 7. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0008.jpg\n", + "Index 8. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0009.jpg\n", + "Index 9. Dataset\\Mahmoud_Abbas\\Mahmoud_Abbas_0010.jpg\n", + "Index 0. Dataset\\Marcelo_Rios\\Marcelo_Rios_0001.jpg\n", + "Index 1. Dataset\\Marcelo_Rios\\Marcelo_Rios_0002.jpg\n", + "Index 2. Dataset\\Marcelo_Rios\\Marcelo_Rios_0003.jpg\n", + "Index 3. Dataset\\Marcelo_Rios\\Marcelo_Rios_0004.jpg\n", + "Index 4. Dataset\\Marcelo_Rios\\Marcelo_Rios_0005.jpg\n", + "Index 0. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0001.jpg\n", + "Index 1. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0002.jpg\n", + "Index 2. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0003.jpg\n", + "Index 3. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0004.jpg\n", + "Index 4. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0005.jpg\n", + "Index 5. Dataset\\Marco_Antonio_Barrera\\Marco_Antonio_Barrera_0006.jpg\n", + "Index 0. Dataset\\Mariah_Carey\\Mariah_Carey_0001.jpg\n", + "Index 1. Dataset\\Mariah_Carey\\Mariah_Carey_0002.jpg\n", + "Index 3. Dataset\\Mariah_Carey\\Mariah_Carey_0004.jpg\n", + "Index 4. Dataset\\Mariah_Carey\\Mariah_Carey_0005.jpg\n", + "Index 5. Dataset\\Mariah_Carey\\Mariah_Carey_0006.jpg\n", + "Index 6. Dataset\\Mariah_Carey\\Mariah_Carey_0007.jpg\n", + "Index 0. Dataset\\Maria_Shriver\\Maria_Shriver_0001.jpg\n", + "Index 1. Dataset\\Maria_Shriver\\Maria_Shriver_0002.jpg\n", + "Index 2. Dataset\\Maria_Shriver\\Maria_Shriver_0003.jpg\n", + "Index 3. Dataset\\Maria_Shriver\\Maria_Shriver_0004.jpg\n", + "Index 4. Dataset\\Maria_Shriver\\Maria_Shriver_0005.jpg\n", + "Index 5. Dataset\\Maria_Shriver\\Maria_Shriver_0006.jpg\n", + "Index 6. Dataset\\Maria_Shriver\\Maria_Shriver_0007.jpg\n", + "Index 7. Dataset\\Maria_Shriver\\Maria_Shriver_0008.jpg\n", + "Index 7. Dataset\\Maria_Shriver\\Maria_Shriver_0008.jpg\n", + "Index 0. Dataset\\Maria_Soledad_Alvear_Valenzuela\\Maria_Soledad_Alvear_Valenzuela_0001.jpg\n", + "Index 1. Dataset\\Maria_Soledad_Alvear_Valenzuela\\Maria_Soledad_Alvear_Valenzuela_0002.jpg\n", + "Index 2. Dataset\\Maria_Soledad_Alvear_Valenzuela\\Maria_Soledad_Alvear_Valenzuela_0003.jpg\n", + "Index 3. Dataset\\Maria_Soledad_Alvear_Valenzuela\\Maria_Soledad_Alvear_Valenzuela_0004.jpg\n", + "Index 4. Dataset\\Maria_Soledad_Alvear_Valenzuela\\Maria_Soledad_Alvear_Valenzuela_0005.jpg\n", + "Index 0. Dataset\\Mark_Hurlbert\\Mark_Hurlbert_0001.jpg\n", + "Index 1. Dataset\\Mark_Hurlbert\\Mark_Hurlbert_0002.jpg\n", + "Index 2. Dataset\\Mark_Hurlbert\\Mark_Hurlbert_0003.jpg\n", + "Index 3. Dataset\\Mark_Hurlbert\\Mark_Hurlbert_0004.jpg\n", + "Index 4. Dataset\\Mark_Hurlbert\\Mark_Hurlbert_0005.jpg\n", + "Index 0. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0001.jpg\n", + "Index 1. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0002.jpg\n", + "Index 2. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0003.jpg\n", + "Index 3. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0004.jpg\n", + "Index 4. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0005.jpg\n", + "Index 5. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0006.jpg\n", + "Index 6. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0007.jpg\n", + "Index 7. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0008.jpg\n", + "Index 8. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0009.jpg\n", + "Index 9. Dataset\\Mark_Philippoussis\\Mark_Philippoussis_0010.jpg\n", + "Index 0. Dataset\\Martha_Stewart\\Martha_Stewart_0001.jpg\n", + "Index 2. Dataset\\Martha_Stewart\\Martha_Stewart_0003.jpg\n", + "Index 3. Dataset\\Martha_Stewart\\Martha_Stewart_0004.jpg\n", + "Index 4. Dataset\\Martha_Stewart\\Martha_Stewart_0005.jpg\n", + "Index 0. Dataset\\Martina_McBride\\Martina_McBride_0001.jpg\n", + "Index 1. Dataset\\Martina_McBride\\Martina_McBride_0002.jpg\n", + "Index 2. Dataset\\Martina_McBride\\Martina_McBride_0003.jpg\n", + "Index 3. Dataset\\Martina_McBride\\Martina_McBride_0004.jpg\n", + "Index 4. Dataset\\Martina_McBride\\Martina_McBride_0005.jpg\n", + "Index 0. Dataset\\Martin_McGuinness\\Martin_McGuinness_0001.jpg\n", + "Index 1. Dataset\\Martin_McGuinness\\Martin_McGuinness_0002.jpg\n", + "Index 2. Dataset\\Martin_McGuinness\\Martin_McGuinness_0003.jpg\n", + "Index 3. Dataset\\Martin_McGuinness\\Martin_McGuinness_0004.jpg\n", + "Index 4. Dataset\\Martin_McGuinness\\Martin_McGuinness_0005.jpg\n", + "Index 0. Dataset\\Martin_Scorsese\\Martin_Scorsese_0001.jpg\n", + "Index 1. Dataset\\Martin_Scorsese\\Martin_Scorsese_0002.jpg\n", + "Index 1. Dataset\\Martin_Scorsese\\Martin_Scorsese_0002.jpg\n", + "Index 2. Dataset\\Martin_Scorsese\\Martin_Scorsese_0003.jpg\n", + "Index 3. Dataset\\Martin_Scorsese\\Martin_Scorsese_0004.jpg\n", + "Index 4. Dataset\\Martin_Scorsese\\Martin_Scorsese_0005.jpg\n", + "Index 5. Dataset\\Martin_Scorsese\\Martin_Scorsese_0006.jpg\n", + "Index 6. Dataset\\Martin_Scorsese\\Martin_Scorsese_0007.jpg\n", + "Index 0. Dataset\\Matthew_Perry\\Matthew_Perry_0001.jpg\n", + "Index 1. Dataset\\Matthew_Perry\\Matthew_Perry_0002.jpg\n", + "Index 2. Dataset\\Matthew_Perry\\Matthew_Perry_0003.jpg\n", + "Index 3. Dataset\\Matthew_Perry\\Matthew_Perry_0004.jpg\n", + "Index 3. Dataset\\Matthew_Perry\\Matthew_Perry_0004.jpg\n", + "Index 4. Dataset\\Matthew_Perry\\Matthew_Perry_0005.jpg\n", + "Index 5. Dataset\\Matthew_Perry\\Matthew_Perry_0006.jpg\n", + "Index 6. Dataset\\Matthew_Perry\\Matthew_Perry_0007.jpg\n", + "Index 0. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0001.jpg\n", + "Index 1. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0002.jpg\n", + "Index 2. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0003.jpg\n", + "Index 3. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0004.jpg\n", + "Index 4. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0005.jpg\n", + "Index 5. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0006.jpg\n", + "Index 6. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0007.jpg\n", + "Index 7. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0008.jpg\n", + "Index 8. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0009.jpg\n", + "Index 9. Dataset\\Megawati_Sukarnoputri\\Megawati_Sukarnoputri_0010.jpg\n", + "Index 0. Dataset\\Meryl_Streep\\Meryl_Streep_0001.jpg\n", + "Index 1. Dataset\\Meryl_Streep\\Meryl_Streep_0002.jpg\n", + "Index 2. Dataset\\Meryl_Streep\\Meryl_Streep_0003.jpg\n", + "Index 3. Dataset\\Meryl_Streep\\Meryl_Streep_0004.jpg\n", + "Index 4. Dataset\\Meryl_Streep\\Meryl_Streep_0005.jpg\n", + "Index 5. Dataset\\Meryl_Streep\\Meryl_Streep_0006.jpg\n", + "Index 6. Dataset\\Meryl_Streep\\Meryl_Streep_0007.jpg\n", + "Index 7. Dataset\\Meryl_Streep\\Meryl_Streep_0008.jpg\n", + "Index 8. Dataset\\Meryl_Streep\\Meryl_Streep_0009.jpg\n", + "Index 9. Dataset\\Meryl_Streep\\Meryl_Streep_0010.jpg\n", + "Index 0. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0001.jpg\n", + "Index 1. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0002.jpg\n", + "Index 2. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0003.jpg\n", + "Index 3. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0004.jpg\n", + "Index 4. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0005.jpg\n", + "Index 5. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0006.jpg\n", + "Index 6. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0007.jpg\n", + "Index 6. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0007.jpg\n", + "Index 7. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0008.jpg\n", + "Index 8. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0009.jpg\n", + "Index 9. Dataset\\Michael_Bloomberg\\Michael_Bloomberg_0010.jpg\n", + "Index 0. Dataset\\Michael_Chang\\Michael_Chang_0001.jpg\n", + "Index 1. Dataset\\Michael_Chang\\Michael_Chang_0002.jpg\n", + "Index 2. Dataset\\Michael_Chang\\Michael_Chang_0003.jpg\n", + "Index 3. Dataset\\Michael_Chang\\Michael_Chang_0004.jpg\n", + "Index 4. Dataset\\Michael_Chang\\Michael_Chang_0005.jpg\n", + "Index 5. Dataset\\Michael_Chang\\Michael_Chang_0006.jpg\n", + "Index 6. Dataset\\Michael_Chang\\Michael_Chang_0007.jpg\n", + "Index 7. Dataset\\Michael_Chang\\Michael_Chang_0008.jpg\n", + "Index 0. Dataset\\Michael_Chiklis\\Michael_Chiklis_0001.jpg\n", + "Index 1. Dataset\\Michael_Chiklis\\Michael_Chiklis_0002.jpg\n", + "Index 3. Dataset\\Michael_Chiklis\\Michael_Chiklis_0004.jpg\n", + "Index 4. Dataset\\Michael_Chiklis\\Michael_Chiklis_0005.jpg\n", + "Index 0. Dataset\\Michael_Douglas\\Michael_Douglas_0001.jpg\n", + "Index 1. Dataset\\Michael_Douglas\\Michael_Douglas_0002.jpg\n", + "Index 2. Dataset\\Michael_Douglas\\Michael_Douglas_0003.jpg\n", + "Index 3. Dataset\\Michael_Douglas\\Michael_Douglas_0004.jpg\n", + "Index 4. Dataset\\Michael_Douglas\\Michael_Douglas_0005.jpg\n", + "Index 5. Dataset\\Michael_Douglas\\Michael_Douglas_0006.jpg\n", + "Index 0. Dataset\\Michael_Jackson\\Michael_Jackson_0001.jpg\n", + "Index 1. Dataset\\Michael_Jackson\\Michael_Jackson_0002.jpg\n", + "Index 2. Dataset\\Michael_Jackson\\Michael_Jackson_0003.jpg\n", + "Index 3. Dataset\\Michael_Jackson\\Michael_Jackson_0004.jpg\n", + "Index 4. Dataset\\Michael_Jackson\\Michael_Jackson_0005.jpg\n", + "Index 5. Dataset\\Michael_Jackson\\Michael_Jackson_0006.jpg\n", + "Index 6. Dataset\\Michael_Jackson\\Michael_Jackson_0007.jpg\n", + "Index 7. Dataset\\Michael_Jackson\\Michael_Jackson_0008.jpg\n", + "Index 8. Dataset\\Michael_Jackson\\Michael_Jackson_0009.jpg\n", + "Index 8. Dataset\\Michael_Jackson\\Michael_Jackson_0009.jpg\n", + "Index 9. Dataset\\Michael_Jackson\\Michael_Jackson_0010.jpg\n", + "Index 0. Dataset\\Michael_Phelps\\Michael_Phelps_0001.jpg\n", + "Index 1. Dataset\\Michael_Phelps\\Michael_Phelps_0002.jpg\n", + "Index 2. Dataset\\Michael_Phelps\\Michael_Phelps_0003.jpg\n", + "Index 3. Dataset\\Michael_Phelps\\Michael_Phelps_0004.jpg\n", + "Index 4. Dataset\\Michael_Phelps\\Michael_Phelps_0005.jpg\n", + "Index 0. Dataset\\Michael_Powell\\Michael_Powell_0001.jpg\n", + "Index 1. Dataset\\Michael_Powell\\Michael_Powell_0002.jpg\n", + "Index 3. Dataset\\Michael_Powell\\Michael_Powell_0004.jpg\n", + "Index 3. Dataset\\Michael_Powell\\Michael_Powell_0004.jpg\n", + "Index 4. Dataset\\Michael_Powell\\Michael_Powell_0005.jpg\n", + "Index 0. Dataset\\Michael_Schumacher\\Michael_Schumacher_0001.jpg\n", + "Index 1. Dataset\\Michael_Schumacher\\Michael_Schumacher_0002.jpg\n", + "Index 2. Dataset\\Michael_Schumacher\\Michael_Schumacher_0003.jpg\n", + "Index 3. Dataset\\Michael_Schumacher\\Michael_Schumacher_0004.jpg\n", + "Index 4. Dataset\\Michael_Schumacher\\Michael_Schumacher_0005.jpg\n", + "Index 5. Dataset\\Michael_Schumacher\\Michael_Schumacher_0006.jpg\n", + "Index 6. Dataset\\Michael_Schumacher\\Michael_Schumacher_0007.jpg\n", + "Index 7. Dataset\\Michael_Schumacher\\Michael_Schumacher_0008.jpg\n", + "Index 8. Dataset\\Michael_Schumacher\\Michael_Schumacher_0009.jpg\n", + "Index 9. Dataset\\Michael_Schumacher\\Michael_Schumacher_0010.jpg\n", + "Index 0. Dataset\\Michelle_Kwan\\Michelle_Kwan_0001.jpg\n", + "Index 1. Dataset\\Michelle_Kwan\\Michelle_Kwan_0002.jpg\n", + "Index 2. Dataset\\Michelle_Kwan\\Michelle_Kwan_0003.jpg\n", + "Index 3. Dataset\\Michelle_Kwan\\Michelle_Kwan_0004.jpg\n", + "Index 4. Dataset\\Michelle_Kwan\\Michelle_Kwan_0005.jpg\n", + "Index 5. Dataset\\Michelle_Kwan\\Michelle_Kwan_0006.jpg\n", + "Index 6. Dataset\\Michelle_Kwan\\Michelle_Kwan_0007.jpg\n", + "Index 7. Dataset\\Michelle_Kwan\\Michelle_Kwan_0008.jpg\n", + "Index 0. Dataset\\Michelle_Yeoh\\Michelle_Yeoh_0001.jpg\n", + "Index 1. Dataset\\Michelle_Yeoh\\Michelle_Yeoh_0002.jpg\n", + "Index 2. Dataset\\Michelle_Yeoh\\Michelle_Yeoh_0003.jpg\n", + "Index 3. Dataset\\Michelle_Yeoh\\Michelle_Yeoh_0004.jpg\n", + "Index 4. Dataset\\Michelle_Yeoh\\Michelle_Yeoh_0005.jpg\n", + "Index 0. Dataset\\Mick_Jagger\\Mick_Jagger_0001.jpg\n", + "Index 1. Dataset\\Mick_Jagger\\Mick_Jagger_0002.jpg\n", + "Index 2. Dataset\\Mick_Jagger\\Mick_Jagger_0003.jpg\n", + "Index 3. Dataset\\Mick_Jagger\\Mick_Jagger_0004.jpg\n", + "Index 4. Dataset\\Mick_Jagger\\Mick_Jagger_0005.jpg\n", + "Index 0. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0001.jpg\n", + "Index 1. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0002.jpg\n", + "Index 2. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0003.jpg\n", + "Index 3. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0004.jpg\n", + "Index 4. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0005.jpg\n", + "Index 5. Dataset\\Mike_Krzyzewski\\Mike_Krzyzewski_0006.jpg\n", + "Index 0. Dataset\\Mike_Martz\\Mike_Martz_0001.jpg\n", + "Index 1. Dataset\\Mike_Martz\\Mike_Martz_0002.jpg\n", + "Index 2. Dataset\\Mike_Martz\\Mike_Martz_0003.jpg\n", + "Index 3. Dataset\\Mike_Martz\\Mike_Martz_0004.jpg\n", + "Index 4. Dataset\\Mike_Martz\\Mike_Martz_0005.jpg\n", + "Index 5. Dataset\\Mike_Martz\\Mike_Martz_0006.jpg\n", + "Index 6. Dataset\\Mike_Martz\\Mike_Martz_0007.jpg\n", + "Index 0. Dataset\\Mike_Myers\\Mike_Myers_0001.jpg\n", + "Index 1. Dataset\\Mike_Myers\\Mike_Myers_0002.jpg\n", + "Index 2. Dataset\\Mike_Myers\\Mike_Myers_0003.jpg\n", + "Index 3. Dataset\\Mike_Myers\\Mike_Myers_0004.jpg\n", + "Index 4. Dataset\\Mike_Myers\\Mike_Myers_0005.jpg\n", + "Index 5. Dataset\\Mike_Myers\\Mike_Myers_0006.jpg\n", + "Index 6. Dataset\\Mike_Myers\\Mike_Myers_0007.jpg\n", + "Index 0. Dataset\\Mike_Weir\\Mike_Weir_0001.jpg\n", + "Index 1. Dataset\\Mike_Weir\\Mike_Weir_0002.jpg\n", + "Index 2. Dataset\\Mike_Weir\\Mike_Weir_0003.jpg\n", + "Index 3. Dataset\\Mike_Weir\\Mike_Weir_0004.jpg\n", + "Index 4. Dataset\\Mike_Weir\\Mike_Weir_0005.jpg\n", + "Index 5. Dataset\\Mike_Weir\\Mike_Weir_0006.jpg\n", + "Index 6. Dataset\\Mike_Weir\\Mike_Weir_0007.jpg\n", + "Index 7. Dataset\\Mike_Weir\\Mike_Weir_0008.jpg\n", + "Index 8. Dataset\\Mike_Weir\\Mike_Weir_0009.jpg\n", + "Index 9. Dataset\\Mike_Weir\\Mike_Weir_0010.jpg\n", + "Index 0. Dataset\\Mireya_Moscoso\\Mireya_Moscoso_0001.jpg\n", + "Index 1. Dataset\\Mireya_Moscoso\\Mireya_Moscoso_0002.jpg\n", + "Index 2. Dataset\\Mireya_Moscoso\\Mireya_Moscoso_0003.jpg\n", + "Index 3. Dataset\\Mireya_Moscoso\\Mireya_Moscoso_0004.jpg\n", + "Index 4. Dataset\\Mireya_Moscoso\\Mireya_Moscoso_0005.jpg\n", + "Index 0. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0001.jpg\n", + "Index 1. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0002.jpg\n", + "Index 2. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0003.jpg\n", + "Index 3. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0004.jpg\n", + "Index 4. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0005.jpg\n", + "Index 5. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0006.jpg\n", + "Index 6. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0007.jpg\n", + "Index 7. Dataset\\Mohamed_ElBaradei\\Mohamed_ElBaradei_0008.jpg\n", + "Index 0. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0001.jpg\n", + "Index 1. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0002.jpg\n", + "Index 2. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0003.jpg\n", + "Index 2. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0003.jpg\n", + "Index 3. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0004.jpg\n", + "Index 4. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0005.jpg\n", + "Index 5. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0006.jpg\n", + "Index 6. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0007.jpg\n", + "Index 7. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0008.jpg\n", + "Index 7. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0008.jpg\n", + "Index 8. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0009.jpg\n", + "Index 9. Dataset\\Mohammad_Khatami\\Mohammad_Khatami_0010.jpg\n", + "Index 0. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0001.jpg\n", + "Index 0. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0001.jpg\n", + "Index 1. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0002.jpg\n", + "Index 2. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0003.jpg\n", + "Index 3. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0004.jpg\n", + "Index 4. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0005.jpg\n", + "Index 5. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0006.jpg\n", + "Index 6. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0007.jpg\n", + "Index 7. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0008.jpg\n", + "Index 8. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0009.jpg\n", + "Index 9. Dataset\\Mohammed_Al-Douri\\Mohammed_Al-Douri_0010.jpg\n", + "Index 0. Dataset\\Monica_Seles\\Monica_Seles_0001.jpg\n", + "Index 1. Dataset\\Monica_Seles\\Monica_Seles_0002.jpg\n", + "Index 2. Dataset\\Monica_Seles\\Monica_Seles_0003.jpg\n", + "Index 3. Dataset\\Monica_Seles\\Monica_Seles_0004.jpg\n", + "Index 4. Dataset\\Monica_Seles\\Monica_Seles_0005.jpg\n", + "Index 5. Dataset\\Monica_Seles\\Monica_Seles_0006.jpg\n", + "Index 0. Dataset\\Muhammad_Ali\\Muhammad_Ali_0001.jpg\n", + "Index 1. Dataset\\Muhammad_Ali\\Muhammad_Ali_0002.jpg\n", + "Index 2. Dataset\\Muhammad_Ali\\Muhammad_Ali_0003.jpg\n", + "Index 3. Dataset\\Muhammad_Ali\\Muhammad_Ali_0004.jpg\n", + "Index 4. Dataset\\Muhammad_Ali\\Muhammad_Ali_0005.jpg\n", + "Index 5. Dataset\\Muhammad_Ali\\Muhammad_Ali_0006.jpg\n", + "Index 6. Dataset\\Muhammad_Ali\\Muhammad_Ali_0007.jpg\n", + "Index 7. Dataset\\Muhammad_Ali\\Muhammad_Ali_0008.jpg\n", + "Index 8. Dataset\\Muhammad_Ali\\Muhammad_Ali_0009.jpg\n", + "Index 9. Dataset\\Muhammad_Ali\\Muhammad_Ali_0010.jpg\n", + "Index 0. Dataset\\Muhammad_Saeed_al-Sahhaf\\Muhammad_Saeed_al-Sahhaf_0001.jpg\n", + "Index 1. Dataset\\Muhammad_Saeed_al-Sahhaf\\Muhammad_Saeed_al-Sahhaf_0002.jpg\n", + "Index 2. Dataset\\Muhammad_Saeed_al-Sahhaf\\Muhammad_Saeed_al-Sahhaf_0003.jpg\n", + "Index 3. Dataset\\Muhammad_Saeed_al-Sahhaf\\Muhammad_Saeed_al-Sahhaf_0004.jpg\n", + "Index 4. Dataset\\Muhammad_Saeed_al-Sahhaf\\Muhammad_Saeed_al-Sahhaf_0005.jpg\n", + "Index 1. Dataset\\Nadia_Petrova\\Nadia_Petrova_0002.jpg\n", + "Index 2. Dataset\\Nadia_Petrova\\Nadia_Petrova_0003.jpg\n", + "Index 3. Dataset\\Nadia_Petrova\\Nadia_Petrova_0004.jpg\n", + "Index 0. Dataset\\Naji_Sabri\\Naji_Sabri_0001.jpg\n", + "Index 1. Dataset\\Naji_Sabri\\Naji_Sabri_0002.jpg\n", + "Index 2. Dataset\\Naji_Sabri\\Naji_Sabri_0003.jpg\n", + "Index 2. Dataset\\Naji_Sabri\\Naji_Sabri_0003.jpg\n", + "Index 2. Dataset\\Naji_Sabri\\Naji_Sabri_0003.jpg\n", + "Index 3. Dataset\\Naji_Sabri\\Naji_Sabri_0004.jpg\n", + "Index 4. Dataset\\Naji_Sabri\\Naji_Sabri_0005.jpg\n", + "Index 4. Dataset\\Naji_Sabri\\Naji_Sabri_0005.jpg\n", + "Index 5. Dataset\\Naji_Sabri\\Naji_Sabri_0006.jpg\n", + "Index 7. Dataset\\Naji_Sabri\\Naji_Sabri_0008.jpg\n", + "Index 0. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0001.jpg\n", + "Index 1. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0002.jpg\n", + "Index 2. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0003.jpg\n", + "Index 3. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0004.jpg\n", + "Index 4. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0005.jpg\n", + "Index 4. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0005.jpg\n", + "Index 5. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0006.jpg\n", + "Index 6. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0007.jpg\n", + "Index 7. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0008.jpg\n", + "Index 8. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0009.jpg\n", + "Index 9. Dataset\\Nancy_Pelosi\\Nancy_Pelosi_0010.jpg\n", + "Index 0. Dataset\\Naomi_Watts\\Naomi_Watts_0001.jpg\n", + "Index 1. Dataset\\Naomi_Watts\\Naomi_Watts_0002.jpg\n", + "Index 2. Dataset\\Naomi_Watts\\Naomi_Watts_0003.jpg\n", + "Index 3. Dataset\\Naomi_Watts\\Naomi_Watts_0004.jpg\n", + "Index 4. Dataset\\Naomi_Watts\\Naomi_Watts_0005.jpg\n", + "Index 5. Dataset\\Naomi_Watts\\Naomi_Watts_0006.jpg\n", + "Index 6. Dataset\\Naomi_Watts\\Naomi_Watts_0007.jpg\n", + "Index 7. Dataset\\Naomi_Watts\\Naomi_Watts_0008.jpg\n", + "Index 8. Dataset\\Naomi_Watts\\Naomi_Watts_0009.jpg\n", + "Index 9. Dataset\\Naomi_Watts\\Naomi_Watts_0010.jpg\n", + "Index 0. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0001.jpg\n", + "Index 1. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0002.jpg\n", + "Index 2. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0003.jpg\n", + "Index 3. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0004.jpg\n", + "Index 4. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0005.jpg\n", + "Index 5. Dataset\\Natalie_Coughlin\\Natalie_Coughlin_0006.jpg\n", + "Index 0. Dataset\\Natalie_Maines\\Natalie_Maines_0001.jpg\n", + "Index 1. Dataset\\Natalie_Maines\\Natalie_Maines_0002.jpg\n", + "Index 2. Dataset\\Natalie_Maines\\Natalie_Maines_0003.jpg\n", + "Index 3. Dataset\\Natalie_Maines\\Natalie_Maines_0004.jpg\n", + "Index 4. Dataset\\Natalie_Maines\\Natalie_Maines_0005.jpg\n", + "Index 0. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0001.jpg\n", + "Index 1. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0002.jpg\n", + "Index 2. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0003.jpg\n", + "Index 3. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0004.jpg\n", + "Index 4. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0005.jpg\n", + "Index 5. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0006.jpg\n", + "Index 6. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0007.jpg\n", + "Index 7. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0008.jpg\n", + "Index 8. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0009.jpg\n", + "Index 9. Dataset\\Nestor_Kirchner\\Nestor_Kirchner_0010.jpg\n", + "Index 0. Dataset\\Nia_Vardalos\\Nia_Vardalos_0001.jpg\n", + "Index 1. Dataset\\Nia_Vardalos\\Nia_Vardalos_0002.jpg\n", + "Index 2. Dataset\\Nia_Vardalos\\Nia_Vardalos_0003.jpg\n", + "Index 3. Dataset\\Nia_Vardalos\\Nia_Vardalos_0004.jpg\n", + "Index 4. Dataset\\Nia_Vardalos\\Nia_Vardalos_0005.jpg\n", + "Index 0. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0001.jpg\n", + "Index 1. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0002.jpg\n", + "Index 2. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0003.jpg\n", + "Index 3. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0004.jpg\n", + "Index 4. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0005.jpg\n", + "Index 5. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0006.jpg\n", + "Index 6. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0007.jpg\n", + "Index 7. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0008.jpg\n", + "Index 7. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0008.jpg\n", + "Index 8. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0009.jpg\n", + "Index 8. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0009.jpg\n", + "Index 9. Dataset\\Nicanor_Duarte_Frutos\\Nicanor_Duarte_Frutos_0010.jpg\n", + "Index 0. Dataset\\Nick_Nolte\\Nick_Nolte_0001.jpg\n", + "Index 1. Dataset\\Nick_Nolte\\Nick_Nolte_0002.jpg\n", + "Index 2. Dataset\\Nick_Nolte\\Nick_Nolte_0003.jpg\n", + "Index 3. Dataset\\Nick_Nolte\\Nick_Nolte_0004.jpg\n", + "Index 4. Dataset\\Nick_Nolte\\Nick_Nolte_0005.jpg\n", + "Index 0. Dataset\\Nicole_Kidman\\Nicole_Kidman_0001.jpg\n", + "Index 1. Dataset\\Nicole_Kidman\\Nicole_Kidman_0002.jpg\n", + "Index 2. Dataset\\Nicole_Kidman\\Nicole_Kidman_0003.jpg\n", + "Index 3. Dataset\\Nicole_Kidman\\Nicole_Kidman_0004.jpg\n", + "Index 4. Dataset\\Nicole_Kidman\\Nicole_Kidman_0005.jpg\n", + "Index 5. Dataset\\Nicole_Kidman\\Nicole_Kidman_0006.jpg\n", + "Index 6. Dataset\\Nicole_Kidman\\Nicole_Kidman_0007.jpg\n", + "Index 7. Dataset\\Nicole_Kidman\\Nicole_Kidman_0008.jpg\n", + "Index 8. Dataset\\Nicole_Kidman\\Nicole_Kidman_0009.jpg\n", + "Index 9. Dataset\\Nicole_Kidman\\Nicole_Kidman_0010.jpg\n", + "Index 0. Dataset\\Norah_Jones\\Norah_Jones_0001.jpg\n", + "Index 1. Dataset\\Norah_Jones\\Norah_Jones_0002.jpg\n", + "Index 2. Dataset\\Norah_Jones\\Norah_Jones_0003.jpg\n", + "Index 3. Dataset\\Norah_Jones\\Norah_Jones_0004.jpg\n", + "Index 4. Dataset\\Norah_Jones\\Norah_Jones_0005.jpg\n", + "Index 5. Dataset\\Norah_Jones\\Norah_Jones_0006.jpg\n", + "Index 6. Dataset\\Norah_Jones\\Norah_Jones_0007.jpg\n", + "Index 7. Dataset\\Norah_Jones\\Norah_Jones_0008.jpg\n", + "Index 8. Dataset\\Norah_Jones\\Norah_Jones_0009.jpg\n", + "Index 9. Dataset\\Norah_Jones\\Norah_Jones_0010.jpg\n", + "Index 0. Dataset\\Norm_Coleman\\Norm_Coleman_0001.jpg\n", + "Index 1. Dataset\\Norm_Coleman\\Norm_Coleman_0002.jpg\n", + "Index 2. Dataset\\Norm_Coleman\\Norm_Coleman_0003.jpg\n", + "Index 3. Dataset\\Norm_Coleman\\Norm_Coleman_0004.jpg\n", + "Index 4. Dataset\\Norm_Coleman\\Norm_Coleman_0005.jpg\n", + "Index 5. Dataset\\Norm_Coleman\\Norm_Coleman_0006.jpg\n", + "Index 6. Dataset\\Norm_Coleman\\Norm_Coleman_0007.jpg\n", + "Index 6. Dataset\\Norm_Coleman\\Norm_Coleman_0007.jpg\n", + "Index 0. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0001.jpg\n", + "Index 1. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0002.jpg\n", + "Index 3. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0004.jpg\n", + "Index 4. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0005.jpg\n", + "Index 5. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0006.jpg\n", + "Index 6. Dataset\\Oscar_De_La_Hoya\\Oscar_De_La_Hoya_0007.jpg\n", + "Index 0. Dataset\\Oswaldo_Paya\\Oswaldo_Paya_0001.jpg\n", + "Index 1. Dataset\\Oswaldo_Paya\\Oswaldo_Paya_0002.jpg\n", + "Index 2. Dataset\\Oswaldo_Paya\\Oswaldo_Paya_0003.jpg\n", + "Index 3. Dataset\\Oswaldo_Paya\\Oswaldo_Paya_0004.jpg\n", + "Index 4. Dataset\\Oswaldo_Paya\\Oswaldo_Paya_0005.jpg\n", + "Index 0. Dataset\\Owen Tamashi Buntoro\\1.jpg\n", + "Index 1. Dataset\\Owen Tamashi Buntoro\\2.jpg\n", + "Index 2. Dataset\\Owen Tamashi Buntoro\\3.jpg\n", + "Index 3. Dataset\\Owen Tamashi Buntoro\\4.jpg\n", + "Index 4. Dataset\\Owen Tamashi Buntoro\\5.jpg\n", + "Index 5. Dataset\\Owen Tamashi Buntoro\\6.jpg\n", + "Index 0. Dataset\\Pamela_Anderson\\Pamela_Anderson_0001.jpg\n", + "Index 1. Dataset\\Pamela_Anderson\\Pamela_Anderson_0002.jpg\n", + "Index 2. Dataset\\Pamela_Anderson\\Pamela_Anderson_0003.jpg\n", + "Index 3. Dataset\\Pamela_Anderson\\Pamela_Anderson_0004.jpg\n", + "Index 4. Dataset\\Pamela_Anderson\\Pamela_Anderson_0005.jpg\n", + "Index 0. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0001.jpg\n", + "Index 1. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0002.jpg\n", + "Index 2. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0003.jpg\n", + "Index 3. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0004.jpg\n", + "Index 4. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0005.jpg\n", + "Index 5. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0006.jpg\n", + "Index 6. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0007.jpg\n", + "Index 7. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0008.jpg\n", + "Index 8. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0009.jpg\n", + "Index 9. Dataset\\Paradorn_Srichaphan\\Paradorn_Srichaphan_0010.jpg\n", + "Index 0. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0001.jpg\n", + "Index 1. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0002.jpg\n", + "Index 2. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0003.jpg\n", + "Index 2. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0003.jpg\n", + "Index 4. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0005.jpg\n", + "Index 5. Dataset\\Paula_Radcliffe\\Paula_Radcliffe_0006.jpg\n", + "Index 0. Dataset\\Paul_Bremer\\Paul_Bremer_0001.jpg\n", + "Index 1. Dataset\\Paul_Bremer\\Paul_Bremer_0002.jpg\n", + "Index 2. Dataset\\Paul_Bremer\\Paul_Bremer_0003.jpg\n", + "Index 3. Dataset\\Paul_Bremer\\Paul_Bremer_0004.jpg\n", + "Index 4. Dataset\\Paul_Bremer\\Paul_Bremer_0005.jpg\n", + "Index 5. Dataset\\Paul_Bremer\\Paul_Bremer_0006.jpg\n", + "Index 6. Dataset\\Paul_Bremer\\Paul_Bremer_0007.jpg\n", + "Index 7. Dataset\\Paul_Bremer\\Paul_Bremer_0008.jpg\n", + "Index 8. Dataset\\Paul_Bremer\\Paul_Bremer_0009.jpg\n", + "Index 9. Dataset\\Paul_Bremer\\Paul_Bremer_0010.jpg\n", + "Index 0. Dataset\\Paul_Burrell\\Paul_Burrell_0001.jpg\n", + "Index 1. Dataset\\Paul_Burrell\\Paul_Burrell_0002.jpg\n", + "Index 1. Dataset\\Paul_Burrell\\Paul_Burrell_0002.jpg\n", + "Index 2. Dataset\\Paul_Burrell\\Paul_Burrell_0003.jpg\n", + "Index 3. Dataset\\Paul_Burrell\\Paul_Burrell_0004.jpg\n", + "Index 4. Dataset\\Paul_Burrell\\Paul_Burrell_0005.jpg\n", + "Index 5. Dataset\\Paul_Burrell\\Paul_Burrell_0006.jpg\n", + "Index 6. Dataset\\Paul_Burrell\\Paul_Burrell_0007.jpg\n", + "Index 7. Dataset\\Paul_Burrell\\Paul_Burrell_0008.jpg\n", + "Index 8. Dataset\\Paul_Burrell\\Paul_Burrell_0009.jpg\n", + "Index 9. Dataset\\Paul_Burrell\\Paul_Burrell_0010.jpg\n", + "Index 0. Dataset\\Paul_Martin\\Paul_Martin_0001.jpg\n", + "Index 1. Dataset\\Paul_Martin\\Paul_Martin_0002.jpg\n", + "Index 2. Dataset\\Paul_Martin\\Paul_Martin_0003.jpg\n", + "Index 3. Dataset\\Paul_Martin\\Paul_Martin_0004.jpg\n", + "Index 4. Dataset\\Paul_Martin\\Paul_Martin_0005.jpg\n", + "Index 5. Dataset\\Paul_Martin\\Paul_Martin_0006.jpg\n", + "Index 6. Dataset\\Paul_Martin\\Paul_Martin_0007.jpg\n", + "Index 7. Dataset\\Paul_Martin\\Paul_Martin_0008.jpg\n", + "Index 0. Dataset\\Paul_McCartney\\Paul_McCartney_0001.jpg\n", + "Index 1. Dataset\\Paul_McCartney\\Paul_McCartney_0002.jpg\n", + "Index 2. Dataset\\Paul_McCartney\\Paul_McCartney_0003.jpg\n", + "Index 3. Dataset\\Paul_McCartney\\Paul_McCartney_0004.jpg\n", + "Index 4. Dataset\\Paul_McCartney\\Paul_McCartney_0005.jpg\n", + "Index 5. Dataset\\Paul_McCartney\\Paul_McCartney_0006.jpg\n", + "Index 6. Dataset\\Paul_McCartney\\Paul_McCartney_0007.jpg\n", + "Index 0. Dataset\\Paul_ONeill\\Paul_ONeill_0001.jpg\n", + "Index 1. Dataset\\Paul_ONeill\\Paul_ONeill_0002.jpg\n", + "Index 2. Dataset\\Paul_ONeill\\Paul_ONeill_0003.jpg\n", + "Index 3. Dataset\\Paul_ONeill\\Paul_ONeill_0004.jpg\n", + "Index 4. Dataset\\Paul_ONeill\\Paul_ONeill_0005.jpg\n", + "Index 5. Dataset\\Paul_ONeill\\Paul_ONeill_0006.jpg\n", + "Index 6. Dataset\\Paul_ONeill\\Paul_ONeill_0007.jpg\n", + "Index 7. Dataset\\Paul_ONeill\\Paul_ONeill_0008.jpg\n", + "Index 8. Dataset\\Paul_ONeill\\Paul_ONeill_0009.jpg\n", + "Index 0. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0001.jpg\n", + "Index 1. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0002.jpg\n", + "Index 2. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0003.jpg\n", + "Index 2. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0003.jpg\n", + "Index 3. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0004.jpg\n", + "Index 4. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0005.jpg\n", + "Index 5. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0006.jpg\n", + "Index 6. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0007.jpg\n", + "Index 7. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0008.jpg\n", + "Index 8. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0009.jpg\n", + "Index 9. Dataset\\Paul_Wolfowitz\\Paul_Wolfowitz_0010.jpg\n", + "Index 0. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0001.jpg\n", + "Index 1. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0002.jpg\n", + "Index 2. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0003.jpg\n", + "Index 2. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0003.jpg\n", + "Index 3. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0004.jpg\n", + "Index 4. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0005.jpg\n", + "Index 5. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0006.jpg\n", + "Index 6. Dataset\\Pedro_Almodovar\\Pedro_Almodovar_0007.jpg\n", + "Index 0. Dataset\\Pedro_Malan\\Pedro_Malan_0001.jpg\n", + "Index 1. Dataset\\Pedro_Malan\\Pedro_Malan_0002.jpg\n", + "Index 2. Dataset\\Pedro_Malan\\Pedro_Malan_0003.jpg\n", + "Index 3. Dataset\\Pedro_Malan\\Pedro_Malan_0004.jpg\n", + "Index 3. Dataset\\Pedro_Malan\\Pedro_Malan_0004.jpg\n", + "Index 4. Dataset\\Pedro_Malan\\Pedro_Malan_0005.jpg\n", + "Index 0. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0001.jpg\n", + "Index 1. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0002.jpg\n", + "Index 2. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0003.jpg\n", + "Index 3. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0004.jpg\n", + "Index 5. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0006.jpg\n", + "Index 6. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0007.jpg\n", + "Index 7. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0008.jpg\n", + "Index 8. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0009.jpg\n", + "Index 9. Dataset\\Pervez_Musharraf\\Pervez_Musharraf_0010.jpg\n", + "Index 0. Dataset\\Peter_Struck\\Peter_Struck_0001.jpg\n", + "Index 2. Dataset\\Peter_Struck\\Peter_Struck_0003.jpg\n", + "Index 3. Dataset\\Peter_Struck\\Peter_Struck_0004.jpg\n", + "Index 3. Dataset\\Peter_Struck\\Peter_Struck_0004.jpg\n", + "Index 0. Dataset\\Pete_Sampras\\Pete_Sampras_0001.jpg\n", + "Index 1. Dataset\\Pete_Sampras\\Pete_Sampras_0002.jpg\n", + "Index 2. Dataset\\Pete_Sampras\\Pete_Sampras_0003.jpg\n", + "Index 3. Dataset\\Pete_Sampras\\Pete_Sampras_0004.jpg\n", + "Index 4. Dataset\\Pete_Sampras\\Pete_Sampras_0005.jpg\n", + "Index 5. Dataset\\Pete_Sampras\\Pete_Sampras_0006.jpg\n", + "Index 6. Dataset\\Pete_Sampras\\Pete_Sampras_0007.jpg\n", + "Index 7. Dataset\\Pete_Sampras\\Pete_Sampras_0008.jpg\n", + "Index 8. Dataset\\Pete_Sampras\\Pete_Sampras_0009.jpg\n", + "Index 9. Dataset\\Pete_Sampras\\Pete_Sampras_0010.jpg\n", + "Index 0. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0001.jpg\n", + "Index 1. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0002.jpg\n", + "Index 2. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0003.jpg\n", + "Index 3. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0004.jpg\n", + "Index 4. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0005.jpg\n", + "Index 5. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0006.jpg\n", + "Index 6. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0007.jpg\n", + "Index 7. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0008.jpg\n", + "Index 8. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0009.jpg\n", + "Index 9. Dataset\\Pierce_Brosnan\\Pierce_Brosnan_0010.jpg\n", + "Index 0. Dataset\\Princess_Caroline\\Princess_Caroline_0001.jpg\n", + "Index 1. Dataset\\Princess_Caroline\\Princess_Caroline_0002.jpg\n", + "Index 2. Dataset\\Princess_Caroline\\Princess_Caroline_0003.jpg\n", + "Index 3. Dataset\\Princess_Caroline\\Princess_Caroline_0004.jpg\n", + "Index 4. Dataset\\Princess_Caroline\\Princess_Caroline_0005.jpg\n", + "Index 0. Dataset\\Prince_Charles\\Prince_Charles_0001.jpg\n", + "Index 2. Dataset\\Prince_Charles\\Prince_Charles_0003.jpg\n", + "Index 3. Dataset\\Prince_Charles\\Prince_Charles_0004.jpg\n", + "Index 4. Dataset\\Prince_Charles\\Prince_Charles_0005.jpg\n", + "Index 0. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0001.jpg\n", + "Index 1. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0002.jpg\n", + "Index 2. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0003.jpg\n", + "Index 3. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0004.jpg\n", + "Index 4. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0005.jpg\n", + "Index 4. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0005.jpg\n", + "Index 5. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0006.jpg\n", + "Index 6. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0007.jpg\n", + "Index 7. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0008.jpg\n", + "Index 8. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0009.jpg\n", + "Index 9. Dataset\\Queen_Elizabeth_II\\Queen_Elizabeth_II_0010.jpg\n", + "Index 0. Dataset\\Queen_Rania\\Queen_Rania_0001.jpg\n", + "Index 1. Dataset\\Queen_Rania\\Queen_Rania_0002.jpg\n", + "Index 2. Dataset\\Queen_Rania\\Queen_Rania_0003.jpg\n", + "Index 3. Dataset\\Queen_Rania\\Queen_Rania_0004.jpg\n", + "Index 4. Dataset\\Queen_Rania\\Queen_Rania_0005.jpg\n", + "Index 0. Dataset\\Rainer_Schuettler\\Rainer_Schuettler_0001.jpg\n", + "Index 1. Dataset\\Rainer_Schuettler\\Rainer_Schuettler_0002.jpg\n", + "Index 3. Dataset\\Rainer_Schuettler\\Rainer_Schuettler_0004.jpg\n", + "Index 4. Dataset\\Rainer_Schuettler\\Rainer_Schuettler_0005.jpg\n", + "Index 0. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0001.jpg\n", + "Index 1. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0002.jpg\n", + "Index 2. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0003.jpg\n", + "Index 3. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0004.jpg\n", + "Index 4. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0005.jpg\n", + "Index 5. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0006.jpg\n", + "Index 7. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0008.jpg\n", + "Index 7. Dataset\\Ralf_Schumacher\\Ralf_Schumacher_0008.jpg\n", + "Index 0. Dataset\\Ray_Romano\\Ray_Romano_0001.jpg\n", + "Index 1. Dataset\\Ray_Romano\\Ray_Romano_0002.jpg\n", + "Index 2. Dataset\\Ray_Romano\\Ray_Romano_0003.jpg\n", + "Index 3. Dataset\\Ray_Romano\\Ray_Romano_0004.jpg\n", + "Index 4. Dataset\\Ray_Romano\\Ray_Romano_0005.jpg\n", + "Index 5. Dataset\\Ray_Romano\\Ray_Romano_0006.jpg\n", + "Index 6. Dataset\\Ray_Romano\\Ray_Romano_0007.jpg\n", + "Index 7. Dataset\\Ray_Romano\\Ray_Romano_0008.jpg\n", + "Index 8. Dataset\\Ray_Romano\\Ray_Romano_0009.jpg\n", + "Index 0. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0001.jpg\n", + "Index 1. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0002.jpg\n", + "Index 1. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0002.jpg\n", + "Index 2. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0003.jpg\n", + "Index 3. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0004.jpg\n", + "Index 4. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0005.jpg\n", + "Index 5. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0006.jpg\n", + "Index 5. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0006.jpg\n", + "Index 6. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0007.jpg\n", + "Index 7. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0008.jpg\n", + "Index 7. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0008.jpg\n", + "Index 8. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0009.jpg\n", + "Index 9. Dataset\\Recep_Tayyip_Erdogan\\Recep_Tayyip_Erdogan_0010.jpg\n", + "Index 0. Dataset\\Rendy Susanto\\1.jpg\n", + "Index 1. Dataset\\Rendy Susanto\\10.jpg\n", + "Index 2. Dataset\\Rendy Susanto\\2.jpg\n", + "Index 3. Dataset\\Rendy Susanto\\3.jpg\n", + "Index 4. Dataset\\Rendy Susanto\\4.jpg\n", + "Index 5. Dataset\\Rendy Susanto\\5.jpg\n", + "Index 6. Dataset\\Rendy Susanto\\6.jpg\n", + "Index 7. Dataset\\Rendy Susanto\\7.jpg\n", + "Index 8. Dataset\\Rendy Susanto\\8.jpg\n", + "Index 8. Dataset\\Rendy Susanto\\8.jpg\n", + "Index 8. Dataset\\Rendy Susanto\\8.jpg\n", + "Index 8. Dataset\\Rendy Susanto\\8.jpg\n", + "Index 9. Dataset\\Rendy Susanto\\9.jpg\n", + "Index 0. Dataset\\Renee_Zellweger\\Renee_Zellweger_0001.jpg\n", + "Index 1. Dataset\\Renee_Zellweger\\Renee_Zellweger_0002.jpg\n", + "Index 1. Dataset\\Renee_Zellweger\\Renee_Zellweger_0002.jpg\n", + "Index 2. Dataset\\Renee_Zellweger\\Renee_Zellweger_0003.jpg\n", + "Index 3. Dataset\\Renee_Zellweger\\Renee_Zellweger_0004.jpg\n", + "Index 4. Dataset\\Renee_Zellweger\\Renee_Zellweger_0005.jpg\n", + "Index 5. Dataset\\Renee_Zellweger\\Renee_Zellweger_0006.jpg\n", + "Index 6. Dataset\\Renee_Zellweger\\Renee_Zellweger_0007.jpg\n", + "Index 7. Dataset\\Renee_Zellweger\\Renee_Zellweger_0008.jpg\n", + "Index 8. Dataset\\Renee_Zellweger\\Renee_Zellweger_0009.jpg\n", + "Index 9. Dataset\\Renee_Zellweger\\Renee_Zellweger_0010.jpg\n", + "Index 0. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0001.jpg\n", + "Index 1. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0002.jpg\n", + "Index 2. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0003.jpg\n", + "Index 3. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0004.jpg\n", + "Index 4. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0005.jpg\n", + "Index 5. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0006.jpg\n", + "Index 6. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0007.jpg\n", + "Index 7. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0008.jpg\n", + "Index 8. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0009.jpg\n", + "Index 9. Dataset\\Ricardo_Lagos\\Ricardo_Lagos_0010.jpg\n", + "Index 0. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0001.jpg\n", + "Index 1. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0002.jpg\n", + "Index 2. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0003.jpg\n", + "Index 3. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0004.jpg\n", + "Index 4. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0005.jpg\n", + "Index 5. Dataset\\Ricardo_Sanchez\\Ricardo_Sanchez_0006.jpg\n", + "Index 0. Dataset\\Richard_Armitage\\Richard_Armitage_0001.jpg\n", + "Index 1. Dataset\\Richard_Armitage\\Richard_Armitage_0002.jpg\n", + "Index 2. Dataset\\Richard_Armitage\\Richard_Armitage_0003.jpg\n", + "Index 4. Dataset\\Richard_Armitage\\Richard_Armitage_0005.jpg\n", + "Index 5. Dataset\\Richard_Armitage\\Richard_Armitage_0006.jpg\n", + "Index 6. Dataset\\Richard_Armitage\\Richard_Armitage_0007.jpg\n", + "Index 7. Dataset\\Richard_Armitage\\Richard_Armitage_0008.jpg\n", + "Index 8. Dataset\\Richard_Armitage\\Richard_Armitage_0009.jpg\n", + "Index 0. Dataset\\Richard_Gephardt\\Richard_Gephardt_0001.jpg\n", + "Index 1. Dataset\\Richard_Gephardt\\Richard_Gephardt_0002.jpg\n", + "Index 2. Dataset\\Richard_Gephardt\\Richard_Gephardt_0003.jpg\n", + "Index 3. Dataset\\Richard_Gephardt\\Richard_Gephardt_0004.jpg\n", + "Index 5. Dataset\\Richard_Gephardt\\Richard_Gephardt_0006.jpg\n", + "Index 6. Dataset\\Richard_Gephardt\\Richard_Gephardt_0007.jpg\n", + "Index 7. Dataset\\Richard_Gephardt\\Richard_Gephardt_0008.jpg\n", + "Index 8. Dataset\\Richard_Gephardt\\Richard_Gephardt_0009.jpg\n", + "Index 9. Dataset\\Richard_Gephardt\\Richard_Gephardt_0010.jpg\n", + "Index 1. Dataset\\Richard_Gere\\Richard_Gere_0002.jpg\n", + "Index 2. Dataset\\Richard_Gere\\Richard_Gere_0003.jpg\n", + "Index 3. Dataset\\Richard_Gere\\Richard_Gere_0004.jpg\n", + "Index 4. Dataset\\Richard_Gere\\Richard_Gere_0005.jpg\n", + "Index 5. Dataset\\Richard_Gere\\Richard_Gere_0006.jpg\n", + "Index 6. Dataset\\Richard_Gere\\Richard_Gere_0007.jpg\n", + "Index 7. Dataset\\Richard_Gere\\Richard_Gere_0008.jpg\n", + "Index 8. Dataset\\Richard_Gere\\Richard_Gere_0009.jpg\n", + "Index 9. Dataset\\Richard_Gere\\Richard_Gere_0010.jpg\n", + "Index 0. Dataset\\Richard_Myers\\Richard_Myers_0001.jpg\n", + "Index 1. Dataset\\Richard_Myers\\Richard_Myers_0002.jpg\n", + "Index 2. Dataset\\Richard_Myers\\Richard_Myers_0003.jpg\n", + "Index 3. Dataset\\Richard_Myers\\Richard_Myers_0004.jpg\n", + "Index 4. Dataset\\Richard_Myers\\Richard_Myers_0005.jpg\n", + "Index 5. Dataset\\Richard_Myers\\Richard_Myers_0006.jpg\n", + "Index 6. Dataset\\Richard_Myers\\Richard_Myers_0007.jpg\n", + "Index 7. Dataset\\Richard_Myers\\Richard_Myers_0008.jpg\n", + "Index 8. Dataset\\Richard_Myers\\Richard_Myers_0009.jpg\n", + "Index 9. Dataset\\Richard_Myers\\Richard_Myers_0010.jpg\n", + "Index 0. Dataset\\Richard_Virenque\\Richard_Virenque_0001.jpg\n", + "Index 1. Dataset\\Richard_Virenque\\Richard_Virenque_0002.jpg\n", + "Index 2. Dataset\\Richard_Virenque\\Richard_Virenque_0003.jpg\n", + "Index 3. Dataset\\Richard_Virenque\\Richard_Virenque_0004.jpg\n", + "Index 3. Dataset\\Richard_Virenque\\Richard_Virenque_0004.jpg\n", + "Index 4. Dataset\\Richard_Virenque\\Richard_Virenque_0005.jpg\n", + "Index 5. Dataset\\Richard_Virenque\\Richard_Virenque_0006.jpg\n", + "Index 6. Dataset\\Richard_Virenque\\Richard_Virenque_0007.jpg\n", + "Index 7. Dataset\\Richard_Virenque\\Richard_Virenque_0008.jpg\n", + "Index 0. Dataset\\Rick_Perry\\Rick_Perry_0001.jpg\n", + "Index 1. Dataset\\Rick_Perry\\Rick_Perry_0002.jpg\n", + "Index 2. Dataset\\Rick_Perry\\Rick_Perry_0003.jpg\n", + "Index 3. Dataset\\Rick_Perry\\Rick_Perry_0004.jpg\n", + "Index 4. Dataset\\Rick_Perry\\Rick_Perry_0005.jpg\n", + "Index 5. Dataset\\Rick_Perry\\Rick_Perry_0006.jpg\n", + "Index 0. Dataset\\Robert_Blake\\Robert_Blake_0001.jpg\n", + "Index 2. Dataset\\Robert_Blake\\Robert_Blake_0003.jpg\n", + "Index 3. Dataset\\Robert_Blake\\Robert_Blake_0004.jpg\n", + "Index 4. Dataset\\Robert_Blake\\Robert_Blake_0005.jpg\n", + "Index 5. Dataset\\Robert_Blake\\Robert_Blake_0006.jpg\n", + "Index 6. Dataset\\Robert_Blake\\Robert_Blake_0007.jpg\n", + "Index 6. Dataset\\Robert_Blake\\Robert_Blake_0007.jpg\n", + "Index 7. Dataset\\Robert_Blake\\Robert_Blake_0008.jpg\n", + "Index 0. Dataset\\Robert_De_Niro\\Robert_De_Niro_0001.jpg\n", + "Index 1. Dataset\\Robert_De_Niro\\Robert_De_Niro_0002.jpg\n", + "Index 2. Dataset\\Robert_De_Niro\\Robert_De_Niro_0003.jpg\n", + "Index 3. Dataset\\Robert_De_Niro\\Robert_De_Niro_0004.jpg\n", + "Index 4. Dataset\\Robert_De_Niro\\Robert_De_Niro_0005.jpg\n", + "Index 5. Dataset\\Robert_De_Niro\\Robert_De_Niro_0006.jpg\n", + "Index 0. Dataset\\Robert_Duvall\\Robert_Duvall_0001.jpg\n", + "Index 1. Dataset\\Robert_Duvall\\Robert_Duvall_0002.jpg\n", + "Index 2. Dataset\\Robert_Duvall\\Robert_Duvall_0003.jpg\n", + "Index 3. Dataset\\Robert_Duvall\\Robert_Duvall_0004.jpg\n", + "Index 4. Dataset\\Robert_Duvall\\Robert_Duvall_0005.jpg\n", + "Index 5. Dataset\\Robert_Duvall\\Robert_Duvall_0006.jpg\n", + "Index 6. Dataset\\Robert_Duvall\\Robert_Duvall_0007.jpg\n", + "Index 7. Dataset\\Robert_Duvall\\Robert_Duvall_0008.jpg\n", + "Index 0. Dataset\\Robert_Kocharian\\Robert_Kocharian_0001.jpg\n", + "Index 1. Dataset\\Robert_Kocharian\\Robert_Kocharian_0002.jpg\n", + "Index 2. Dataset\\Robert_Kocharian\\Robert_Kocharian_0003.jpg\n", + "Index 3. Dataset\\Robert_Kocharian\\Robert_Kocharian_0004.jpg\n", + "Index 4. Dataset\\Robert_Kocharian\\Robert_Kocharian_0005.jpg\n", + "Index 0. Dataset\\Robert_Mueller\\Robert_Mueller_0001.jpg\n", + "Index 1. Dataset\\Robert_Mueller\\Robert_Mueller_0002.jpg\n", + "Index 2. Dataset\\Robert_Mueller\\Robert_Mueller_0003.jpg\n", + "Index 3. Dataset\\Robert_Mueller\\Robert_Mueller_0004.jpg\n", + "Index 4. Dataset\\Robert_Mueller\\Robert_Mueller_0005.jpg\n", + "Index 0. Dataset\\Robert_Redford\\Robert_Redford_0001.jpg\n", + "Index 0. Dataset\\Robert_Redford\\Robert_Redford_0001.jpg\n", + "Index 1. Dataset\\Robert_Redford\\Robert_Redford_0002.jpg\n", + "Index 2. Dataset\\Robert_Redford\\Robert_Redford_0003.jpg\n", + "Index 3. Dataset\\Robert_Redford\\Robert_Redford_0004.jpg\n", + "Index 4. Dataset\\Robert_Redford\\Robert_Redford_0005.jpg\n", + "Index 5. Dataset\\Robert_Redford\\Robert_Redford_0006.jpg\n", + "Index 5. Dataset\\Robert_Redford\\Robert_Redford_0006.jpg\n", + "Index 6. Dataset\\Robert_Redford\\Robert_Redford_0007.jpg\n", + "Index 7. Dataset\\Robert_Redford\\Robert_Redford_0008.jpg\n", + "Index 0. Dataset\\Robert_Zoellick\\Robert_Zoellick_0001.jpg\n", + "Index 1. Dataset\\Robert_Zoellick\\Robert_Zoellick_0002.jpg\n", + "Index 2. Dataset\\Robert_Zoellick\\Robert_Zoellick_0003.jpg\n", + "Index 3. Dataset\\Robert_Zoellick\\Robert_Zoellick_0004.jpg\n", + "Index 4. Dataset\\Robert_Zoellick\\Robert_Zoellick_0005.jpg\n", + "Index 5. Dataset\\Robert_Zoellick\\Robert_Zoellick_0006.jpg\n", + "Index 6. Dataset\\Robert_Zoellick\\Robert_Zoellick_0007.jpg\n", + "Index 0. Dataset\\Rob_Marshall\\Rob_Marshall_0001.jpg\n", + "Index 1. Dataset\\Rob_Marshall\\Rob_Marshall_0002.jpg\n", + "Index 2. Dataset\\Rob_Marshall\\Rob_Marshall_0003.jpg\n", + "Index 3. Dataset\\Rob_Marshall\\Rob_Marshall_0004.jpg\n", + "Index 4. Dataset\\Rob_Marshall\\Rob_Marshall_0005.jpg\n", + "Index 5. Dataset\\Rob_Marshall\\Rob_Marshall_0006.jpg\n", + "Index 0. Dataset\\Roger_Federer\\Roger_Federer_0001.jpg\n", + "Index 1. Dataset\\Roger_Federer\\Roger_Federer_0002.jpg\n", + "Index 2. Dataset\\Roger_Federer\\Roger_Federer_0003.jpg\n", + "Index 3. Dataset\\Roger_Federer\\Roger_Federer_0004.jpg\n", + "Index 5. Dataset\\Roger_Federer\\Roger_Federer_0006.jpg\n", + "Index 6. Dataset\\Roger_Federer\\Roger_Federer_0007.jpg\n", + "Index 7. Dataset\\Roger_Federer\\Roger_Federer_0008.jpg\n", + "Index 9. Dataset\\Roger_Federer\\Roger_Federer_0010.jpg\n", + "Index 0. Dataset\\Roger_Moore\\Roger_Moore_0001.jpg\n", + "Index 1. Dataset\\Roger_Moore\\Roger_Moore_0002.jpg\n", + "Index 2. Dataset\\Roger_Moore\\Roger_Moore_0003.jpg\n", + "Index 3. Dataset\\Roger_Moore\\Roger_Moore_0004.jpg\n", + "Index 4. Dataset\\Roger_Moore\\Roger_Moore_0005.jpg\n", + "Index 0. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0001.jpg\n", + "Index 1. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0002.jpg\n", + "Index 1. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0002.jpg\n", + "Index 2. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0003.jpg\n", + "Index 3. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0004.jpg\n", + "Index 3. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0004.jpg\n", + "Index 4. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0005.jpg\n", + "Index 5. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0006.jpg\n", + "Index 6. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0007.jpg\n", + "Index 7. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0008.jpg\n", + "Index 9. Dataset\\Roh_Moo-hyun\\Roh_Moo-hyun_0010.jpg\n", + "Index 0. Dataset\\Romano_Prodi\\Romano_Prodi_0001.jpg\n", + "Index 1. Dataset\\Romano_Prodi\\Romano_Prodi_0002.jpg\n", + "Index 2. Dataset\\Romano_Prodi\\Romano_Prodi_0003.jpg\n", + "Index 3. Dataset\\Romano_Prodi\\Romano_Prodi_0004.jpg\n", + "Index 4. Dataset\\Romano_Prodi\\Romano_Prodi_0005.jpg\n", + "Index 5. Dataset\\Romano_Prodi\\Romano_Prodi_0006.jpg\n", + "Index 6. Dataset\\Romano_Prodi\\Romano_Prodi_0007.jpg\n", + "Index 0. Dataset\\Roman_Polanski\\Roman_Polanski_0001.jpg\n", + "Index 0. Dataset\\Roman_Polanski\\Roman_Polanski_0001.jpg\n", + "Index 1. Dataset\\Roman_Polanski\\Roman_Polanski_0002.jpg\n", + "Index 2. Dataset\\Roman_Polanski\\Roman_Polanski_0003.jpg\n", + "Index 3. Dataset\\Roman_Polanski\\Roman_Polanski_0004.jpg\n", + "Index 4. Dataset\\Roman_Polanski\\Roman_Polanski_0005.jpg\n", + "Index 5. Dataset\\Roman_Polanski\\Roman_Polanski_0006.jpg\n", + "Index 0. Dataset\\Ron_Dittemore\\Ron_Dittemore_0001.jpg\n", + "Index 1. Dataset\\Ron_Dittemore\\Ron_Dittemore_0002.jpg\n", + "Index 2. Dataset\\Ron_Dittemore\\Ron_Dittemore_0003.jpg\n", + "Index 3. Dataset\\Ron_Dittemore\\Ron_Dittemore_0004.jpg\n", + "Index 4. Dataset\\Ron_Dittemore\\Ron_Dittemore_0005.jpg\n", + "Index 5. Dataset\\Ron_Dittemore\\Ron_Dittemore_0006.jpg\n", + "Index 6. Dataset\\Ron_Dittemore\\Ron_Dittemore_0007.jpg\n", + "Index 7. Dataset\\Ron_Dittemore\\Ron_Dittemore_0008.jpg\n", + "Index 0. Dataset\\Roy_Moore\\Roy_Moore_0001.jpg\n", + "Index 1. Dataset\\Roy_Moore\\Roy_Moore_0002.jpg\n", + "Index 2. Dataset\\Roy_Moore\\Roy_Moore_0003.jpg\n", + "Index 3. Dataset\\Roy_Moore\\Roy_Moore_0004.jpg\n", + "Index 3. Dataset\\Roy_Moore\\Roy_Moore_0004.jpg\n", + "Index 4. Dataset\\Roy_Moore\\Roy_Moore_0005.jpg\n", + "Index 5. Dataset\\Roy_Moore\\Roy_Moore_0006.jpg\n", + "Index 0. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0001.jpg\n", + "Index 1. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0002.jpg\n", + "Index 2. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0003.jpg\n", + "Index 3. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0004.jpg\n", + "Index 4. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0005.jpg\n", + "Index 5. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0006.jpg\n", + "Index 6. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0007.jpg\n", + "Index 7. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0008.jpg\n", + "Index 8. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0009.jpg\n", + "Index 9. Dataset\\Rubens_Barrichello\\Rubens_Barrichello_0010.jpg\n", + "Index 0. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0001.jpg\n", + "Index 1. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0002.jpg\n", + "Index 2. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0003.jpg\n", + "Index 3. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0004.jpg\n", + "Index 4. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0005.jpg\n", + "Index 5. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0006.jpg\n", + "Index 6. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0007.jpg\n", + "Index 7. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0008.jpg\n", + "Index 8. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0009.jpg\n", + "Index 9. Dataset\\Rudolph_Giuliani\\Rudolph_Giuliani_0010.jpg\n", + "Index 0. Dataset\\Russell_Simmons\\Russell_Simmons_0001.jpg\n", + "Index 1. Dataset\\Russell_Simmons\\Russell_Simmons_0002.jpg\n", + "Index 2. Dataset\\Russell_Simmons\\Russell_Simmons_0003.jpg\n", + "Index 3. Dataset\\Russell_Simmons\\Russell_Simmons_0004.jpg\n", + "Index 4. Dataset\\Russell_Simmons\\Russell_Simmons_0005.jpg\n", + "Index 0. Dataset\\Saddam_Hussein\\Saddam_Hussein_0001.jpg\n", + "Index 1. Dataset\\Saddam_Hussein\\Saddam_Hussein_0002.jpg\n", + "Index 2. Dataset\\Saddam_Hussein\\Saddam_Hussein_0003.jpg\n", + "Index 3. Dataset\\Saddam_Hussein\\Saddam_Hussein_0004.jpg\n", + "Index 4. Dataset\\Saddam_Hussein\\Saddam_Hussein_0005.jpg\n", + "Index 5. Dataset\\Saddam_Hussein\\Saddam_Hussein_0006.jpg\n", + "Index 6. Dataset\\Saddam_Hussein\\Saddam_Hussein_0007.jpg\n", + "Index 7. Dataset\\Saddam_Hussein\\Saddam_Hussein_0008.jpg\n", + "Index 8. Dataset\\Saddam_Hussein\\Saddam_Hussein_0009.jpg\n", + "Index 9. Dataset\\Saddam_Hussein\\Saddam_Hussein_0010.jpg\n", + "Index 0. Dataset\\Salma_Hayek\\Salma_Hayek_0001.jpg\n", + "Index 1. Dataset\\Salma_Hayek\\Salma_Hayek_0002.jpg\n", + "Index 2. Dataset\\Salma_Hayek\\Salma_Hayek_0003.jpg\n", + "Index 3. Dataset\\Salma_Hayek\\Salma_Hayek_0004.jpg\n", + "Index 4. Dataset\\Salma_Hayek\\Salma_Hayek_0005.jpg\n", + "Index 5. Dataset\\Salma_Hayek\\Salma_Hayek_0006.jpg\n", + "Index 6. Dataset\\Salma_Hayek\\Salma_Hayek_0007.jpg\n", + "Index 7. Dataset\\Salma_Hayek\\Salma_Hayek_0008.jpg\n", + "Index 8. Dataset\\Salma_Hayek\\Salma_Hayek_0009.jpg\n", + "Index 9. Dataset\\Salma_Hayek\\Salma_Hayek_0010.jpg\n", + "Index 0. Dataset\\Sarah_Hughes\\Sarah_Hughes_0001.jpg\n", + "Index 1. Dataset\\Sarah_Hughes\\Sarah_Hughes_0002.jpg\n", + "Index 2. Dataset\\Sarah_Hughes\\Sarah_Hughes_0003.jpg\n", + "Index 3. Dataset\\Sarah_Hughes\\Sarah_Hughes_0004.jpg\n", + "Index 4. Dataset\\Sarah_Hughes\\Sarah_Hughes_0005.jpg\n", + "Index 5. Dataset\\Sarah_Hughes\\Sarah_Hughes_0006.jpg\n", + "Index 0. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0001.jpg\n", + "Index 1. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0002.jpg\n", + "Index 2. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0003.jpg\n", + "Index 3. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0004.jpg\n", + "Index 4. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0005.jpg\n", + "Index 5. Dataset\\Sarah_Jessica_Parker\\Sarah_Jessica_Parker_0006.jpg\n", + "Index 0. Dataset\\Scott_McClellan\\Scott_McClellan_0001.jpg\n", + "Index 1. Dataset\\Scott_McClellan\\Scott_McClellan_0002.jpg\n", + "Index 2. Dataset\\Scott_McClellan\\Scott_McClellan_0003.jpg\n", + "Index 3. Dataset\\Scott_McClellan\\Scott_McClellan_0004.jpg\n", + "Index 4. Dataset\\Scott_McClellan\\Scott_McClellan_0005.jpg\n", + "Index 0. Dataset\\Scott_Peterson\\Scott_Peterson_0001.jpg\n", + "Index 1. Dataset\\Scott_Peterson\\Scott_Peterson_0002.jpg\n", + "Index 2. Dataset\\Scott_Peterson\\Scott_Peterson_0003.jpg\n", + "Index 3. Dataset\\Scott_Peterson\\Scott_Peterson_0004.jpg\n", + "Index 4. Dataset\\Scott_Peterson\\Scott_Peterson_0005.jpg\n", + "Index 0. Dataset\\Sean_OKeefe\\Sean_OKeefe_0001.jpg\n", + "Index 1. Dataset\\Sean_OKeefe\\Sean_OKeefe_0002.jpg\n", + "Index 2. Dataset\\Sean_OKeefe\\Sean_OKeefe_0003.jpg\n", + "Index 3. Dataset\\Sean_OKeefe\\Sean_OKeefe_0004.jpg\n", + "Index 4. Dataset\\Sean_OKeefe\\Sean_OKeefe_0005.jpg\n", + "Index 0. Dataset\\Serena_Williams\\Serena_Williams_0001.jpg\n", + "Index 2. Dataset\\Serena_Williams\\Serena_Williams_0003.jpg\n", + "Index 6. Dataset\\Serena_Williams\\Serena_Williams_0007.jpg\n", + "Index 7. Dataset\\Serena_Williams\\Serena_Williams_0008.jpg\n", + "Index 8. Dataset\\Serena_Williams\\Serena_Williams_0009.jpg\n", + "Index 9. Dataset\\Serena_Williams\\Serena_Williams_0010.jpg\n", + "Index 0. Dataset\\Sergei_Ivanov\\Sergei_Ivanov_0001.jpg\n", + "Index 1. Dataset\\Sergei_Ivanov\\Sergei_Ivanov_0002.jpg\n", + "Index 2. Dataset\\Sergei_Ivanov\\Sergei_Ivanov_0003.jpg\n", + "Index 3. Dataset\\Sergei_Ivanov\\Sergei_Ivanov_0004.jpg\n", + "Index 4. Dataset\\Sergei_Ivanov\\Sergei_Ivanov_0005.jpg\n", + "Index 0. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0001.jpg\n", + "Index 1. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0002.jpg\n", + "Index 2. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0003.jpg\n", + "Index 3. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0004.jpg\n", + "Index 4. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0005.jpg\n", + "Index 5. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0006.jpg\n", + "Index 6. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0007.jpg\n", + "Index 7. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0008.jpg\n", + "Index 8. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0009.jpg\n", + "Index 9. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0010.jpg\n", + "Index 9. Dataset\\Sergey_Lavrov\\Sergey_Lavrov_0010.jpg\n", + "Index 0. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0001.jpg\n", + "Index 1. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0002.jpg\n", + "Index 2. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0003.jpg\n", + "Index 3. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0004.jpg\n", + "Index 4. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0005.jpg\n", + "Index 5. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0006.jpg\n", + "Index 6. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0007.jpg\n", + "Index 7. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0008.jpg\n", + "Index 8. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0009.jpg\n", + "Index 9. Dataset\\Sergio_Vieira_De_Mello\\Sergio_Vieira_De_Mello_0010.jpg\n", + "Index 1. Dataset\\Sharon_Stone\\Sharon_Stone_0002.jpg\n", + "Index 2. Dataset\\Sharon_Stone\\Sharon_Stone_0003.jpg\n", + "Index 3. Dataset\\Sharon_Stone\\Sharon_Stone_0004.jpg\n", + "Index 4. Dataset\\Sharon_Stone\\Sharon_Stone_0005.jpg\n", + "Index 0. Dataset\\Sheryl_Crow\\Sheryl_Crow_0001.jpg\n", + "Index 1. Dataset\\Sheryl_Crow\\Sheryl_Crow_0002.jpg\n", + "Index 2. Dataset\\Sheryl_Crow\\Sheryl_Crow_0003.jpg\n", + "Index 3. Dataset\\Sheryl_Crow\\Sheryl_Crow_0004.jpg\n", + "Index 4. Dataset\\Sheryl_Crow\\Sheryl_Crow_0005.jpg\n", + "Index 5. Dataset\\Sheryl_Crow\\Sheryl_Crow_0006.jpg\n", + "Index 6. Dataset\\Sheryl_Crow\\Sheryl_Crow_0007.jpg\n", + "Index 6. Dataset\\Sheryl_Crow\\Sheryl_Crow_0007.jpg\n", + "Index 7. Dataset\\Sheryl_Crow\\Sheryl_Crow_0008.jpg\n", + "Index 0. Dataset\\Shimon_Peres\\Shimon_Peres_0001.jpg\n", + "Index 1. Dataset\\Shimon_Peres\\Shimon_Peres_0002.jpg\n", + "Index 2. Dataset\\Shimon_Peres\\Shimon_Peres_0003.jpg\n", + "Index 3. Dataset\\Shimon_Peres\\Shimon_Peres_0004.jpg\n", + "Index 4. Dataset\\Shimon_Peres\\Shimon_Peres_0005.jpg\n", + "Index 5. Dataset\\Shimon_Peres\\Shimon_Peres_0006.jpg\n", + "Index 6. Dataset\\Shimon_Peres\\Shimon_Peres_0007.jpg\n", + "Index 7. Dataset\\Shimon_Peres\\Shimon_Peres_0008.jpg\n", + "Index 0. Dataset\\Silvan_Shalom\\Silvan_Shalom_0001.jpg\n", + "Index 1. Dataset\\Silvan_Shalom\\Silvan_Shalom_0002.jpg\n", + "Index 2. Dataset\\Silvan_Shalom\\Silvan_Shalom_0003.jpg\n", + "Index 3. Dataset\\Silvan_Shalom\\Silvan_Shalom_0004.jpg\n", + "Index 4. Dataset\\Silvan_Shalom\\Silvan_Shalom_0005.jpg\n", + "Index 5. Dataset\\Silvan_Shalom\\Silvan_Shalom_0006.jpg\n", + "Index 0. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0001.jpg\n", + "Index 1. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0002.jpg\n", + "Index 2. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0003.jpg\n", + "Index 3. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0004.jpg\n", + "Index 4. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0005.jpg\n", + "Index 4. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0005.jpg\n", + "Index 6. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0007.jpg\n", + "Index 7. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0008.jpg\n", + "Index 8. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0009.jpg\n", + "Index 9. Dataset\\Silvio_Berlusconi\\Silvio_Berlusconi_0010.jpg\n", + "Index 0. Dataset\\Sophia_Loren\\Sophia_Loren_0001.jpg\n", + "Index 1. Dataset\\Sophia_Loren\\Sophia_Loren_0002.jpg\n", + "Index 2. Dataset\\Sophia_Loren\\Sophia_Loren_0003.jpg\n", + "Index 3. Dataset\\Sophia_Loren\\Sophia_Loren_0004.jpg\n", + "Index 3. Dataset\\Sophia_Loren\\Sophia_Loren_0004.jpg\n", + "Index 4. Dataset\\Sophia_Loren\\Sophia_Loren_0005.jpg\n", + "Index 5. Dataset\\Sophia_Loren\\Sophia_Loren_0006.jpg\n", + "Index 6. Dataset\\Sophia_Loren\\Sophia_Loren_0007.jpg\n", + "Index 0. Dataset\\Sourav_Ganguly\\Sourav_Ganguly_0001.jpg\n", + "Index 1. Dataset\\Sourav_Ganguly\\Sourav_Ganguly_0002.jpg\n", + "Index 2. Dataset\\Sourav_Ganguly\\Sourav_Ganguly_0003.jpg\n", + "Index 3. Dataset\\Sourav_Ganguly\\Sourav_Ganguly_0004.jpg\n", + "Index 4. Dataset\\Sourav_Ganguly\\Sourav_Ganguly_0005.jpg\n", + "Index 0. Dataset\\Spencer_Abraham\\Spencer_Abraham_0001.jpg\n", + "Index 1. Dataset\\Spencer_Abraham\\Spencer_Abraham_0002.jpg\n", + "Index 2. Dataset\\Spencer_Abraham\\Spencer_Abraham_0003.jpg\n", + "Index 3. Dataset\\Spencer_Abraham\\Spencer_Abraham_0004.jpg\n", + "Index 4. Dataset\\Spencer_Abraham\\Spencer_Abraham_0005.jpg\n", + "Index 5. Dataset\\Spencer_Abraham\\Spencer_Abraham_0006.jpg\n", + "Index 6. Dataset\\Spencer_Abraham\\Spencer_Abraham_0007.jpg\n", + "Index 7. Dataset\\Spencer_Abraham\\Spencer_Abraham_0008.jpg\n", + "Index 8. Dataset\\Spencer_Abraham\\Spencer_Abraham_0009.jpg\n", + "Index 8. Dataset\\Spencer_Abraham\\Spencer_Abraham_0009.jpg\n", + "Index 9. Dataset\\Spencer_Abraham\\Spencer_Abraham_0010.jpg\n", + "Index 0. Dataset\\Steffi_Graf\\Steffi_Graf_0001.jpg\n", + "Index 1. Dataset\\Steffi_Graf\\Steffi_Graf_0002.jpg\n", + "Index 2. Dataset\\Steffi_Graf\\Steffi_Graf_0003.jpg\n", + "Index 3. Dataset\\Steffi_Graf\\Steffi_Graf_0004.jpg\n", + "Index 4. Dataset\\Steffi_Graf\\Steffi_Graf_0005.jpg\n", + "Index 0. Dataset\\Steven_Spielberg\\Steven_Spielberg_0001.jpg\n", + "Index 2. Dataset\\Steven_Spielberg\\Steven_Spielberg_0003.jpg\n", + "Index 3. Dataset\\Steven_Spielberg\\Steven_Spielberg_0004.jpg\n", + "Index 4. Dataset\\Steven_Spielberg\\Steven_Spielberg_0005.jpg\n", + "Index 5. Dataset\\Steven_Spielberg\\Steven_Spielberg_0006.jpg\n", + "Index 6. Dataset\\Steven_Spielberg\\Steven_Spielberg_0007.jpg\n", + "Index 0. Dataset\\Steve_Lavin\\Steve_Lavin_0001.jpg\n", + "Index 1. Dataset\\Steve_Lavin\\Steve_Lavin_0002.jpg\n", + "Index 2. Dataset\\Steve_Lavin\\Steve_Lavin_0003.jpg\n", + "Index 3. Dataset\\Steve_Lavin\\Steve_Lavin_0004.jpg\n", + "Index 4. Dataset\\Steve_Lavin\\Steve_Lavin_0005.jpg\n", + "Index 5. Dataset\\Steve_Lavin\\Steve_Lavin_0006.jpg\n", + "Index 0. Dataset\\Steve_Nash\\Steve_Nash_0001.jpg\n", + "Index 1. Dataset\\Steve_Nash\\Steve_Nash_0002.jpg\n", + "Index 2. Dataset\\Steve_Nash\\Steve_Nash_0003.jpg\n", + "Index 3. Dataset\\Steve_Nash\\Steve_Nash_0004.jpg\n", + "Index 4. Dataset\\Steve_Nash\\Steve_Nash_0005.jpg\n", + "Index 0. Dataset\\Susan_Sarandon\\Susan_Sarandon_0001.jpg\n", + "Index 2. Dataset\\Susan_Sarandon\\Susan_Sarandon_0003.jpg\n", + "Index 3. Dataset\\Susan_Sarandon\\Susan_Sarandon_0004.jpg\n", + "Index 4. Dataset\\Susan_Sarandon\\Susan_Sarandon_0005.jpg\n", + "Index 5. Dataset\\Susan_Sarandon\\Susan_Sarandon_0006.jpg\n", + "Index 0. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0001.jpg\n", + "Index 1. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0002.jpg\n", + "Index 2. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0003.jpg\n", + "Index 3. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0004.jpg\n", + "Index 4. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0005.jpg\n", + "Index 5. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0006.jpg\n", + "Index 6. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0007.jpg\n", + "Index 7. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0008.jpg\n", + "Index 8. Dataset\\Sylvester_Stallone\\Sylvester_Stallone_0009.jpg\n", + "Index 0. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0001.jpg\n", + "Index 1. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0002.jpg\n", + "Index 1. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0002.jpg\n", + "Index 2. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0003.jpg\n", + "Index 3. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0004.jpg\n", + "Index 4. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0005.jpg\n", + "Index 5. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0006.jpg\n", + "Index 6. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0007.jpg\n", + "Index 7. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0008.jpg\n", + "Index 8. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0009.jpg\n", + "Index 9. Dataset\\Taha_Yassin_Ramadan\\Taha_Yassin_Ramadan_0010.jpg\n", + "Index 0. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0001.jpg\n", + "Index 1. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0002.jpg\n", + "Index 2. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0003.jpg\n", + "Index 3. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0004.jpg\n", + "Index 4. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0005.jpg\n", + "Index 5. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0006.jpg\n", + "Index 6. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0007.jpg\n", + "Index 7. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0008.jpg\n", + "Index 8. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0009.jpg\n", + "Index 9. Dataset\\Tang_Jiaxuan\\Tang_Jiaxuan_0010.jpg\n", + "Index 0. Dataset\\Tariq_Aziz\\Tariq_Aziz_0001.jpg\n", + "Index 1. Dataset\\Tariq_Aziz\\Tariq_Aziz_0002.jpg\n", + "Index 2. Dataset\\Tariq_Aziz\\Tariq_Aziz_0003.jpg\n", + "Index 3. Dataset\\Tariq_Aziz\\Tariq_Aziz_0004.jpg\n", + "Index 3. Dataset\\Tariq_Aziz\\Tariq_Aziz_0004.jpg\n", + "Index 4. Dataset\\Tariq_Aziz\\Tariq_Aziz_0005.jpg\n", + "Index 0. Dataset\\Thabo_Mbeki\\Thabo_Mbeki_0001.jpg\n", + "Index 1. Dataset\\Thabo_Mbeki\\Thabo_Mbeki_0002.jpg\n", + "Index 2. Dataset\\Thabo_Mbeki\\Thabo_Mbeki_0003.jpg\n", + "Index 4. Dataset\\Thabo_Mbeki\\Thabo_Mbeki_0005.jpg\n", + "Index 0. Dataset\\Thaksin_Shinawatra\\Thaksin_Shinawatra_0001.jpg\n", + "Index 1. Dataset\\Thaksin_Shinawatra\\Thaksin_Shinawatra_0002.jpg\n", + "Index 3. Dataset\\Thaksin_Shinawatra\\Thaksin_Shinawatra_0004.jpg\n", + "Index 4. Dataset\\Thaksin_Shinawatra\\Thaksin_Shinawatra_0005.jpg\n", + "Index 5. Dataset\\Thaksin_Shinawatra\\Thaksin_Shinawatra_0006.jpg\n", + "Index 0. Dataset\\Thomas_OBrien\\Thomas_OBrien_0001.jpg\n", + "Index 1. Dataset\\Thomas_OBrien\\Thomas_OBrien_0002.jpg\n", + "Index 2. Dataset\\Thomas_OBrien\\Thomas_OBrien_0003.jpg\n", + "Index 3. Dataset\\Thomas_OBrien\\Thomas_OBrien_0004.jpg\n", + "Index 4. Dataset\\Thomas_OBrien\\Thomas_OBrien_0005.jpg\n", + "Index 5. Dataset\\Thomas_OBrien\\Thomas_OBrien_0006.jpg\n", + "Index 6. Dataset\\Thomas_OBrien\\Thomas_OBrien_0007.jpg\n", + "Index 7. Dataset\\Thomas_OBrien\\Thomas_OBrien_0008.jpg\n", + "Index 8. Dataset\\Thomas_OBrien\\Thomas_OBrien_0009.jpg\n", + "Index 1. Dataset\\Tiger_Woods\\Tiger_Woods_0002.jpg\n", + "Index 2. Dataset\\Tiger_Woods\\Tiger_Woods_0003.jpg\n", + "Index 3. Dataset\\Tiger_Woods\\Tiger_Woods_0004.jpg\n", + "Index 4. Dataset\\Tiger_Woods\\Tiger_Woods_0005.jpg\n", + "Index 5. Dataset\\Tiger_Woods\\Tiger_Woods_0006.jpg\n", + "Index 6. Dataset\\Tiger_Woods\\Tiger_Woods_0007.jpg\n", + "Index 7. Dataset\\Tiger_Woods\\Tiger_Woods_0008.jpg\n", + "Index 8. Dataset\\Tiger_Woods\\Tiger_Woods_0009.jpg\n", + "Index 0. Dataset\\Tim_Henman\\Tim_Henman_0001.jpg\n", + "Index 1. Dataset\\Tim_Henman\\Tim_Henman_0002.jpg\n", + "Index 2. Dataset\\Tim_Henman\\Tim_Henman_0003.jpg\n", + "Index 3. Dataset\\Tim_Henman\\Tim_Henman_0004.jpg\n", + "Index 4. Dataset\\Tim_Henman\\Tim_Henman_0005.jpg\n", + "Index 5. Dataset\\Tim_Henman\\Tim_Henman_0006.jpg\n", + "Index 6. Dataset\\Tim_Henman\\Tim_Henman_0007.jpg\n", + "Index 7. Dataset\\Tim_Henman\\Tim_Henman_0008.jpg\n", + "Index 8. Dataset\\Tim_Henman\\Tim_Henman_0009.jpg\n", + "Index 9. Dataset\\Tim_Henman\\Tim_Henman_0010.jpg\n", + "Index 0. Dataset\\Tim_Robbins\\Tim_Robbins_0001.jpg\n", + "Index 1. Dataset\\Tim_Robbins\\Tim_Robbins_0002.jpg\n", + "Index 2. Dataset\\Tim_Robbins\\Tim_Robbins_0003.jpg\n", + "Index 3. Dataset\\Tim_Robbins\\Tim_Robbins_0004.jpg\n", + "Index 4. Dataset\\Tim_Robbins\\Tim_Robbins_0005.jpg\n", + "Index 0. Dataset\\Tommy_Franks\\Tommy_Franks_0001.jpg\n", + "Index 1. Dataset\\Tommy_Franks\\Tommy_Franks_0002.jpg\n", + "Index 2. Dataset\\Tommy_Franks\\Tommy_Franks_0003.jpg\n", + "Index 3. Dataset\\Tommy_Franks\\Tommy_Franks_0004.jpg\n", + "Index 4. Dataset\\Tommy_Franks\\Tommy_Franks_0005.jpg\n", + "Index 5. Dataset\\Tommy_Franks\\Tommy_Franks_0006.jpg\n", + "Index 6. Dataset\\Tommy_Franks\\Tommy_Franks_0007.jpg\n", + "Index 7. Dataset\\Tommy_Franks\\Tommy_Franks_0008.jpg\n", + "Index 8. Dataset\\Tommy_Franks\\Tommy_Franks_0009.jpg\n", + "Index 9. Dataset\\Tommy_Franks\\Tommy_Franks_0010.jpg\n", + "Index 0. Dataset\\Tommy_Haas\\Tommy_Haas_0001.jpg\n", + "Index 1. Dataset\\Tommy_Haas\\Tommy_Haas_0002.jpg\n", + "Index 2. Dataset\\Tommy_Haas\\Tommy_Haas_0003.jpg\n", + "Index 3. Dataset\\Tommy_Haas\\Tommy_Haas_0004.jpg\n", + "Index 4. Dataset\\Tommy_Haas\\Tommy_Haas_0005.jpg\n", + "Index 5. Dataset\\Tommy_Haas\\Tommy_Haas_0006.jpg\n", + "Index 0. Dataset\\Tommy_Thompson\\Tommy_Thompson_0001.jpg\n", + "Index 1. Dataset\\Tommy_Thompson\\Tommy_Thompson_0002.jpg\n", + "Index 2. Dataset\\Tommy_Thompson\\Tommy_Thompson_0003.jpg\n", + "Index 3. Dataset\\Tommy_Thompson\\Tommy_Thompson_0004.jpg\n", + "Index 4. Dataset\\Tommy_Thompson\\Tommy_Thompson_0005.jpg\n", + "Index 5. Dataset\\Tommy_Thompson\\Tommy_Thompson_0006.jpg\n", + "Index 6. Dataset\\Tommy_Thompson\\Tommy_Thompson_0007.jpg\n", + "Index 7. Dataset\\Tommy_Thompson\\Tommy_Thompson_0008.jpg\n", + "Index 8. Dataset\\Tommy_Thompson\\Tommy_Thompson_0009.jpg\n", + "Index 9. Dataset\\Tommy_Thompson\\Tommy_Thompson_0010.jpg\n", + "Index 0. Dataset\\Tom_Crean\\Tom_Crean_0001.jpg\n", + "Index 1. Dataset\\Tom_Crean\\Tom_Crean_0002.jpg\n", + "Index 2. Dataset\\Tom_Crean\\Tom_Crean_0003.jpg\n", + "Index 3. Dataset\\Tom_Crean\\Tom_Crean_0004.jpg\n", + "Index 4. Dataset\\Tom_Crean\\Tom_Crean_0005.jpg\n", + "Index 0. Dataset\\Tom_Cruise\\Tom_Cruise_0001.jpg\n", + "Index 1. Dataset\\Tom_Cruise\\Tom_Cruise_0002.jpg\n", + "Index 2. Dataset\\Tom_Cruise\\Tom_Cruise_0003.jpg\n", + "Index 3. Dataset\\Tom_Cruise\\Tom_Cruise_0004.jpg\n", + "Index 4. Dataset\\Tom_Cruise\\Tom_Cruise_0005.jpg\n", + "Index 5. Dataset\\Tom_Cruise\\Tom_Cruise_0006.jpg\n", + "Index 6. Dataset\\Tom_Cruise\\Tom_Cruise_0007.jpg\n", + "Index 7. Dataset\\Tom_Cruise\\Tom_Cruise_0008.jpg\n", + "Index 8. Dataset\\Tom_Cruise\\Tom_Cruise_0009.jpg\n", + "Index 9. Dataset\\Tom_Cruise\\Tom_Cruise_0010.jpg\n", + "Index 0. Dataset\\Tom_Daschle\\Tom_Daschle_0001.jpg\n", + "Index 1. Dataset\\Tom_Daschle\\Tom_Daschle_0002.jpg\n", + "Index 2. Dataset\\Tom_Daschle\\Tom_Daschle_0003.jpg\n", + "Index 3. Dataset\\Tom_Daschle\\Tom_Daschle_0004.jpg\n", + "Index 4. Dataset\\Tom_Daschle\\Tom_Daschle_0005.jpg\n", + "Index 5. Dataset\\Tom_Daschle\\Tom_Daschle_0006.jpg\n", + "Index 6. Dataset\\Tom_Daschle\\Tom_Daschle_0007.jpg\n", + "Index 7. Dataset\\Tom_Daschle\\Tom_Daschle_0008.jpg\n", + "Index 8. Dataset\\Tom_Daschle\\Tom_Daschle_0009.jpg\n", + "Index 9. Dataset\\Tom_Daschle\\Tom_Daschle_0010.jpg\n", + "Index 0. Dataset\\Tom_Hanks\\Tom_Hanks_0001.jpg\n", + "Index 1. Dataset\\Tom_Hanks\\Tom_Hanks_0002.jpg\n", + "Index 1. Dataset\\Tom_Hanks\\Tom_Hanks_0002.jpg\n", + "Index 2. Dataset\\Tom_Hanks\\Tom_Hanks_0003.jpg\n", + "Index 3. Dataset\\Tom_Hanks\\Tom_Hanks_0004.jpg\n", + "Index 4. Dataset\\Tom_Hanks\\Tom_Hanks_0005.jpg\n", + "Index 5. Dataset\\Tom_Hanks\\Tom_Hanks_0006.jpg\n", + "Index 6. Dataset\\Tom_Hanks\\Tom_Hanks_0007.jpg\n", + "Index 7. Dataset\\Tom_Hanks\\Tom_Hanks_0008.jpg\n", + "Index 8. Dataset\\Tom_Hanks\\Tom_Hanks_0009.jpg\n", + "Index 8. Dataset\\Tom_Hanks\\Tom_Hanks_0009.jpg\n", + "Index 9. Dataset\\Tom_Hanks\\Tom_Hanks_0010.jpg\n", + "Index 0. Dataset\\Tom_Harkin\\Tom_Harkin_0001.jpg\n", + "Index 1. Dataset\\Tom_Harkin\\Tom_Harkin_0002.jpg\n", + "Index 2. Dataset\\Tom_Harkin\\Tom_Harkin_0003.jpg\n", + "Index 3. Dataset\\Tom_Harkin\\Tom_Harkin_0004.jpg\n", + "Index 4. Dataset\\Tom_Harkin\\Tom_Harkin_0005.jpg\n", + "Index 0. Dataset\\Tom_Ridge\\Tom_Ridge_0001.jpg\n", + "Index 1. Dataset\\Tom_Ridge\\Tom_Ridge_0002.jpg\n", + "Index 2. Dataset\\Tom_Ridge\\Tom_Ridge_0003.jpg\n", + "Index 3. Dataset\\Tom_Ridge\\Tom_Ridge_0004.jpg\n", + "Index 4. Dataset\\Tom_Ridge\\Tom_Ridge_0005.jpg\n", + "Index 5. Dataset\\Tom_Ridge\\Tom_Ridge_0006.jpg\n", + "Index 6. Dataset\\Tom_Ridge\\Tom_Ridge_0007.jpg\n", + "Index 7. Dataset\\Tom_Ridge\\Tom_Ridge_0008.jpg\n", + "Index 8. Dataset\\Tom_Ridge\\Tom_Ridge_0009.jpg\n", + "Index 9. Dataset\\Tom_Ridge\\Tom_Ridge_0010.jpg\n", + "Index 0. Dataset\\Tony_Blair\\Tony_Blair_0001.jpg\n", + "Index 1. Dataset\\Tony_Blair\\Tony_Blair_0002.jpg\n", + "Index 2. Dataset\\Tony_Blair\\Tony_Blair_0003.jpg\n", + "Index 3. Dataset\\Tony_Blair\\Tony_Blair_0004.jpg\n", + "Index 4. Dataset\\Tony_Blair\\Tony_Blair_0005.jpg\n", + "Index 5. Dataset\\Tony_Blair\\Tony_Blair_0006.jpg\n", + "Index 6. Dataset\\Tony_Blair\\Tony_Blair_0007.jpg\n", + "Index 7. Dataset\\Tony_Blair\\Tony_Blair_0008.jpg\n", + "Index 8. Dataset\\Tony_Blair\\Tony_Blair_0009.jpg\n", + "Index 9. Dataset\\Tony_Blair\\Tony_Blair_0010.jpg\n", + "Index 0. Dataset\\Tony_Stewart\\Tony_Stewart_0001.jpg\n", + "Index 1. Dataset\\Tony_Stewart\\Tony_Stewart_0002.jpg\n", + "Index 2. Dataset\\Tony_Stewart\\Tony_Stewart_0003.jpg\n", + "Index 3. Dataset\\Tony_Stewart\\Tony_Stewart_0004.jpg\n", + "Index 4. Dataset\\Tony_Stewart\\Tony_Stewart_0005.jpg\n", + "Index 5. Dataset\\Tony_Stewart\\Tony_Stewart_0006.jpg\n", + "Index 0. Dataset\\Trent_Lott\\Trent_Lott_0001.jpg\n", + "Index 1. Dataset\\Trent_Lott\\Trent_Lott_0002.jpg\n", + "Index 2. Dataset\\Trent_Lott\\Trent_Lott_0003.jpg\n", + "Index 3. Dataset\\Trent_Lott\\Trent_Lott_0004.jpg\n", + "Index 4. Dataset\\Trent_Lott\\Trent_Lott_0005.jpg\n", + "Index 5. Dataset\\Trent_Lott\\Trent_Lott_0006.jpg\n", + "Index 6. Dataset\\Trent_Lott\\Trent_Lott_0007.jpg\n", + "Index 7. Dataset\\Trent_Lott\\Trent_Lott_0008.jpg\n", + "Index 8. Dataset\\Trent_Lott\\Trent_Lott_0009.jpg\n", + "Index 9. Dataset\\Trent_Lott\\Trent_Lott_0010.jpg\n", + "Index 1. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0002.jpg\n", + "Index 3. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0004.jpg\n", + "Index 4. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0005.jpg\n", + "Index 5. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0006.jpg\n", + "Index 6. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0007.jpg\n", + "Index 7. Dataset\\Tung_Chee-hwa\\Tung_Chee-hwa_0008.jpg\n", + "Index 0. Dataset\\Vaclav_Havel\\Vaclav_Havel_0001.jpg\n", + "Index 1. Dataset\\Vaclav_Havel\\Vaclav_Havel_0002.jpg\n", + "Index 2. Dataset\\Vaclav_Havel\\Vaclav_Havel_0003.jpg\n", + "Index 3. Dataset\\Vaclav_Havel\\Vaclav_Havel_0004.jpg\n", + "Index 4. Dataset\\Vaclav_Havel\\Vaclav_Havel_0005.jpg\n", + "Index 5. Dataset\\Vaclav_Havel\\Vaclav_Havel_0006.jpg\n", + "Index 6. Dataset\\Vaclav_Havel\\Vaclav_Havel_0007.jpg\n", + "Index 7. Dataset\\Vaclav_Havel\\Vaclav_Havel_0008.jpg\n", + "Index 1. Dataset\\Valentino_Rossi\\Valentino_Rossi_0002.jpg\n", + "Index 2. Dataset\\Valentino_Rossi\\Valentino_Rossi_0003.jpg\n", + "Index 3. Dataset\\Valentino_Rossi\\Valentino_Rossi_0004.jpg\n", + "Index 4. Dataset\\Valentino_Rossi\\Valentino_Rossi_0005.jpg\n", + "Index 5. Dataset\\Valentino_Rossi\\Valentino_Rossi_0006.jpg\n", + "Index 0. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0001.jpg\n", + "Index 1. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0002.jpg\n", + "Index 2. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0003.jpg\n", + "Index 3. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0004.jpg\n", + "Index 4. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0005.jpg\n", + "Index 5. Dataset\\Valery_Giscard_dEstaing\\Valery_Giscard_dEstaing_0006.jpg\n", + "Index 0. Dataset\\Vanessa_Redgrave\\Vanessa_Redgrave_0001.jpg\n", + "Index 1. Dataset\\Vanessa_Redgrave\\Vanessa_Redgrave_0002.jpg\n", + "Index 2. Dataset\\Vanessa_Redgrave\\Vanessa_Redgrave_0003.jpg\n", + "Index 3. Dataset\\Vanessa_Redgrave\\Vanessa_Redgrave_0004.jpg\n", + "Index 4. Dataset\\Vanessa_Redgrave\\Vanessa_Redgrave_0005.jpg\n", + "Index 0. Dataset\\Venus_Williams\\Venus_Williams_0001.jpg\n", + "Index 1. Dataset\\Venus_Williams\\Venus_Williams_0002.jpg\n", + "Index 3. Dataset\\Venus_Williams\\Venus_Williams_0004.jpg\n", + "Index 4. Dataset\\Venus_Williams\\Venus_Williams_0005.jpg\n", + "Index 6. Dataset\\Venus_Williams\\Venus_Williams_0007.jpg\n", + "Index 7. Dataset\\Venus_Williams\\Venus_Williams_0008.jpg\n", + "Index 8. Dataset\\Venus_Williams\\Venus_Williams_0009.jpg\n", + "Index 0. Dataset\\Vicente_Fernandez\\Vicente_Fernandez_0001.jpg\n", + "Index 1. Dataset\\Vicente_Fernandez\\Vicente_Fernandez_0002.jpg\n", + "Index 2. Dataset\\Vicente_Fernandez\\Vicente_Fernandez_0003.jpg\n", + "Index 3. Dataset\\Vicente_Fernandez\\Vicente_Fernandez_0004.jpg\n", + "Index 4. Dataset\\Vicente_Fernandez\\Vicente_Fernandez_0005.jpg\n", + "Index 0. Dataset\\Vicente_Fox\\Vicente_Fox_0001.jpg\n", + "Index 1. Dataset\\Vicente_Fox\\Vicente_Fox_0002.jpg\n", + "Index 2. Dataset\\Vicente_Fox\\Vicente_Fox_0003.jpg\n", + "Index 3. Dataset\\Vicente_Fox\\Vicente_Fox_0004.jpg\n", + "Index 4. Dataset\\Vicente_Fox\\Vicente_Fox_0005.jpg\n", + "Index 5. Dataset\\Vicente_Fox\\Vicente_Fox_0006.jpg\n", + "Index 6. Dataset\\Vicente_Fox\\Vicente_Fox_0007.jpg\n", + "Index 7. Dataset\\Vicente_Fox\\Vicente_Fox_0008.jpg\n", + "Index 8. Dataset\\Vicente_Fox\\Vicente_Fox_0009.jpg\n", + "Index 9. Dataset\\Vicente_Fox\\Vicente_Fox_0010.jpg\n", + "Index 0. Dataset\\Victoria_Clarke\\Victoria_Clarke_0001.jpg\n", + "Index 1. Dataset\\Victoria_Clarke\\Victoria_Clarke_0002.jpg\n", + "Index 2. Dataset\\Victoria_Clarke\\Victoria_Clarke_0003.jpg\n", + "Index 3. Dataset\\Victoria_Clarke\\Victoria_Clarke_0004.jpg\n", + "Index 4. Dataset\\Victoria_Clarke\\Victoria_Clarke_0005.jpg\n", + "Index 0. Dataset\\Vincent_Brooks\\Vincent_Brooks_0001.jpg\n", + "Index 1. Dataset\\Vincent_Brooks\\Vincent_Brooks_0002.jpg\n", + "Index 2. Dataset\\Vincent_Brooks\\Vincent_Brooks_0003.jpg\n", + "Index 3. Dataset\\Vincent_Brooks\\Vincent_Brooks_0004.jpg\n", + "Index 6. Dataset\\Vincent_Brooks\\Vincent_Brooks_0007.jpg\n", + "Index 0. Dataset\\Vladimir_Putin\\Vladimir_Putin_0001.jpg\n", + "Index 1. Dataset\\Vladimir_Putin\\Vladimir_Putin_0002.jpg\n", + "Index 2. Dataset\\Vladimir_Putin\\Vladimir_Putin_0003.jpg\n", + "Index 3. Dataset\\Vladimir_Putin\\Vladimir_Putin_0004.jpg\n", + "Index 3. Dataset\\Vladimir_Putin\\Vladimir_Putin_0004.jpg\n", + "Index 4. Dataset\\Vladimir_Putin\\Vladimir_Putin_0005.jpg\n", + "Index 5. Dataset\\Vladimir_Putin\\Vladimir_Putin_0006.jpg\n", + "Index 6. Dataset\\Vladimir_Putin\\Vladimir_Putin_0007.jpg\n", + "Index 7. Dataset\\Vladimir_Putin\\Vladimir_Putin_0008.jpg\n", + "Index 8. Dataset\\Vladimir_Putin\\Vladimir_Putin_0009.jpg\n", + "Index 9. Dataset\\Vladimir_Putin\\Vladimir_Putin_0010.jpg\n", + "Index 0. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0001.jpg\n", + "Index 1. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0002.jpg\n", + "Index 2. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0003.jpg\n", + "Index 3. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0004.jpg\n", + "Index 4. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0005.jpg\n", + "Index 4. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0005.jpg\n", + "Index 4. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0005.jpg\n", + "Index 5. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0006.jpg\n", + "Index 6. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0007.jpg\n", + "Index 6. Dataset\\Vojislav_Kostunica\\Vojislav_Kostunica_0007.jpg\n", + "Index 0. Dataset\\Walter_Mondale\\Walter_Mondale_0001.jpg\n", + "Index 1. Dataset\\Walter_Mondale\\Walter_Mondale_0002.jpg\n", + "Index 2. Dataset\\Walter_Mondale\\Walter_Mondale_0003.jpg\n", + "Index 3. Dataset\\Walter_Mondale\\Walter_Mondale_0004.jpg\n", + "Index 4. Dataset\\Walter_Mondale\\Walter_Mondale_0005.jpg\n", + "Index 5. Dataset\\Walter_Mondale\\Walter_Mondale_0006.jpg\n", + "Index 6. Dataset\\Walter_Mondale\\Walter_Mondale_0007.jpg\n", + "Index 7. Dataset\\Walter_Mondale\\Walter_Mondale_0008.jpg\n", + "Index 8. Dataset\\Walter_Mondale\\Walter_Mondale_0009.jpg\n", + "Index 9. Dataset\\Walter_Mondale\\Walter_Mondale_0010.jpg\n", + "Index 0. Dataset\\Wayne_Ferreira\\Wayne_Ferreira_0001.jpg\n", + "Index 1. Dataset\\Wayne_Ferreira\\Wayne_Ferreira_0002.jpg\n", + "Index 2. Dataset\\Wayne_Ferreira\\Wayne_Ferreira_0003.jpg\n", + "Index 3. Dataset\\Wayne_Ferreira\\Wayne_Ferreira_0004.jpg\n", + "Index 4. Dataset\\Wayne_Ferreira\\Wayne_Ferreira_0005.jpg\n", + "Index 0. Dataset\\Wen_Jiabao\\Wen_Jiabao_0001.jpg\n", + "Index 1. Dataset\\Wen_Jiabao\\Wen_Jiabao_0002.jpg\n", + "Index 2. Dataset\\Wen_Jiabao\\Wen_Jiabao_0003.jpg\n", + "Index 3. Dataset\\Wen_Jiabao\\Wen_Jiabao_0004.jpg\n", + "Index 4. Dataset\\Wen_Jiabao\\Wen_Jiabao_0005.jpg\n", + "Index 5. Dataset\\Wen_Jiabao\\Wen_Jiabao_0006.jpg\n", + "Index 6. Dataset\\Wen_Jiabao\\Wen_Jiabao_0007.jpg\n", + "Index 7. Dataset\\Wen_Jiabao\\Wen_Jiabao_0008.jpg\n", + "Index 8. Dataset\\Wen_Jiabao\\Wen_Jiabao_0009.jpg\n", + "Index 9. Dataset\\Wen_Jiabao\\Wen_Jiabao_0010.jpg\n", + "Index 0. Dataset\\William_Donaldson\\William_Donaldson_0001.jpg\n", + "Index 1. Dataset\\William_Donaldson\\William_Donaldson_0002.jpg\n", + "Index 2. Dataset\\William_Donaldson\\William_Donaldson_0003.jpg\n", + "Index 3. Dataset\\William_Donaldson\\William_Donaldson_0004.jpg\n", + "Index 4. Dataset\\William_Donaldson\\William_Donaldson_0005.jpg\n", + "Index 5. Dataset\\William_Donaldson\\William_Donaldson_0006.jpg\n", + "Index 6. Dataset\\William_Donaldson\\William_Donaldson_0007.jpg\n", + "Index 0. Dataset\\William_Ford_Jr\\William_Ford_Jr_0001.jpg\n", + "Index 1. Dataset\\William_Ford_Jr\\William_Ford_Jr_0002.jpg\n", + "Index 2. Dataset\\William_Ford_Jr\\William_Ford_Jr_0003.jpg\n", + "Index 3. Dataset\\William_Ford_Jr\\William_Ford_Jr_0004.jpg\n", + "Index 4. Dataset\\William_Ford_Jr\\William_Ford_Jr_0005.jpg\n", + "Index 5. Dataset\\William_Ford_Jr\\William_Ford_Jr_0006.jpg\n", + "Index 6. Dataset\\William_Ford_Jr\\William_Ford_Jr_0007.jpg\n", + "Index 0. Dataset\\William_Macy\\William_Macy_0001.jpg\n", + "Index 1. Dataset\\William_Macy\\William_Macy_0002.jpg\n", + "Index 2. Dataset\\William_Macy\\William_Macy_0003.jpg\n", + "Index 3. Dataset\\William_Macy\\William_Macy_0004.jpg\n", + "Index 4. Dataset\\William_Macy\\William_Macy_0005.jpg\n", + "Index 0. Dataset\\Winona_Ryder\\Winona_Ryder_0001.jpg\n", + "Index 1. Dataset\\Winona_Ryder\\Winona_Ryder_0002.jpg\n", + "Index 2. Dataset\\Winona_Ryder\\Winona_Ryder_0003.jpg\n", + "Index 3. Dataset\\Winona_Ryder\\Winona_Ryder_0004.jpg\n", + "Index 4. Dataset\\Winona_Ryder\\Winona_Ryder_0005.jpg\n", + "Index 5. Dataset\\Winona_Ryder\\Winona_Ryder_0006.jpg\n", + "Index 6. Dataset\\Winona_Ryder\\Winona_Ryder_0007.jpg\n", + "Index 6. Dataset\\Winona_Ryder\\Winona_Ryder_0007.jpg\n", + "Index 7. Dataset\\Winona_Ryder\\Winona_Ryder_0008.jpg\n", + "Index 8. Dataset\\Winona_Ryder\\Winona_Ryder_0009.jpg\n", + "Index 9. Dataset\\Winona_Ryder\\Winona_Ryder_0010.jpg\n", + "Index 0. Dataset\\Woody_Allen\\Woody_Allen_0001.jpg\n", + "Index 0. Dataset\\Woody_Allen\\Woody_Allen_0001.jpg\n", + "Index 2. Dataset\\Woody_Allen\\Woody_Allen_0003.jpg\n", + "Index 3. Dataset\\Woody_Allen\\Woody_Allen_0004.jpg\n", + "Index 4. Dataset\\Woody_Allen\\Woody_Allen_0005.jpg\n", + "Index 0. Dataset\\Xanana_Gusmao\\Xanana_Gusmao_0001.jpg\n", + "Index 1. Dataset\\Xanana_Gusmao\\Xanana_Gusmao_0002.jpg\n", + "Index 2. Dataset\\Xanana_Gusmao\\Xanana_Gusmao_0003.jpg\n", + "Index 4. Dataset\\Xanana_Gusmao\\Xanana_Gusmao_0005.jpg\n", + "Index 0. Dataset\\Xavier_Malisse\\Xavier_Malisse_0001.jpg\n", + "Index 2. Dataset\\Xavier_Malisse\\Xavier_Malisse_0003.jpg\n", + "Index 4. Dataset\\Xavier_Malisse\\Xavier_Malisse_0005.jpg\n", + "Index 0. Dataset\\Yao_Ming\\Yao_Ming_0001.jpg\n", + "Index 1. Dataset\\Yao_Ming\\Yao_Ming_0002.jpg\n", + "Index 2. Dataset\\Yao_Ming\\Yao_Ming_0003.jpg\n", + "Index 3. Dataset\\Yao_Ming\\Yao_Ming_0004.jpg\n", + "Index 4. Dataset\\Yao_Ming\\Yao_Ming_0005.jpg\n", + "Index 5. Dataset\\Yao_Ming\\Yao_Ming_0006.jpg\n", + "Index 6. Dataset\\Yao_Ming\\Yao_Ming_0007.jpg\n", + "Index 7. Dataset\\Yao_Ming\\Yao_Ming_0008.jpg\n", + "Index 0. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0001.jpg\n", + "Index 1. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0002.jpg\n", + "Index 2. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0003.jpg\n", + "Index 3. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0004.jpg\n", + "Index 4. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0005.jpg\n", + "Index 5. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0006.jpg\n", + "Index 6. Dataset\\Yashwant_Sinha\\Yashwant_Sinha_0007.jpg\n", + "Index 1. Dataset\\Yasser_Arafat\\Yasser_Arafat_0002.jpg\n", + "Index 2. Dataset\\Yasser_Arafat\\Yasser_Arafat_0003.jpg\n", + "Index 5. Dataset\\Yasser_Arafat\\Yasser_Arafat_0006.jpg\n", + "Index 7. Dataset\\Yasser_Arafat\\Yasser_Arafat_0008.jpg\n", + "Index 0. Dataset\\Yoko_Ono\\Yoko_Ono_0001.jpg\n", + "Index 1. Dataset\\Yoko_Ono\\Yoko_Ono_0002.jpg\n", + "Index 2. Dataset\\Yoko_Ono\\Yoko_Ono_0003.jpg\n", + "Index 3. Dataset\\Yoko_Ono\\Yoko_Ono_0004.jpg\n", + "Index 4. Dataset\\Yoko_Ono\\Yoko_Ono_0005.jpg\n", + "Index 5. Dataset\\Yoko_Ono\\Yoko_Ono_0006.jpg\n", + "Index 0. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0001.jpg\n", + "Index 1. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0002.jpg\n", + "Index 2. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0003.jpg\n", + "Index 3. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0004.jpg\n", + "Index 4. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0005.jpg\n", + "Index 5. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0006.jpg\n", + "Index 6. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0007.jpg\n", + "Index 7. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0008.jpg\n", + "Index 8. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0009.jpg\n", + "Index 9. Dataset\\Yoriko_Kawaguchi\\Yoriko_Kawaguchi_0010.jpg\n", + "Index 0. Dataset\\Zhu_Rongji\\Zhu_Rongji_0001.jpg\n", + "Index 1. Dataset\\Zhu_Rongji\\Zhu_Rongji_0002.jpg\n", + "Index 2. Dataset\\Zhu_Rongji\\Zhu_Rongji_0003.jpg\n", + "Index 3. Dataset\\Zhu_Rongji\\Zhu_Rongji_0004.jpg\n", + "Index 4. Dataset\\Zhu_Rongji\\Zhu_Rongji_0005.jpg\n", + "Index 5. Dataset\\Zhu_Rongji\\Zhu_Rongji_0006.jpg\n", + "Index 6. Dataset\\Zhu_Rongji\\Zhu_Rongji_0007.jpg\n", + "Index 7. Dataset\\Zhu_Rongji\\Zhu_Rongji_0008.jpg\n", + "Index 8. Dataset\\Zhu_Rongji\\Zhu_Rongji_0009.jpg\n", + "Index 0. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0001.jpg\n", + "Index 1. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0002.jpg\n", + "Index 2. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0003.jpg\n", + "Index 3. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0004.jpg\n", + "Index 4. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0005.jpg\n", + "Index 5. Dataset\\Zinedine_Zidane\\Zinedine_Zidane_0006.jpg\n", + "Train dataset len: 2814\n", + "Test dataset len: 425\n" + ] + } + ], + "source": [ + "model.load_data(\"Dataset\")" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "425\n", + "['Abdullah_Gul' 'Adrien_Brody' 'Ai_Sugiyama' 'Al_Gore' 'Al_Sharpton'\n", + " 'Alan_Greenspan' 'Alastair_Campbell' 'Albert_Costa' 'Alejandro_Toledo'\n", + " 'Ali_Naimi' 'Allyson_Felix' 'Alvaro_Uribe' 'Alvian Devano Sugiarto'\n", + " 'Amelia_Vega' 'Amelie_Mauresmo' 'Ana_Guevara' 'Ana_Palacio'\n", + " 'Andre_Agassi' 'Andy_Roddick' 'Angela_Bassett' 'Angela_Merkel'\n", + " 'Angelina_Jolie' 'Ann_Veneman' 'Anna_Kournikova' 'Antonio_Banderas'\n", + " 'Antonio_Palocci' 'Ari_Fleischer' 'Ariel_Sharon' 'Arminio_Fraga'\n", + " 'Arnold_Schwarzenegger' 'Arnoldo_Aleman' 'Ashanti' 'Atal_Bihari_Vajpayee'\n", + " 'Ben_Affleck' 'Benazir_Bhutto' 'Benjamin_Netanyahu' 'Bernard_Law'\n", + " 'Bertie_Ahern' 'Bill_Clinton' 'Bill_Frist' 'Bill_Gates' 'Bill_Graham'\n", + " 'Bill_McBride' 'Bill_Simon' 'Billy_Crystal' 'Binyamin_Ben-Eliezer'\n", + " 'Bob_Graham' 'Bob_Hope' 'Bob_Stoops' 'Boris_Becker' 'Brad_Johnson'\n", + " 'Britney_Spears' 'Bulent_Ecevit' 'Calista_Flockhart' 'Cameron_Diaz'\n", + " 'Carla_Del_Ponte' 'Carlos_Menem' 'Carlos_Moya' 'Carmen_Electra'\n", + " 'Carrie-Anne_Moss' 'Catherine_Deneuve' 'Catherine_Zeta-Jones'\n", + " 'Celine_Dion' 'Cesar_Gaviria' 'Chanda_Rubin' 'Charles_Moose'\n", + " 'Charles_Taylor' 'Charlton_Heston' 'Chen_Shui-bian' 'Choi_Sung-hong'\n", + " 'Christine_Baumgartner' 'Christine_Todd_Whitman' 'Ciro_Gomes'\n", + " 'Clara_Harris' 'Claudia_Pechstein' 'Clay_Aiken' 'Clint_Eastwood'\n", + " 'Colin_Farrell' 'Colin_Montgomerie' 'Colin_Powell' 'Condoleezza_Rice'\n", + " 'Costas_Simitis' 'Cruz_Bustamante' 'David_Anderson' 'David_Beckham'\n", + " 'David_Heymann' 'David_Nalbandian' 'David_Trimble' 'David_Wells'\n", + " 'Dennis_Hastert' 'Dennis_Kucinich' 'Denzel_Washington' 'Diana_Krall'\n", + " 'Dick_Cheney' 'Dominique_de_Villepin' 'Donald_Rumsfeld' 'Edmund_Stoiber'\n", + " 'Eduard_Shevardnadze' 'Eduardo_Duhalde' 'Edward_Lu' 'Elizabeth_Hurley'\n", + " 'Elizabeth_Smart' 'Elsa_Zylberstein' 'Elton_John' 'Emanuel_Ginobili'\n", + " 'Emma_Watson' 'Enrique_Bolanos' 'Erika_Harold' 'Fernando_Gonzalez'\n", + " 'Fernando_Henrique_Cardoso' 'Fidel_Castro' 'Frank_Solich' 'Fujio_Cho'\n", + " 'Gene_Robinson' 'Geoff_Hoon' 'George_Clooney' 'George_HW_Bush'\n", + " 'George_Lopez' 'George_Pataki' 'George_Robertson' 'George_W_Bush'\n", + " 'Gerhard_Schroeder' 'Gerry_Adams' 'Gil_de_Ferran'\n", + " 'Gloria_Macapagal_Arroyo' 'Goldie_Hawn' 'Gonzalo_Sanchez_de_Lozada'\n", + " 'Gordon_Brown' 'Grant_Hackett' 'Gray_Davis' 'Gregg_Popovich'\n", + " 'Guillermo_Coria' 'Gunter_Pleuger' 'Gwyneth_Paltrow' 'Habib_Rizieq'\n", + " 'Hal_Gehman' 'Halle_Berry' 'Hamid_Karzai' 'Hans_Blix' 'Harrison_Ford'\n", + " 'Heidi_Klum' 'Heizo_Takenaka' 'Hillary_Clinton' 'Hitomi_Soga'\n", + " 'Holly_Hunter' 'Hosni_Mubarak' 'Howard_Dean' 'Hu_Jintao' 'Hugh_Grant'\n", + " 'Hugo_Chavez' 'Ian_Thorpe' 'Igor_Ivanov' 'JK_Rowling' 'Jack_Straw'\n", + " 'Jackie_Chan' 'Jacques_Chirac' 'Jacques_Rogge' 'Jake_Gyllenhaal'\n", + " 'James_Blake' 'James_Kelly' 'James_Wolfensohn' 'Jan_Ullrich' 'Jason_Kidd'\n", + " 'Javier_Solana' 'Jay_Garner' 'Jean-David_Levitte' 'Jean-Pierre_Raffarin'\n", + " 'Jean_Charest' 'Jean_Chretien' 'Jeb_Bush' 'Jelena_Dokic'\n", + " 'Jennifer_Aniston' 'Jennifer_Capriati' 'Jennifer_Garner' 'Jennifer_Lopez'\n", + " 'Jeong_Se-hyun' 'Jeremy_Greenstock' 'Jesse_Jackson' 'Jiang_Zemin'\n", + " 'Jim_Furyk' 'Jimmy_Carter' 'Jiri_Novak' 'Joan_Laporta' 'Joe_Lieberman'\n", + " 'John_Abizaid' 'John_Allen_Muhammad' 'John_Ashcroft' 'John_Bolton'\n", + " 'John_Edwards' 'John_Howard' 'John_Kerry' 'John_Manley' 'John_McCain'\n", + " 'John_Negroponte' 'John_Paul_II' 'John_Snow' 'John_Stockton'\n", + " 'John_Travolta' 'Jon_Gruden' 'Jonathan_Edwards' 'Joschka_Fischer'\n", + " 'Jose_Manuel_Durao_Barroso' 'Jose_Maria_Aznar' 'Jose_Serra'\n", + " 'Joseph_Biden' 'Juan_Carlos_Ferrero' 'Juan_Pablo_Montoya'\n", + " 'Julianne_Moore' 'Julie_Gerberding' 'Junichiro_Koizumi'\n", + " 'Justin_Timberlake' 'Justine_Pasek' 'Kalpana_Chawla' 'Kamal_Kharrazi'\n", + " 'Kate_Hudson' 'Keanu_Reeves' 'Kevin_Costner' 'Kevin_Spacey'\n", + " 'Kim_Clijsters' 'Kim_Dae-jung' 'Kim_Ryong-sung' 'King_Abdullah_II'\n", + " 'Kofi_Annan' 'Kristanna_Loken' 'Kurt_Warner' 'Lance_Armstrong'\n", + " 'Lance_Bass' 'Larry_Brown' 'Laura_Bush' 'LeBron_James'\n", + " 'Leonardo_DiCaprio' 'Leonid_Kuchma' 'Li_Peng' 'Li_Zhaoxing'\n", + " 'Lindsay_Davenport' 'Liza_Minnelli' 'Lleyton_Hewitt' 'Lucio_Gutierrez'\n", + " 'Lucy_Liu' 'Ludivine_Sagnier' 'Luis_Ernesto_Derbez_Bautista'\n", + " 'Luis_Gonzalez_Macchi' 'Luis_Horna' 'Luiz_Inacio_Lula_da_Silva' 'Madonna'\n", + " 'Mahathir_Mohamad' 'Mahmoud_Abbas' 'Marcelo_Rios' 'Marco_Antonio_Barrera'\n", + " 'Maria_Shriver' 'Maria_Soledad_Alvear_Valenzuela' 'Mariah_Carey'\n", + " 'Mark_Hurlbert' 'Mark_Philippoussis' 'Martha_Stewart' 'Martin_McGuinness'\n", + " 'Martin_Scorsese' 'Martina_McBride' 'Matthew_Perry'\n", + " 'Megawati_Sukarnoputri' 'Meryl_Streep' 'Michael_Bloomberg'\n", + " 'Michael_Chang' 'Michael_Chiklis' 'Michael_Douglas' 'Michael_Jackson'\n", + " 'Michael_Phelps' 'Michael_Powell' 'Michael_Schumacher' 'Michelle_Kwan'\n", + " 'Michelle_Yeoh' 'Mick_Jagger' 'Mike_Krzyzewski' 'Mike_Martz' 'Mike_Myers'\n", + " 'Mike_Weir' 'Mireya_Moscoso' 'Mohamed_ElBaradei' 'Mohammad_Khatami'\n", + " 'Mohammed_Al-Douri' 'Monica_Seles' 'Muhammad_Ali'\n", + " 'Muhammad_Saeed_al-Sahhaf' 'Nadia_Petrova' 'Naji_Sabri' 'Nancy_Pelosi'\n", + " 'Naomi_Watts' 'Natalie_Coughlin' 'Natalie_Maines' 'Nestor_Kirchner'\n", + " 'Nia_Vardalos' 'Nicanor_Duarte_Frutos' 'Nick_Nolte' 'Nicole_Kidman'\n", + " 'Norah_Jones' 'Norm_Coleman' 'Oscar_De_La_Hoya' 'Oswaldo_Paya'\n", + " 'Owen Tamashi Buntoro' 'Pamela_Anderson' 'Paradorn_Srichaphan'\n", + " 'Paul_Bremer' 'Paul_Burrell' 'Paul_Martin' 'Paul_McCartney' 'Paul_ONeill'\n", + " 'Paul_Wolfowitz' 'Paula_Radcliffe' 'Pedro_Almodovar' 'Pedro_Malan'\n", + " 'Pervez_Musharraf' 'Pete_Sampras' 'Peter_Struck' 'Pierce_Brosnan'\n", + " 'Prince_Charles' 'Princess_Caroline' 'Queen_Elizabeth_II' 'Queen_Rania'\n", + " 'Rainer_Schuettler' 'Ralf_Schumacher' 'Ray_Romano' 'Recep_Tayyip_Erdogan'\n", + " 'Rendy Susanto' 'Renee_Zellweger' 'Ricardo_Lagos' 'Ricardo_Sanchez'\n", + " 'Richard_Armitage' 'Richard_Gephardt' 'Richard_Gere' 'Richard_Myers'\n", + " 'Richard_Virenque' 'Rick_Perry' 'Rob_Marshall' 'Robert_Blake'\n", + " 'Robert_De_Niro' 'Robert_Duvall' 'Robert_Kocharian' 'Robert_Mueller'\n", + " 'Robert_Redford' 'Robert_Zoellick' 'Roger_Federer' 'Roger_Moore'\n", + " 'Roh_Moo-hyun' 'Roman_Polanski' 'Romano_Prodi' 'Ron_Dittemore'\n", + " 'Roy_Moore' 'Rubens_Barrichello' 'Rudolph_Giuliani' 'Russell_Simmons'\n", + " 'Saddam_Hussein' 'Salma_Hayek' 'Sarah_Hughes' 'Sarah_Jessica_Parker'\n", + " 'Scott_McClellan' 'Scott_Peterson' 'Sean_OKeefe' 'Serena_Williams'\n", + " 'Sergei_Ivanov' 'Sergey_Lavrov' 'Sergio_Vieira_De_Mello' 'Sharon_Stone'\n", + " 'Sheryl_Crow' 'Shimon_Peres' 'Silvan_Shalom' 'Silvio_Berlusconi'\n", + " 'Sophia_Loren' 'Sourav_Ganguly' 'Spencer_Abraham' 'Steffi_Graf'\n", + " 'Steve_Lavin' 'Steve_Nash' 'Steven_Spielberg' 'Susan_Sarandon'\n", + " 'Sylvester_Stallone' 'Taha_Yassin_Ramadan' 'Tang_Jiaxuan' 'Tariq_Aziz'\n", + " 'Thabo_Mbeki' 'Thaksin_Shinawatra' 'Thomas_OBrien' 'Tiger_Woods'\n", + " 'Tim_Henman' 'Tim_Robbins' 'Tom_Crean' 'Tom_Cruise' 'Tom_Daschle'\n", + " 'Tom_Hanks' 'Tom_Harkin' 'Tom_Ridge' 'Tommy_Franks' 'Tommy_Haas'\n", + " 'Tommy_Thompson' 'Tony_Blair' 'Tony_Stewart' 'Trent_Lott' 'Tung_Chee-hwa'\n", + " 'Vaclav_Havel' 'Valentino_Rossi' 'Valery_Giscard_dEstaing'\n", + " 'Vanessa_Redgrave' 'Venus_Williams' 'Vicente_Fernandez' 'Vicente_Fox'\n", + " 'Victoria_Clarke' 'Vincent_Brooks' 'Vladimir_Putin' 'Vojislav_Kostunica'\n", + " 'Walter_Mondale' 'Wayne_Ferreira' 'Wen_Jiabao' 'William_Donaldson'\n", + " 'William_Ford_Jr' 'William_Macy' 'Winona_Ryder' 'Woody_Allen'\n", + " 'Xanana_Gusmao' 'Xavier_Malisse' 'Yao_Ming' 'Yashwant_Sinha'\n", + " 'Yasser_Arafat' 'Yoko_Ono' 'Yoriko_Kawaguchi' 'Zhu_Rongji'\n", + " 'Zinedine_Zidane']\n" + ] + } + ], + "source": [ + "print(len(model.label_names))\n", + "print(model.label_names)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "WARNING:tensorflow:From d:\\Coding\\Anaconda\\envs\\computer_vision\\lib\\site-packages\\keras\\backend.py:1400: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead.\n", + "\n", + "(8442, 160, 160, 3)\n", + "WARNING:tensorflow:From d:\\Coding\\Anaconda\\envs\\computer_vision\\lib\\site-packages\\keras\\layers\\normalization\\batch_normalization.py:677: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead.\n", + "\n", + "264/264 [==============================] - 136s 496ms/step\n", + "14/14 [==============================] - 8s 559ms/step\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "d:\\Coding\\Anaconda\\envs\\computer_vision\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "d:\\Coding\\Anaconda\\envs\\computer_vision\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "d:\\Coding\\Anaconda\\envs\\computer_vision\\lib\\site-packages\\sklearn\\metrics\\_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n" + ] + } + ], + "source": [ + "model.fit(augmentation=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 1.00 1.00 1.00 1\n", + " 1 1.00 1.00 1.00 1\n", + " 2 1.00 1.00 1.00 1\n", + " 3 1.00 1.00 1.00 1\n", + " 4 1.00 1.00 1.00 1\n", + " 5 1.00 1.00 1.00 1\n", + " 6 1.00 1.00 1.00 1\n", + " 7 1.00 1.00 1.00 1\n", + " 8 1.00 1.00 1.00 1\n", + " 9 1.00 1.00 1.00 1\n", + " 10 1.00 1.00 1.00 1\n", + " 11 1.00 1.00 1.00 1\n", + " 12 1.00 1.00 1.00 1\n", + " 13 1.00 1.00 1.00 1\n", + " 14 1.00 1.00 1.00 1\n", + " 15 1.00 1.00 1.00 1\n", + " 16 1.00 1.00 1.00 1\n", + " 17 1.00 1.00 1.00 1\n", + " 18 1.00 1.00 1.00 1\n", + " 19 1.00 1.00 1.00 1\n", + " 20 1.00 1.00 1.00 1\n", + " 21 1.00 1.00 1.00 1\n", + " 22 1.00 1.00 1.00 1\n", + " 23 1.00 1.00 1.00 1\n", + " 24 1.00 1.00 1.00 1\n", + " 25 1.00 1.00 1.00 1\n", + " 26 1.00 1.00 1.00 1\n", + " 27 1.00 1.00 1.00 1\n", + " 28 0.00 0.00 0.00 1\n", + " 29 1.00 1.00 1.00 1\n", + " 30 1.00 1.00 1.00 1\n", + " 31 1.00 1.00 1.00 1\n", + " 32 1.00 1.00 1.00 1\n", + " 33 1.00 1.00 1.00 1\n", + " 34 1.00 1.00 1.00 1\n", + " 35 1.00 1.00 1.00 1\n", + " 36 1.00 1.00 1.00 1\n", + " 37 1.00 1.00 1.00 1\n", + " 38 1.00 1.00 1.00 1\n", + " 39 1.00 1.00 1.00 1\n", + " 40 1.00 1.00 1.00 1\n", + " 41 1.00 1.00 1.00 1\n", + " 42 1.00 1.00 1.00 1\n", + " 43 1.00 1.00 1.00 1\n", + " 44 1.00 1.00 1.00 1\n", + " 45 1.00 1.00 1.00 1\n", + " 46 1.00 1.00 1.00 1\n", + " 47 1.00 1.00 1.00 1\n", + " 48 1.00 1.00 1.00 1\n", + " 49 1.00 1.00 1.00 1\n", + " 50 1.00 1.00 1.00 1\n", + " 51 1.00 1.00 1.00 1\n", + " 52 1.00 1.00 1.00 1\n", + " 53 1.00 1.00 1.00 1\n", + " 54 1.00 1.00 1.00 1\n", + " 55 1.00 1.00 1.00 1\n", + " 56 0.50 1.00 0.67 1\n", + " 57 1.00 1.00 1.00 1\n", + " 58 1.00 1.00 1.00 1\n", + " 59 1.00 1.00 1.00 1\n", + " 60 1.00 1.00 1.00 1\n", + " 61 1.00 1.00 1.00 1\n", + " 62 1.00 1.00 1.00 1\n", + " 63 1.00 1.00 1.00 1\n", + " 64 1.00 1.00 1.00 1\n", + " 65 1.00 1.00 1.00 1\n", + " 66 1.00 1.00 1.00 1\n", + " 67 1.00 1.00 1.00 1\n", + " 68 1.00 1.00 1.00 1\n", + " 69 1.00 1.00 1.00 1\n", + " 70 1.00 1.00 1.00 1\n", + " 71 1.00 1.00 1.00 1\n", + " 72 1.00 1.00 1.00 1\n", + " 73 1.00 1.00 1.00 1\n", + " 74 1.00 1.00 1.00 1\n", + " 75 1.00 1.00 1.00 1\n", + " 76 1.00 1.00 1.00 1\n", + " 77 1.00 1.00 1.00 1\n", + " 78 1.00 1.00 1.00 1\n", + " 79 1.00 1.00 1.00 1\n", + " 80 1.00 1.00 1.00 1\n", + " 81 0.00 0.00 0.00 1\n", + " 82 1.00 1.00 1.00 1\n", + " 83 1.00 1.00 1.00 1\n", + " 84 1.00 1.00 1.00 1\n", + " 85 1.00 1.00 1.00 1\n", + " 86 1.00 1.00 1.00 1\n", + " 87 1.00 1.00 1.00 1\n", + " 88 1.00 1.00 1.00 1\n", + " 89 1.00 1.00 1.00 1\n", + " 90 1.00 1.00 1.00 1\n", + " 91 1.00 1.00 1.00 1\n", + " 92 1.00 1.00 1.00 1\n", + " 93 0.00 0.00 0.00 1\n", + " 94 0.50 1.00 0.67 1\n", + " 95 1.00 1.00 1.00 1\n", + " 96 1.00 1.00 1.00 1\n", + " 97 1.00 1.00 1.00 1\n", + " 98 1.00 1.00 1.00 1\n", + " 99 1.00 1.00 1.00 1\n", + " 100 1.00 1.00 1.00 1\n", + " 101 1.00 1.00 1.00 1\n", + " 102 1.00 1.00 1.00 1\n", + " 103 1.00 1.00 1.00 1\n", + " 104 1.00 1.00 1.00 1\n", + " 105 1.00 1.00 1.00 1\n", + " 106 1.00 1.00 1.00 1\n", + " 107 1.00 1.00 1.00 1\n", + " 108 1.00 1.00 1.00 1\n", + " 109 1.00 1.00 1.00 1\n", + " 110 1.00 1.00 1.00 1\n", + " 111 1.00 1.00 1.00 1\n", + " 112 1.00 1.00 1.00 1\n", + " 113 1.00 1.00 1.00 1\n", + " 114 1.00 1.00 1.00 1\n", + " 115 1.00 1.00 1.00 1\n", + " 116 1.00 1.00 1.00 1\n", + " 117 1.00 1.00 1.00 1\n", + " 118 1.00 1.00 1.00 1\n", + " 119 1.00 1.00 1.00 1\n", + " 120 1.00 1.00 1.00 1\n", + " 121 1.00 1.00 1.00 1\n", + " 122 1.00 1.00 1.00 1\n", + " 123 1.00 1.00 1.00 1\n", + " 124 1.00 1.00 1.00 1\n", + " 125 1.00 1.00 1.00 1\n", + " 126 1.00 1.00 1.00 1\n", + " 127 1.00 1.00 1.00 1\n", + " 128 1.00 1.00 1.00 1\n", + " 129 1.00 1.00 1.00 1\n", + " 130 1.00 1.00 1.00 1\n", + " 131 1.00 1.00 1.00 1\n", + " 132 1.00 1.00 1.00 1\n", + " 133 1.00 1.00 1.00 1\n", + " 134 1.00 1.00 1.00 1\n", + " 135 1.00 1.00 1.00 1\n", + " 136 1.00 1.00 1.00 1\n", + " 137 1.00 1.00 1.00 1\n", + " 138 1.00 1.00 1.00 1\n", + " 139 1.00 1.00 1.00 1\n", + " 140 1.00 1.00 1.00 1\n", + " 141 1.00 1.00 1.00 1\n", + " 142 1.00 1.00 1.00 1\n", + " 143 1.00 1.00 1.00 1\n", + " 144 1.00 1.00 1.00 1\n", + " 145 1.00 1.00 1.00 1\n", + " 146 1.00 1.00 1.00 1\n", + " 147 1.00 1.00 1.00 1\n", + " 148 1.00 1.00 1.00 1\n", + " 149 1.00 1.00 1.00 1\n", + " 150 1.00 1.00 1.00 1\n", + " 151 1.00 1.00 1.00 1\n", + " 152 1.00 1.00 1.00 1\n", + " 153 1.00 1.00 1.00 1\n", + " 154 1.00 1.00 1.00 1\n", + " 155 1.00 1.00 1.00 1\n", + " 156 1.00 1.00 1.00 1\n", + " 157 1.00 1.00 1.00 1\n", + " 158 1.00 1.00 1.00 1\n", + " 159 1.00 1.00 1.00 1\n", + " 160 1.00 1.00 1.00 1\n", + " 161 1.00 1.00 1.00 1\n", + " 162 0.50 1.00 0.67 1\n", + " 163 1.00 1.00 1.00 1\n", + " 164 1.00 1.00 1.00 1\n", + " 165 1.00 1.00 1.00 1\n", + " 166 1.00 1.00 1.00 1\n", + " 167 1.00 1.00 1.00 1\n", + " 168 1.00 1.00 1.00 1\n", + " 169 1.00 1.00 1.00 1\n", + " 170 0.50 1.00 0.67 1\n", + " 171 1.00 1.00 1.00 1\n", + " 172 1.00 1.00 1.00 1\n", + " 173 1.00 1.00 1.00 1\n", + " 174 1.00 1.00 1.00 1\n", + " 175 1.00 1.00 1.00 1\n", + " 176 0.00 0.00 0.00 1\n", + " 177 0.00 0.00 0.00 1\n", + " 178 1.00 1.00 1.00 1\n", + " 179 1.00 1.00 1.00 1\n", + " 180 1.00 1.00 1.00 1\n", + " 181 1.00 1.00 1.00 1\n", + " 182 1.00 1.00 1.00 1\n", + " 183 1.00 1.00 1.00 1\n", + " 184 1.00 1.00 1.00 1\n", + " 185 1.00 1.00 1.00 1\n", + " 186 1.00 1.00 1.00 1\n", + " 187 1.00 1.00 1.00 1\n", + " 188 1.00 1.00 1.00 1\n", + " 189 1.00 1.00 1.00 1\n", + " 190 1.00 1.00 1.00 1\n", + " 191 1.00 1.00 1.00 1\n", + " 192 1.00 1.00 1.00 1\n", + " 193 1.00 1.00 1.00 1\n", + " 194 1.00 1.00 1.00 1\n", + " 195 1.00 1.00 1.00 1\n", + " 196 1.00 1.00 1.00 1\n", + " 197 1.00 1.00 1.00 1\n", + " 198 1.00 1.00 1.00 1\n", + " 199 1.00 1.00 1.00 1\n", + " 200 1.00 1.00 1.00 1\n", + " 201 1.00 1.00 1.00 1\n", + " 202 1.00 1.00 1.00 1\n", + " 203 1.00 1.00 1.00 1\n", + " 204 1.00 1.00 1.00 1\n", + " 205 1.00 1.00 1.00 1\n", + " 206 1.00 1.00 1.00 1\n", + " 207 0.00 0.00 0.00 1\n", + " 208 1.00 1.00 1.00 1\n", + " 209 1.00 1.00 1.00 1\n", + " 210 1.00 1.00 1.00 1\n", + " 211 1.00 1.00 1.00 1\n", + " 212 1.00 1.00 1.00 1\n", + " 213 1.00 1.00 1.00 1\n", + " 214 1.00 1.00 1.00 1\n", + " 215 1.00 1.00 1.00 1\n", + " 216 1.00 1.00 1.00 1\n", + " 217 1.00 1.00 1.00 1\n", + " 218 1.00 1.00 1.00 1\n", + " 219 1.00 1.00 1.00 1\n", + " 220 0.50 1.00 0.67 1\n", + " 221 1.00 1.00 1.00 1\n", + " 222 1.00 1.00 1.00 1\n", + " 223 1.00 1.00 1.00 1\n", + " 224 1.00 1.00 1.00 1\n", + " 225 1.00 1.00 1.00 1\n", + " 226 1.00 1.00 1.00 1\n", + " 227 1.00 1.00 1.00 1\n", + " 228 1.00 1.00 1.00 1\n", + " 229 1.00 1.00 1.00 1\n", + " 230 1.00 1.00 1.00 1\n", + " 231 1.00 1.00 1.00 1\n", + " 232 1.00 1.00 1.00 1\n", + " 233 1.00 1.00 1.00 1\n", + " 234 1.00 1.00 1.00 1\n", + " 235 1.00 1.00 1.00 1\n", + " 236 1.00 1.00 1.00 1\n", + " 237 1.00 1.00 1.00 1\n", + " 238 1.00 1.00 1.00 1\n", + " 239 0.00 0.00 0.00 1\n", + " 240 1.00 1.00 1.00 1\n", + " 241 0.50 1.00 0.67 1\n", + " 242 1.00 1.00 1.00 1\n", + " 243 1.00 1.00 1.00 1\n", + " 244 1.00 1.00 1.00 1\n", + " 245 1.00 1.00 1.00 1\n", + " 246 1.00 1.00 1.00 1\n", + " 247 1.00 1.00 1.00 1\n", + " 248 1.00 1.00 1.00 1\n", + " 249 1.00 1.00 1.00 1\n", + " 250 1.00 1.00 1.00 1\n", + " 251 1.00 1.00 1.00 1\n", + " 252 0.50 1.00 0.67 1\n", + " 253 1.00 1.00 1.00 1\n", + " 254 1.00 1.00 1.00 1\n", + " 255 1.00 1.00 1.00 1\n", + " 256 1.00 1.00 1.00 1\n", + " 257 1.00 1.00 1.00 1\n", + " 258 1.00 1.00 1.00 1\n", + " 259 1.00 1.00 1.00 1\n", + " 260 1.00 1.00 1.00 1\n", + " 261 1.00 1.00 1.00 1\n", + " 262 1.00 1.00 1.00 1\n", + " 263 1.00 1.00 1.00 1\n", + " 264 1.00 1.00 1.00 1\n", + " 265 1.00 1.00 1.00 1\n", + " 266 1.00 1.00 1.00 1\n", + " 267 1.00 1.00 1.00 1\n", + " 268 1.00 1.00 1.00 1\n", + " 269 1.00 1.00 1.00 1\n", + " 270 1.00 1.00 1.00 1\n", + " 271 1.00 1.00 1.00 1\n", + " 272 0.50 1.00 0.67 1\n", + " 273 1.00 1.00 1.00 1\n", + " 274 1.00 1.00 1.00 1\n", + " 275 1.00 1.00 1.00 1\n", + " 276 1.00 1.00 1.00 1\n", + " 277 1.00 1.00 1.00 1\n", + " 278 1.00 1.00 1.00 1\n", + " 279 0.00 0.00 0.00 1\n", + " 280 1.00 1.00 1.00 1\n", + " 281 1.00 1.00 1.00 1\n", + " 282 1.00 1.00 1.00 1\n", + " 283 1.00 1.00 1.00 1\n", + " 284 1.00 1.00 1.00 1\n", + " 285 1.00 1.00 1.00 1\n", + " 286 1.00 1.00 1.00 1\n", + " 287 1.00 1.00 1.00 1\n", + " 288 1.00 1.00 1.00 1\n", + " 289 1.00 1.00 1.00 1\n", + " 290 1.00 1.00 1.00 1\n", + " 291 1.00 1.00 1.00 1\n", + " 292 1.00 1.00 1.00 1\n", + " 293 1.00 1.00 1.00 1\n", + " 294 1.00 1.00 1.00 1\n", + " 295 1.00 1.00 1.00 1\n", + " 296 1.00 1.00 1.00 1\n", + " 297 1.00 1.00 1.00 1\n", + " 298 1.00 1.00 1.00 1\n", + " 299 1.00 1.00 1.00 1\n", + " 300 1.00 1.00 1.00 1\n", + " 301 1.00 1.00 1.00 1\n", + " 302 1.00 1.00 1.00 1\n", + " 303 1.00 1.00 1.00 1\n", + " 304 1.00 1.00 1.00 1\n", + " 305 1.00 1.00 1.00 1\n", + " 306 1.00 1.00 1.00 1\n", + " 307 1.00 1.00 1.00 1\n", + " 308 1.00 1.00 1.00 1\n", + " 309 1.00 1.00 1.00 1\n", + " 310 1.00 1.00 1.00 1\n", + " 311 1.00 1.00 1.00 1\n", + " 312 1.00 1.00 1.00 1\n", + " 313 1.00 1.00 1.00 1\n", + " 314 1.00 1.00 1.00 1\n", + " 315 1.00 1.00 1.00 1\n", + " 316 1.00 1.00 1.00 1\n", + " 317 1.00 1.00 1.00 1\n", + " 318 1.00 1.00 1.00 1\n", + " 319 1.00 1.00 1.00 1\n", + " 320 1.00 1.00 1.00 1\n", + " 321 1.00 1.00 1.00 1\n", + " 322 1.00 1.00 1.00 1\n", + " 323 1.00 1.00 1.00 1\n", + " 324 1.00 1.00 1.00 1\n", + " 325 1.00 1.00 1.00 1\n", + " 326 1.00 1.00 1.00 1\n", + " 327 1.00 1.00 1.00 1\n", + " 328 1.00 1.00 1.00 1\n", + " 329 1.00 1.00 1.00 1\n", + " 330 1.00 1.00 1.00 1\n", + " 331 1.00 1.00 1.00 1\n", + " 332 1.00 1.00 1.00 1\n", + " 333 1.00 1.00 1.00 1\n", + " 334 1.00 1.00 1.00 1\n", + " 335 1.00 1.00 1.00 1\n", + " 336 0.50 1.00 0.67 1\n", + " 337 1.00 1.00 1.00 1\n", + " 338 1.00 1.00 1.00 1\n", + " 339 1.00 1.00 1.00 1\n", + " 340 1.00 1.00 1.00 1\n", + " 341 1.00 1.00 1.00 1\n", + " 342 1.00 1.00 1.00 1\n", + " 343 0.00 0.00 0.00 1\n", + " 344 1.00 1.00 1.00 1\n", + " 345 1.00 1.00 1.00 1\n", + " 346 1.00 1.00 1.00 1\n", + " 347 1.00 1.00 1.00 1\n", + " 348 1.00 1.00 1.00 1\n", + " 349 1.00 1.00 1.00 1\n", + " 350 1.00 1.00 1.00 1\n", + " 351 1.00 1.00 1.00 1\n", + " 352 1.00 1.00 1.00 1\n", + " 353 1.00 1.00 1.00 1\n", + " 354 1.00 1.00 1.00 1\n", + " 355 1.00 1.00 1.00 1\n", + " 356 1.00 1.00 1.00 1\n", + " 357 1.00 1.00 1.00 1\n", + " 358 1.00 1.00 1.00 1\n", + " 359 1.00 1.00 1.00 1\n", + " 360 1.00 1.00 1.00 1\n", + " 361 1.00 1.00 1.00 1\n", + " 362 1.00 1.00 1.00 1\n", + " 363 1.00 1.00 1.00 1\n", + " 364 1.00 1.00 1.00 1\n", + " 365 1.00 1.00 1.00 1\n", + " 366 1.00 1.00 1.00 1\n", + " 367 1.00 1.00 1.00 1\n", + " 368 1.00 1.00 1.00 1\n", + " 369 1.00 1.00 1.00 1\n", + " 370 1.00 1.00 1.00 1\n", + " 371 1.00 1.00 1.00 1\n", + " 372 1.00 1.00 1.00 1\n", + " 373 1.00 1.00 1.00 1\n", + " 374 1.00 1.00 1.00 1\n", + " 375 1.00 1.00 1.00 1\n", + " 376 1.00 1.00 1.00 1\n", + " 377 1.00 1.00 1.00 1\n", + " 378 1.00 1.00 1.00 1\n", + " 379 1.00 1.00 1.00 1\n", + " 380 1.00 1.00 1.00 1\n", + " 381 1.00 1.00 1.00 1\n", + " 382 1.00 1.00 1.00 1\n", + " 383 1.00 1.00 1.00 1\n", + " 384 1.00 1.00 1.00 1\n", + " 385 1.00 1.00 1.00 1\n", + " 386 1.00 1.00 1.00 1\n", + " 387 1.00 1.00 1.00 1\n", + " 388 1.00 1.00 1.00 1\n", + " 389 1.00 1.00 1.00 1\n", + " 390 1.00 1.00 1.00 1\n", + " 391 1.00 1.00 1.00 1\n", + " 392 1.00 1.00 1.00 1\n", + " 393 1.00 1.00 1.00 1\n", + " 394 1.00 1.00 1.00 1\n", + " 395 1.00 1.00 1.00 1\n", + " 396 1.00 1.00 1.00 1\n", + " 397 1.00 1.00 1.00 1\n", + " 398 1.00 1.00 1.00 1\n", + " 399 1.00 1.00 1.00 1\n", + " 400 1.00 1.00 1.00 1\n", + " 401 1.00 1.00 1.00 1\n", + " 402 1.00 1.00 1.00 1\n", + " 403 1.00 1.00 1.00 1\n", + " 404 1.00 1.00 1.00 1\n", + " 405 1.00 1.00 1.00 1\n", + " 406 1.00 1.00 1.00 1\n", + " 407 1.00 1.00 1.00 1\n", + " 408 1.00 1.00 1.00 1\n", + " 409 1.00 1.00 1.00 1\n", + " 410 1.00 1.00 1.00 1\n", + " 411 1.00 1.00 1.00 1\n", + " 412 1.00 1.00 1.00 1\n", + " 413 1.00 1.00 1.00 1\n", + " 414 1.00 1.00 1.00 1\n", + " 415 0.00 0.00 0.00 1\n", + " 416 1.00 1.00 1.00 1\n", + " 417 1.00 1.00 1.00 1\n", + " 418 1.00 1.00 1.00 1\n", + " 419 0.50 1.00 0.67 1\n", + " 420 1.00 1.00 1.00 1\n", + " 421 1.00 1.00 1.00 1\n", + " 422 1.00 1.00 1.00 1\n", + " 423 1.00 1.00 1.00 1\n", + " 424 1.00 1.00 1.00 1\n", + "\n", + " accuracy 0.98 425\n", + " macro avg 0.96 0.98 0.97 425\n", + "weighted avg 0.96 0.98 0.97 425\n", + "\n" + ] + } + ], + "source": [ + "print(model.cr)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1 0 0 ... 0 0 0]\n", + " [0 1 0 ... 0 0 0]\n", + " [0 0 1 ... 0 0 0]\n", + " ...\n", + " [0 0 0 ... 1 0 0]\n", + " [0 0 0 ... 0 1 0]\n", + " [0 0 0 ... 0 0 1]]\n" + ] + } + ], + "source": [ + "print(model.cm)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "model.save(\"model_v1_facenet\")" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "computer_vision", + "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.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}