Real Time Facial Expression Recognition
In this project we are presenting the real time facial expression recognition of seven most basic human expressions: ANGER, DISGUST, FEAR, HAPPY, NEUTRAL SAD, SURPRISE. ¶
This model can be used for prediction of expressions of both still images and real time video. However, in both the cases we have to provide image to the model. In case of real time video the image should be taken at any point in time and feed it to the model for prediction of expression. The system automatically detects face using HAAR cascade then its crops it and resize the image to a specific size and give it to the model for prediction. The model will generate seven probability values corresponding to seven expressions. The highest probability value to the corresponding expression will be the predicted expression for that image. ¶
import os import numpy as np import pandas as pd import seaborn as sns import matplotlib.pyplot as plt from PIL import Image import glob import cv2 # from pandas.tests.tools.test_to_datetime import units from sklearn.model_selection import train_test_split from keras.layers import Dropout, Dense from keras.layers.normalization import BatchNormalization from keras.models import Sequential, load_model from keras.applications import VGG16 from sklearn.metrics import accuracy_score, confusion_matrix import tqdm as tqdm from tensorflow.python.debug.examples.debug_mnist import tf human= glob.glob("expression_image/train/*/**") print("Number of images in emotion = "+str(len(human))) foldername=[] folder_list=[] imagename=[] emotion=[] label=[] for i in tqdm.tqdm(range(len(human))): foldername.append(human[i].split("/")[:-1]) imagename.append(human[i].split("/")[-1]) # print(imagename) emo=human[i].split("/")[-2] emotion.append(emo) for group in foldername: s="/".join(group) folder_list.append(s+"/") print(len((folder_list))) li=['','angry','sad','happy','disgust','fear','neutral','surprise'] for j in emotion: label.append(li.index(j)) df_angry = pd.DataFrame() df_angry["folderName"] = folder_list df_angry["imageName"] = imagename df_angry["Emotion"] = emotion df_angry["Labels"] = label print(df_angry.head()) csv_image=df_angry.to_csv("output.csv") Final_human = pd.read_csv("output.csv") print(Final_human.shape) Final_human.reset_index(inplace = True, drop = True) Final_human = Final_human.sample(frac = 1.0) #shuffling the dataframe Final_human.reset_index(inplace = True, drop = True) print(Final_human.head())
Using TensorFlow backend. /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:493: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint8 = np.dtype([("qint8", np.int8, 1)]) /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:494: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint8 = np.dtype([("quint8", np.uint8, 1)]) /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:495: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint16 = np.dtype([("qint16", np.int16, 1)]) /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:496: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint16 = np.dtype([("quint16", np.uint16, 1)]) /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:497: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint32 = np.dtype([("qint32", np.int32, 1)]) /home/webtunix/.local/lib/python3.5/site-packages/tensorflow/python/framework/dtypes.py:502: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. np_resource = np.dtype([("resource", np.ubyte, 1)]) 100%|██████████| 28820/28820 [00:00<00:00, 348202.36it/s]
Number of images in emotion = 28820 28820 folderName imageName Emotion \ 0 /home/webtunix/Desktop/Real-Time-Facial-Expres... 25335.jpg angry 1 /home/webtunix/Desktop/Real-Time-Facial-Expres... 12584.jpg angry 2 /home/webtunix/Desktop/Real-Time-Facial-Expres... 26301.jpg angry 3 /home/webtunix/Desktop/Real-Time-Facial-Expres... 28123.jpg angry 4 /home/webtunix/Desktop/Real-Time-Facial-Expres... 29604.jpg angry Labels 0 1 1 1 2 1 3 1 4 1
(28820, 5) Unnamed: 0 folderName imageName \ 0 14003 /home/webtunix/Desktop/Real-Time-Facial-Expres... 1782.jpg 1 23994 /home/webtunix/Desktop/Real-Time-Facial-Expres... 3302.jpg 2 21481 /home/webtunix/Desktop/Real-Time-Facial-Expres... 19128.jpg 3 26074 /home/webtunix/Desktop/Real-Time-Facial-Expres... 20558.jpg 4 13902 /home/webtunix/Desktop/Real-Time-Facial-Expres... 24399.jpg Emotion Labels 0 happy 3 1 sad 2 2 surprise 7 3 sad 2 4 happy 3
df_human_train_data, df_human_test = train_test_split(Final_human, stratify=Final_human["Labels"], test_size = 0.197860) df_human_train, df_human_cv = train_test_split(df_human_train_data, stratify=df_human_train_data["Labels"], test_size = 0.166666) print(df_human_train.shape, df_human_cv.shape, df_human_test.shape) df_human_train.reset_index(inplace = True, drop = True) df_human_train.to_pickle("../expression_image/train_data.pkl") df_human_cv.reset_index(inplace = True, drop = True) df_human_cv.to_pickle("../expression_image/cv_data.pkl") df_human_test.reset_index(inplace = True, drop = True) df_human_test.to_pickle("../expression_image/test_data.pkl") df_human_train = pd.read_pickle("../expression_image/train_data.pkl") df_human_train.head() print(df_human_train.shape) df_human_cv = pd.read_pickle("../expression_image/cv_data.pkl") df_human_cv.head() print(df_human_cv.shape) df_human_test = pd.read_pickle("../expression_image/test_data.pkl") df_human_test.head() print(df_human_test.shape)
(19264, 5) (3853, 5) (5703, 5) (19264, 5) (3853, 5) (5703, 5)
df_temp_train = df_human_train.sort_values(by = "Labels", inplace = False) df_temp_cv = df_human_cv.sort_values(by = "Labels", inplace = False) df_temp_test = df_human_test.sort_values(by = "Labels", inplace = False) TrainData_distribution = df_human_train["Emotion"].value_counts().sort_index() CVData_distribution = df_human_cv["Emotion"].value_counts().sort_index() TestData_distribution = df_human_test["Emotion"].value_counts().sort_index() TrainData_distribution_sorted = sorted(TrainData_distribution.items(), key = lambda d: d[1], reverse = True) CVData_distribution_sorted = sorted(CVData_distribution.items(), key = lambda d: d[1], reverse = True) TestData_distribution_sorted = sorted(TestData_distribution.items(), key = lambda d: d[1], reverse = True) fig = plt.figure(figsize = (10, 6)) ax = fig.add_axes([0,0,1,1]) ax.set_title("Count of each Emotion in Train Data", fontsize = 20) sns.countplot(x = "Emotion", data = df_temp_train) plt.grid() for i in ax.patches: ax.text(x = i.get_x() + 0.2, y = i.get_height()+1.5, s = str(i.get_height()), fontsize = 20, color = "grey") plt.xlabel("") plt.ylabel("Count", fontsize = 15) plt.tick_params(labelsize = 15) plt.xticks(rotation = 40) plt.show() for i in TrainData_distribution_sorted: print("Number of training data points in class "+str(i[0])+" = "+str(i[1])+ "("+str(np.round(((i[1]/df_temp_train.shape[0])*100), 4))+"%)") print("-"*80) fig = plt.figure(figsize = (10, 6)) ax = fig.add_axes([0,0,1,1]) ax.set_title("Count of each Emotion in Validation Data", fontsize = 20) sns.countplot(x = "Emotion", data = df_temp_cv) plt.grid() for i in ax.patches: ax.text(x = i.get_x() + 0.27, y = i.get_height()+0.2, s = str(i.get_height()), fontsize = 20, color = "grey") plt.xlabel("") plt.ylabel("Count", fontsize = 15) plt.tick_params(labelsize = 15) plt.xticks(rotation = 40) plt.show() for i in CVData_distribution_sorted: print("Number of training data points in class "+str(i[0])+" = "+str(i[1])+ "("+str(np.round(((i[1]/df_temp_cv.shape[0])*100), 4))+"%)") print("-"*80) fig = plt.figure(figsize = (10, 6)) ax = fig.add_axes([0,0,1,1]) ax.set_title("Count of each Emotion in Test Data", fontsize = 20) sns.countplot(x = "Emotion", data = df_temp_test) plt.grid() for i in ax.patches: ax.text(x = i.get_x() + 0.27, y = i.get_height()+0.2, s = str(i.get_height()), fontsize = 20, color = "grey") plt.xlabel("") plt.ylabel("Count", fontsize = 15) plt.tick_params(labelsize = 15) plt.xticks(rotation = 40) plt.show() for i in TestData_distribution_sorted: print("Number of training data points in class "+str(i[0])+" = "+str(i[1])+ "("+str(np.round(((i[1]/df_temp_test.shape[0])*100), 4))+"%)")
Number of training data points in class happy = 4788(24.8547%) Number of training data points in class neutral = 3330(17.2861%) Number of training data points in class sad = 3301(17.1356%) Number of training data points in class fear = 2742(14.2338%) Number of training data points in class angry = 2668(13.8497%) Number of training data points in class surprise = 2143(11.1244%) Number of training data points in class disgust = 292(1.5158%) --------------------------------------------------------------------------------
Number of training data points in class happy = 958(24.8637%) Number of training data points in class neutral = 666(17.2852%) Number of training data points in class sad = 660(17.1295%) Number of training data points in class fear = 549(14.2486%) Number of training data points in class angry = 534(13.8593%) Number of training data points in class surprise = 428(11.1082%) Number of training data points in class disgust = 58(1.5053%) --------------------------------------------------------------------------------
Number of training data points in class happy = 1418(24.8641%) Number of training data points in class neutral = 986(17.2891%) Number of training data points in class sad = 977(17.1313%) Number of training data points in class fear = 812(14.2381%) Number of training data points in class angry = 790(13.8524%) Number of training data points in class surprise = 634(11.117%) Number of training data points in class disgust = 86(1.508%)
def convt_to_gray(df): count = 0 for i in tqdm.tqdm(range(len(df))): path1 = df["folderName"][i] path2 = df["imageName"][i] img = cv2.imread(os.path.join(path1, path2)) gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) cv2.imwrite(os.path.join(path1, path2), gray) count += 1 print("Total number of images converted and saved = "+str(count)) convt_to_gray(df_human_train) convt_to_gray(df_human_cv) convt_to_gray(df_human_test)
100%|██████████| 19264/19264 [00:08<00:00, 2170.76it/s] 5%|▍ | 180/3853 [00:00<00:02, 1743.92it/s]
Total number of images converted and saved = 19264
100%|██████████| 3853/3853 [00:01<00:00, 2098.90it/s] 2%|▏ | 116/5703 [00:00<00:04, 1158.65it/s]
Total number of images converted and saved = 3853
100%|██████████| 5703/5703 [00:02<00:00, 2135.13it/s]
Total number of images converted and saved = 5703
# detect the face in image using HAAR cascade then crop it then resize it and finally save it. face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml') def face_det_crop_resize(img_path): img = cv2.imread(img_path) # gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # faces = face_cascade.detectMultiScale(gray, 1.3, 5) # for (x, y, w, h) in faces: # face_clip = img[y:y + h, x:x + w] # cropping the face in image cv2.imwrite(img_path, img) # resizing image then saving it # print(cv2.imread(img_path,"iiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiiii")) for i, d in df_human_train.iterrows(): img_path = os.path.join(d["folderName"], d["imageName"]) face_det_crop_resize(img_path) for i, d in df_human_cv.iterrows(): img_path = os.path.join(d["folderName"], d["imageName"]) face_det_crop_resize(img_path) for i, d in df_human_test.iterrows(): img_path = os.path.join(d["folderName"], d["imageName"]) face_det_crop_resize(img_path)
Train_Combined = pd.read_pickle("../expression_image/train_data.pkl") CV_Humans = pd.read_pickle("../expression_image/cv_data.pkl") Test_Humans = pd.read_pickle("../expression_image/test_data.pkl") print(Train_Combined.shape, CV_Humans.shape, Test_Humans.shape) TrainCombined_batch_pointer = 0 CVHumans_batch_pointer = 0 TestHumans_batch_pointer = 0 TrainCombined = pd.get_dummies(Train_Combined["Labels"]) TrainCombined_Labels=TrainCombined.to_numpy() print(TrainCombined_Labels) def loadCombinedTrainBatch(batch_size): global TrainCombined_batch_pointer batch_images = [] batch_labels = [] for i in range(batch_size): path1 = Train_Combined.iloc[TrainCombined_batch_pointer + i]["folderName"] path2 = Train_Combined.iloc[TrainCombined_batch_pointer + i]["imageName"] read_image = cv2.resize(cv2.imread(os.path.join(path1, path2)),(48,48)) print(read_image.shape,'shape of image') read_image_final = read_image / 255.0 # here, we are normalizing the images batch_images.append(read_image_final) batch_labels.append(TrainCombined_Labels[TrainCombined_batch_pointer + i]) # appending corresponding labels TrainCombined_batch_pointer += batch_size return np.array(batch_images), np.array(batch_labels) SAVEDIR = "../expression_image/Bottleneck_Features/Bottleneck_CombinedTrain/" SAVEDIR_LABELS = "../expression_image/Bottleneck_Features/CombinedTrain_Labels/" batch_size = 10 model = VGG16(input_shape=(48,48,3),weights='imagenet', include_top=False) for i in range(int(len(Train_Combined) / 10)): x, y = loadCombinedTrainBatch(10) print("Batch {} loaded".format(i + 10)) np.save(os.path.join(SAVEDIR_LABELS, "bottleneck_labels_{}".format(i + 1)), y) print("Creating bottleneck features for batch {}".format(i + 1)) print(x.shape) bottleneck_features = model.predict(x) np.save(os.path.join(SAVEDIR, "bottleneck_{}".format(i + 1)), bottleneck_features) print("Bottleneck features for batch {} created and saved\n".format(i + 1)) CVHuman = pd.get_dummies(CV_Humans["Labels"]) CVHumans_Labels=CVHuman.to_numpy() print(CVHumans_Labels) print(CVHumans_Labels.shape) def loadCVHumanBatch(batch_size): global CVHumans_batch_pointer batch_images = [] batch_labels = [] for i in range(batch_size): path1 = CV_Humans.iloc[CVHumans_batch_pointer + i]["folderName"] path2 = CV_Humans.iloc[CVHumans_batch_pointer + i]["imageName"] read_image = cv2.resize(cv2.imread(os.path.join(path1, path2)),(48,48)) print(read_image.shape, 'shape of image') read_image_final = read_image / 255.0 # here, we are normalizing the images batch_images.append(read_image_final) batch_labels.append(CVHumans_Labels[CVHumans_batch_pointer + i]) # appending corresponding labels CVHumans_batch_pointer += batch_size return np.array(batch_images), np.array(batch_labels)
(19264, 5) (3853, 5) (5703, 5) [[0 0 0 ... 1 0 0] [0 1 0 ... 0 0 0] [0 0 0 ... 0 0 1] ... [0 0 0 ... 0 1 0] [0 0 1 ... 0 0 0] [1 0 0 ... 0 0 0]] (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 10 loaded Creating bottleneck features for batch 1 (10, 48, 48, 3) Bottleneck features for batch 1 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 11 loaded Creating bottleneck features for batch 2 (10, 48, 48, 3) Bottleneck features for batch 2 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 12 loaded Creating bottleneck features for batch 3 (10, 48, 48, 3) Bottleneck features for batch 3 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 13 loaded Creating bottleneck features for batch 4 (10, 48, 48, 3) Bottleneck features for batch 4 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 14 loaded Creating bottleneck features for batch 5 (10, 48, 48, 3) Bottleneck features for batch 5 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 15 loaded Creating bottleneck features for batch 6 (10, 48, 48, 3) Bottleneck features for batch 6 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 16 loaded Creating bottleneck features for batch 7 (10, 48, 48, 3) Bottleneck features for batch 7 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 17 loaded Creating bottleneck features for batch 8 (10, 48, 48, 3) Bottleneck features for batch 8 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 18 loaded Creating bottleneck features for batch 9 (10, 48, 48, 3) Bottleneck features for batch 9 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 19 loaded Creating bottleneck features for batch 10 (10, 48, 48, 3) Bottleneck features for batch 10 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 20 loaded Creating bottleneck features for batch 11 (10, 48, 48, 3) Bottleneck features for batch 11 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 21 loaded Creating bottleneck features for batch 12 (10, 48, 48, 3) Bottleneck features for batch 12 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 22 loaded Creating bottleneck features for batch 13 (10, 48, 48, 3) Bottleneck features for batch 13 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 23 loaded Creating bottleneck features for batch 14 (10, 48, 48, 3) Bottleneck features for batch 14 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 24 loaded Creating bottleneck features for batch 15 (10, 48, 48, 3) Bottleneck features for batch 15 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 25 loaded Creating bottleneck features for batch 16 (10, 48, 48, 3) Bottleneck features for batch 16 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 26 loaded Creating bottleneck features for batch 17 (10, 48, 48, 3) Bottleneck features for batch 17 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 27 loaded Creating bottleneck features for batch 18 (10, 48, 48, 3) Bottleneck features for batch 18 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 28 loaded Creating bottleneck features for batch 19 (10, 48, 48, 3) Bottleneck features for batch 19 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 29 loaded Creating bottleneck features for batch 20 (10, 48, 48, 3) Bottleneck features for batch 20 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 30 loaded Creating bottleneck features for batch 21 (10, 48, 48, 3) Bottleneck features for batch 21 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 31 loaded Creating bottleneck features for batch 22 (10, 48, 48, 3) Bottleneck features for batch 22 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 32 loaded Creating bottleneck features for batch 23 (10, 48, 48, 3) Bottleneck features for batch 23 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 33 loaded Creating bottleneck features for batch 24 (10, 48, 48, 3) Bottleneck features for batch 24 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 34 loaded Creating bottleneck features for batch 25 (10, 48, 48, 3) Bottleneck features for batch 25 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 35 loaded Creating bottleneck features for batch 26 (10, 48, 48, 3) Bottleneck features for batch 26 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 36 loaded Creating bottleneck features for batch 27 (10, 48, 48, 3) Bottleneck features for batch 27 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 37 loaded Creating bottleneck features for batch 28 (10, 48, 48, 3) Bottleneck features for batch 28 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 38 loaded Creating bottleneck features for batch 29 (10, 48, 48, 3) Bottleneck features for batch 29 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 39 loaded Creating bottleneck features for batch 30 (10, 48, 48, 3) Bottleneck features for batch 30 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 40 loaded Creating bottleneck features for batch 31 (10, 48, 48, 3) Bottleneck features for batch 31 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 41 loaded Creating bottleneck features for batch 32 (10, 48, 48, 3) Bottleneck features for batch 32 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 42 loaded Creating bottleneck features for batch 33 (10, 48, 48, 3) Bottleneck features for batch 33 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 43 loaded Creating bottleneck features for batch 34 (10, 48, 48, 3) Bottleneck features for batch 34 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 44 loaded Creating bottleneck features for batch 35 (10, 48, 48, 3) Bottleneck features for batch 35 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 45 loaded Creating bottleneck features for batch 36 (10, 48, 48, 3) Bottleneck features for batch 36 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 46 loaded Creating bottleneck features for batch 37 (10, 48, 48, 3) Bottleneck features for batch 37 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 47 loaded Creating bottleneck features for batch 38 (10, 48, 48, 3) Bottleneck features for batch 38 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 48 loaded Creating bottleneck features for batch 39 (10, 48, 48, 3) Bottleneck features for batch 39 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 49 loaded Creating bottleneck features for batch 40 (10, 48, 48, 3) Bottleneck features for batch 40 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 50 loaded Creating bottleneck features for batch 41 (10, 48, 48, 3) Bottleneck features for batch 41 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 51 loaded Creating bottleneck features for batch 42 (10, 48, 48, 3) Bottleneck features for batch 42 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 52 loaded Creating bottleneck features for batch 43 (10, 48, 48, 3) Bottleneck features for batch 43 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 53 loaded Creating bottleneck features for batch 44 (10, 48, 48, 3) Bottleneck features for batch 44 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 54 loaded Creating bottleneck features for batch 45 (10, 48, 48, 3) Bottleneck features for batch 45 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 55 loaded Creating bottleneck features for batch 46 (10, 48, 48, 3) Bottleneck features for batch 46 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 56 loaded Creating bottleneck features for batch 47 (10, 48, 48, 3) Bottleneck features for batch 47 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 57 loaded Creating bottleneck features for batch 48 (10, 48, 48, 3) Bottleneck features for batch 48 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 58 loaded Creating bottleneck features for batch 49 (10, 48, 48, 3) Bottleneck features for batch 49 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 59 loaded Creating bottleneck features for batch 50 (10, 48, 48, 3) Bottleneck features for batch 50 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 60 loaded Creating bottleneck features for batch 51 (10, 48, 48, 3) Bottleneck features for batch 51 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 61 loaded Creating bottleneck features for batch 52 (10, 48, 48, 3) Bottleneck features for batch 52 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 62 loaded Creating bottleneck features for batch 53 (10, 48, 48, 3) Bottleneck features for batch 53 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 63 loaded Creating bottleneck features for batch 54 (10, 48, 48, 3) Bottleneck features for batch 54 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 64 loaded Creating bottleneck features for batch 55 (10, 48, 48, 3) Bottleneck features for batch 55 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 65 loaded Creating bottleneck features for batch 56 (10, 48, 48, 3) Bottleneck features for batch 56 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 66 loaded Creating bottleneck features for batch 57 (10, 48, 48, 3) Bottleneck features for batch 57 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 67 loaded Creating bottleneck features for batch 58 (10, 48, 48, 3) Bottleneck features for batch 58 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 68 loaded Creating bottleneck features for batch 59 (10, 48, 48, 3) Bottleneck features for batch 59 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 69 loaded Creating bottleneck features for batch 60 (10, 48, 48, 3) Bottleneck features for batch 60 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 70 loaded Creating bottleneck features for batch 61 (10, 48, 48, 3) Bottleneck features for batch 61 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 71 loaded Creating bottleneck features for batch 62 (10, 48, 48, 3) Bottleneck features for batch 62 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 72 loaded Creating bottleneck features for batch 63 (10, 48, 48, 3) Bottleneck features for batch 63 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 73 loaded Creating bottleneck features for batch 64 (10, 48, 48, 3) Bottleneck features for batch 64 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 74 loaded Creating bottleneck features for batch 65 (10, 48, 48, 3) Bottleneck features for batch 65 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 75 loaded Creating bottleneck features for batch 66 (10, 48, 48, 3) Bottleneck features for batch 66 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 76 loaded Creating bottleneck features for batch 67 (10, 48, 48, 3) Bottleneck features for batch 67 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 77 loaded Creating bottleneck features for batch 68 (10, 48, 48, 3) Bottleneck features for batch 68 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 78 loaded Creating bottleneck features for batch 69 (10, 48, 48, 3) Bottleneck features for batch 69 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 79 loaded Creating bottleneck features for batch 70 (10, 48, 48, 3) Bottleneck features for batch 70 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 80 loaded Creating bottleneck features for batch 71 (10, 48, 48, 3) Bottleneck features for batch 71 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 81 loaded Creating bottleneck features for batch 72 (10, 48, 48, 3) Bottleneck features for batch 72 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 82 loaded Creating bottleneck features for batch 73 (10, 48, 48, 3) Bottleneck features for batch 73 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 83 loaded Creating bottleneck features for batch 74 (10, 48, 48, 3) Bottleneck features for batch 74 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 84 loaded Creating bottleneck features for batch 75 (10, 48, 48, 3) Bottleneck features for batch 75 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 85 loaded Creating bottleneck features for batch 76 (10, 48, 48, 3) Bottleneck features for batch 76 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 86 loaded Creating bottleneck features for batch 77 (10, 48, 48, 3) Bottleneck features for batch 77 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 87 loaded Creating bottleneck features for batch 78 (10, 48, 48, 3) Bottleneck features for batch 78 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 88 loaded Creating bottleneck features for batch 79 (10, 48, 48, 3) Bottleneck features for batch 79 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 89 loaded Creating bottleneck features for batch 80 (10, 48, 48, 3) Bottleneck features for batch 80 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 90 loaded Creating bottleneck features for batch 81 (10, 48, 48, 3) Bottleneck features for batch 81 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 91 loaded Creating bottleneck features for batch 82 (10, 48, 48, 3) Bottleneck features for batch 82 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 92 loaded Creating bottleneck features for batch 83 (10, 48, 48, 3) Bottleneck features for batch 83 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 93 loaded Creating bottleneck features for batch 84 (10, 48, 48, 3) Bottleneck features for batch 84 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 94 loaded Creating bottleneck features for batch 85 (10, 48, 48, 3) Bottleneck features for batch 85 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 95 loaded Creating bottleneck features for batch 86 (10, 48, 48, 3) Bottleneck features for batch 86 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 96 loaded Creating bottleneck features for batch 87 (10, 48, 48, 3) Bottleneck features for batch 87 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 97 loaded Creating bottleneck features for batch 88 (10, 48, 48, 3) Bottleneck features for batch 88 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 98 loaded Creating bottleneck features for batch 89 (10, 48, 48, 3) Bottleneck features for batch 89 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 99 loaded Creating bottleneck features for batch 90 (10, 48, 48, 3) Bottleneck features for batch 90 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 100 loaded Creating bottleneck features for batch 91 (10, 48, 48, 3) Bottleneck features for batch 91 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 101 loaded Creating bottleneck features for batch 92 (10, 48, 48, 3) Bottleneck features for batch 92 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 102 loaded Creating bottleneck features for batch 93 (10, 48, 48, 3) Bottleneck features for batch 93 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 103 loaded Creating bottleneck features for batch 94 (10, 48, 48, 3) Bottleneck features for batch 94 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 104 loaded Creating bottleneck features for batch 95 (10, 48, 48, 3) Bottleneck features for batch 95 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 105 loaded Creating bottleneck features for batch 96 (10, 48, 48, 3) Bottleneck features for batch 96 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 106 loaded Creating bottleneck features for batch 97 (10, 48, 48, 3) Bottleneck features for batch 97 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 107 loaded Creating bottleneck features for batch 98 (10, 48, 48, 3) Bottleneck features for batch 98 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 108 loaded Creating bottleneck features for batch 99 (10, 48, 48, 3) Bottleneck features for batch 99 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 109 loaded Creating bottleneck features for batch 100 (10, 48, 48, 3) Bottleneck features for batch 100 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 110 loaded Creating bottleneck features for batch 101 (10, 48, 48, 3) Bottleneck features for batch 101 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 111 loaded Creating bottleneck features for batch 102 (10, 48, 48, 3) Bottleneck features for batch 102 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 112 loaded Creating bottleneck features for batch 103 (10, 48, 48, 3) Bottleneck features for batch 103 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 113 loaded Creating bottleneck features for batch 104 (10, 48, 48, 3) Bottleneck features for batch 104 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 114 loaded Creating bottleneck features for batch 105 (10, 48, 48, 3) Bottleneck features for batch 105 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 115 loaded Creating bottleneck features for batch 106 (10, 48, 48, 3) Bottleneck features for batch 106 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 116 loaded Creating bottleneck features for batch 107 (10, 48, 48, 3) Bottleneck features for batch 107 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 117 loaded Creating bottleneck features for batch 108 (10, 48, 48, 3) Bottleneck features for batch 108 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 118 loaded Creating bottleneck features for batch 109 (10, 48, 48, 3) Bottleneck features for batch 109 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 119 loaded Creating bottleneck features for batch 110 (10, 48, 48, 3) Bottleneck features for batch 110 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 120 loaded Creating bottleneck features for batch 111 (10, 48, 48, 3) Bottleneck features for batch 111 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 121 loaded Creating bottleneck features for batch 112 (10, 48, 48, 3) Bottleneck features for batch 112 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 122 loaded Creating bottleneck features for batch 113 (10, 48, 48, 3) Bottleneck features for batch 113 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 123 loaded Creating bottleneck features for batch 114 (10, 48, 48, 3) Bottleneck features for batch 114 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 124 loaded Creating bottleneck features for batch 115 (10, 48, 48, 3) Bottleneck features for batch 115 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 125 loaded Creating bottleneck features for batch 116 (10, 48, 48, 3) Bottleneck features for batch 116 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 126 loaded Creating bottleneck features for batch 117 (10, 48, 48, 3) Bottleneck features for batch 117 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 127 loaded Creating bottleneck features for batch 118 (10, 48, 48, 3) Bottleneck features for batch 118 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 128 loaded Creating bottleneck features for batch 119 (10, 48, 48, 3) Bottleneck features for batch 119 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 129 loaded Creating bottleneck features for batch 120 (10, 48, 48, 3) Bottleneck features for batch 120 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 130 loaded Creating bottleneck features for batch 121 (10, 48, 48, 3) Bottleneck features for batch 121 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 131 loaded Creating bottleneck features for batch 122 (10, 48, 48, 3) Bottleneck features for batch 122 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 132 loaded Creating bottleneck features for batch 123 (10, 48, 48, 3) Bottleneck features for batch 123 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 133 loaded Creating bottleneck features for batch 124 (10, 48, 48, 3) Bottleneck features for batch 124 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 134 loaded Creating bottleneck features for batch 125 (10, 48, 48, 3) Bottleneck features for batch 125 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 135 loaded Creating bottleneck features for batch 126 (10, 48, 48, 3) Bottleneck features for batch 126 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 136 loaded Creating bottleneck features for batch 127 (10, 48, 48, 3) Bottleneck features for batch 127 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 137 loaded Creating bottleneck features for batch 128 (10, 48, 48, 3) Bottleneck features for batch 128 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 138 loaded Creating bottleneck features for batch 129 (10, 48, 48, 3) Bottleneck features for batch 129 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 139 loaded Creating bottleneck features for batch 130 (10, 48, 48, 3) Bottleneck features for batch 130 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 140 loaded Creating bottleneck features for batch 131 (10, 48, 48, 3) Bottleneck features for batch 131 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 141 loaded Creating bottleneck features for batch 132 (10, 48, 48, 3) Bottleneck features for batch 132 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 142 loaded Creating bottleneck features for batch 133 (10, 48, 48, 3) Bottleneck features for batch 133 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 143 loaded Creating bottleneck features for batch 134 (10, 48, 48, 3) Bottleneck features for batch 134 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 144 loaded Creating bottleneck features for batch 135 (10, 48, 48, 3) Bottleneck features for batch 135 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 145 loaded Creating bottleneck features for batch 136 (10, 48, 48, 3) Bottleneck features for batch 136 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 146 loaded Creating bottleneck features for batch 137 (10, 48, 48, 3) Bottleneck features for batch 137 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 147 loaded Creating bottleneck features for batch 138 (10, 48, 48, 3) Bottleneck features for batch 138 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 148 loaded Creating bottleneck features for batch 139 (10, 48, 48, 3) Bottleneck features for batch 139 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 149 loaded Creating bottleneck features for batch 140 (10, 48, 48, 3) Bottleneck features for batch 140 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 150 loaded Creating bottleneck features for batch 141 (10, 48, 48, 3) Bottleneck features for batch 141 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 151 loaded Creating bottleneck features for batch 142 (10, 48, 48, 3) Bottleneck features for batch 142 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 152 loaded Creating bottleneck features for batch 143 (10, 48, 48, 3) Bottleneck features for batch 143 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 153 loaded Creating bottleneck features for batch 144 (10, 48, 48, 3) Bottleneck features for batch 144 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 154 loaded Creating bottleneck features for batch 145 (10, 48, 48, 3) Bottleneck features for batch 145 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 155 loaded Creating bottleneck features for batch 146 (10, 48, 48, 3) Bottleneck features for batch 146 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 156 loaded Creating bottleneck features for batch 147 (10, 48, 48, 3) Bottleneck features for batch 147 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 157 loaded Creating bottleneck features for batch 148 (10, 48, 48, 3) Bottleneck features for batch 148 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 158 loaded Creating bottleneck features for batch 149 (10, 48, 48, 3) Bottleneck features for batch 149 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 159 loaded Creating bottleneck features for batch 150 (10, 48, 48, 3) Bottleneck features for batch 150 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 160 loaded Creating bottleneck features for batch 151 (10, 48, 48, 3) Bottleneck features for batch 151 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 161 loaded Creating bottleneck features for batch 152 (10, 48, 48, 3) Bottleneck features for batch 152 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 162 loaded Creating bottleneck features for batch 153 (10, 48, 48, 3) Bottleneck features for batch 153 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 163 loaded Creating bottleneck features for batch 154 (10, 48, 48, 3) Bottleneck features for batch 154 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 164 loaded Creating bottleneck features for batch 155 (10, 48, 48, 3) Bottleneck features for batch 155 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 165 loaded Creating bottleneck features for batch 156 (10, 48, 48, 3) Bottleneck features for batch 156 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 166 loaded Creating bottleneck features for batch 157 (10, 48, 48, 3) Bottleneck features for batch 157 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 167 loaded Creating bottleneck features for batch 158 (10, 48, 48, 3) Bottleneck features for batch 158 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 168 loaded Creating bottleneck features for batch 159 (10, 48, 48, 3) Bottleneck features for batch 159 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 169 loaded Creating bottleneck features for batch 160 (10, 48, 48, 3) Bottleneck features for batch 160 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 170 loaded Creating bottleneck features for batch 161 (10, 48, 48, 3) Bottleneck features for batch 161 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 171 loaded Creating bottleneck features for batch 162 (10, 48, 48, 3) Bottleneck features for batch 162 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 172 loaded Creating bottleneck features for batch 163 (10, 48, 48, 3) Bottleneck features for batch 163 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 173 loaded Creating bottleneck features for batch 164 (10, 48, 48, 3) Bottleneck features for batch 164 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 174 loaded Creating bottleneck features for batch 165 (10, 48, 48, 3) Bottleneck features for batch 165 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 175 loaded Creating bottleneck features for batch 166 (10, 48, 48, 3) Bottleneck features for batch 166 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 176 loaded Creating bottleneck features for batch 167 (10, 48, 48, 3) Bottleneck features for batch 167 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 177 loaded Creating bottleneck features for batch 168 (10, 48, 48, 3) Bottleneck features for batch 168 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 178 loaded Creating bottleneck features for batch 169 (10, 48, 48, 3) Bottleneck features for batch 169 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 179 loaded Creating bottleneck features for batch 170 (10, 48, 48, 3) Bottleneck features for batch 170 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 180 loaded Creating bottleneck features for batch 171 (10, 48, 48, 3) Bottleneck features for batch 171 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 181 loaded Creating bottleneck features for batch 172 (10, 48, 48, 3) Bottleneck features for batch 172 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 182 loaded Creating bottleneck features for batch 173 (10, 48, 48, 3) Bottleneck features for batch 173 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 183 loaded Creating bottleneck features for batch 174 (10, 48, 48, 3) Bottleneck features for batch 174 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 184 loaded Creating bottleneck features for batch 175 (10, 48, 48, 3) Bottleneck features for batch 175 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 185 loaded Creating bottleneck features for batch 176 (10, 48, 48, 3) Bottleneck features for batch 176 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 186 loaded Creating bottleneck features for batch 177 (10, 48, 48, 3) Bottleneck features for batch 177 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 187 loaded Creating bottleneck features for batch 178 (10, 48, 48, 3) Bottleneck features for batch 178 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 188 loaded Creating bottleneck features for batch 179 (10, 48, 48, 3) Bottleneck features for batch 179 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 189 loaded Creating bottleneck features for batch 180 (10, 48, 48, 3) Bottleneck features for batch 180 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 190 loaded Creating bottleneck features for batch 181 (10, 48, 48, 3) Bottleneck features for batch 181 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 191 loaded Creating bottleneck features for batch 182 (10, 48, 48, 3) Bottleneck features for batch 182 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 192 loaded Creating bottleneck features for batch 183 (10, 48, 48, 3) Bottleneck features for batch 183 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 193 loaded Creating bottleneck features for batch 184 (10, 48, 48, 3) Bottleneck features for batch 184 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 194 loaded Creating bottleneck features for batch 185 (10, 48, 48, 3) Bottleneck features for batch 185 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 195 loaded Creating bottleneck features for batch 186 (10, 48, 48, 3) Bottleneck features for batch 186 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 196 loaded Creating bottleneck features for batch 187 (10, 48, 48, 3) Bottleneck features for batch 187 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 197 loaded Creating bottleneck features for batch 188 (10, 48, 48, 3) Bottleneck features for batch 188 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 198 loaded Creating bottleneck features for batch 189 (10, 48, 48, 3) Bottleneck features for batch 189 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 199 loaded Creating bottleneck features for batch 190 (10, 48, 48, 3) Bottleneck features for batch 190 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 200 loaded Creating bottleneck features for batch 191 (10, 48, 48, 3) Bottleneck features for batch 191 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 201 loaded Creating bottleneck features for batch 192 (10, 48, 48, 3) Bottleneck features for batch 192 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 202 loaded Creating bottleneck features for batch 193 (10, 48, 48, 3) Bottleneck features for batch 193 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 203 loaded Creating bottleneck features for batch 194 (10, 48, 48, 3) Bottleneck features for batch 194 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 204 loaded Creating bottleneck features for batch 195 (10, 48, 48, 3) Bottleneck features for batch 195 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 205 loaded Creating bottleneck features for batch 196 (10, 48, 48, 3) Bottleneck features for batch 196 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 206 loaded Creating bottleneck features for batch 197 (10, 48, 48, 3) Bottleneck features for batch 197 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 207 loaded Creating bottleneck features for batch 198 (10, 48, 48, 3) Bottleneck features for batch 198 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 208 loaded Creating bottleneck features for batch 199 (10, 48, 48, 3) Bottleneck features for batch 199 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 209 loaded Creating bottleneck features for batch 200 (10, 48, 48, 3) Bottleneck features for batch 200 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 210 loaded Creating bottleneck features for batch 201 (10, 48, 48, 3) Bottleneck features for batch 201 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 211 loaded Creating bottleneck features for batch 202 (10, 48, 48, 3) Bottleneck features for batch 202 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 212 loaded Creating bottleneck features for batch 203 (10, 48, 48, 3) Bottleneck features for batch 203 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 213 loaded Creating bottleneck features for batch 204 (10, 48, 48, 3) Bottleneck features for batch 204 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 214 loaded Creating bottleneck features for batch 205 (10, 48, 48, 3) Bottleneck features for batch 205 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 215 loaded Creating bottleneck features for batch 206 (10, 48, 48, 3) Bottleneck features for batch 206 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 216 loaded Creating bottleneck features for batch 207 (10, 48, 48, 3) Bottleneck features for batch 207 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 217 loaded Creating bottleneck features for batch 208 (10, 48, 48, 3) Bottleneck features for batch 208 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 218 loaded Creating bottleneck features for batch 209 (10, 48, 48, 3) Bottleneck features for batch 209 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 219 loaded Creating bottleneck features for batch 210 (10, 48, 48, 3) Bottleneck features for batch 210 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 220 loaded Creating bottleneck features for batch 211 (10, 48, 48, 3) Bottleneck features for batch 211 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 221 loaded Creating bottleneck features for batch 212 (10, 48, 48, 3) Bottleneck features for batch 212 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 222 loaded Creating bottleneck features for batch 213 (10, 48, 48, 3) Bottleneck features for batch 213 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 223 loaded Creating bottleneck features for batch 214 (10, 48, 48, 3) Bottleneck features for batch 214 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 224 loaded Creating bottleneck features for batch 215 (10, 48, 48, 3) Bottleneck features for batch 215 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 225 loaded Creating bottleneck features for batch 216 (10, 48, 48, 3) Bottleneck features for batch 216 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 226 loaded Creating bottleneck features for batch 217 (10, 48, 48, 3) Bottleneck features for batch 217 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 227 loaded Creating bottleneck features for batch 218 (10, 48, 48, 3) Bottleneck features for batch 218 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 228 loaded Creating bottleneck features for batch 219 (10, 48, 48, 3) Bottleneck features for batch 219 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 229 loaded Creating bottleneck features for batch 220 (10, 48, 48, 3) Bottleneck features for batch 220 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 230 loaded Creating bottleneck features for batch 221 (10, 48, 48, 3) Bottleneck features for batch 221 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 231 loaded Creating bottleneck features for batch 222 (10, 48, 48, 3) Bottleneck features for batch 222 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 232 loaded Creating bottleneck features for batch 223 (10, 48, 48, 3) Bottleneck features for batch 223 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 233 loaded Creating bottleneck features for batch 224 (10, 48, 48, 3) Bottleneck features for batch 224 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 234 loaded Creating bottleneck features for batch 225 (10, 48, 48, 3) Bottleneck features for batch 225 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 235 loaded Creating bottleneck features for batch 226 (10, 48, 48, 3) Bottleneck features for batch 226 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 236 loaded Creating bottleneck features for batch 227 (10, 48, 48, 3) Bottleneck features for batch 227 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 237 loaded Creating bottleneck features for batch 228 (10, 48, 48, 3) Bottleneck features for batch 228 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 238 loaded Creating bottleneck features for batch 229 (10, 48, 48, 3) Bottleneck features for batch 229 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 239 loaded Creating bottleneck features for batch 230 (10, 48, 48, 3) Bottleneck features for batch 230 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 240 loaded Creating bottleneck features for batch 231 (10, 48, 48, 3) Bottleneck features for batch 231 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 241 loaded Creating bottleneck features for batch 232 (10, 48, 48, 3) Bottleneck features for batch 232 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 242 loaded Creating bottleneck features for batch 233 (10, 48, 48, 3) Bottleneck features for batch 233 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 243 loaded Creating bottleneck features for batch 234 (10, 48, 48, 3) Bottleneck features for batch 234 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 244 loaded Creating bottleneck features for batch 235 (10, 48, 48, 3) Bottleneck features for batch 235 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 245 loaded Creating bottleneck features for batch 236 (10, 48, 48, 3) Bottleneck features for batch 236 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 246 loaded Creating bottleneck features for batch 237 (10, 48, 48, 3) Bottleneck features for batch 237 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 247 loaded Creating bottleneck features for batch 238 (10, 48, 48, 3) Bottleneck features for batch 238 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 248 loaded Creating bottleneck features for batch 239 (10, 48, 48, 3) Bottleneck features for batch 239 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 249 loaded Creating bottleneck features for batch 240 (10, 48, 48, 3) Bottleneck features for batch 240 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 250 loaded Creating bottleneck features for batch 241 (10, 48, 48, 3) Bottleneck features for batch 241 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 251 loaded Creating bottleneck features for batch 242 (10, 48, 48, 3) Bottleneck features for batch 242 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 252 loaded Creating bottleneck features for batch 243 (10, 48, 48, 3) Bottleneck features for batch 243 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 253 loaded Creating bottleneck features for batch 244 (10, 48, 48, 3) Bottleneck features for batch 244 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 254 loaded Creating bottleneck features for batch 245 (10, 48, 48, 3) Bottleneck features for batch 245 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 255 loaded Creating bottleneck features for batch 246 (10, 48, 48, 3) Bottleneck features for batch 246 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 256 loaded Creating bottleneck features for batch 247 (10, 48, 48, 3) Bottleneck features for batch 247 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 257 loaded Creating bottleneck features for batch 248 (10, 48, 48, 3) Bottleneck features for batch 248 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 258 loaded Creating bottleneck features for batch 249 (10, 48, 48, 3) Bottleneck features for batch 249 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 259 loaded Creating bottleneck features for batch 250 (10, 48, 48, 3) Bottleneck features for batch 250 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 260 loaded Creating bottleneck features for batch 251 (10, 48, 48, 3) Bottleneck features for batch 251 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 261 loaded Creating bottleneck features for batch 252 (10, 48, 48, 3) Bottleneck features for batch 252 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 262 loaded Creating bottleneck features for batch 253 (10, 48, 48, 3) Bottleneck features for batch 253 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 263 loaded Creating bottleneck features for batch 254 (10, 48, 48, 3) Bottleneck features for batch 254 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 264 loaded Creating bottleneck features for batch 255 (10, 48, 48, 3) Bottleneck features for batch 255 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 265 loaded Creating bottleneck features for batch 256 (10, 48, 48, 3) Bottleneck features for batch 256 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 266 loaded Creating bottleneck features for batch 257 (10, 48, 48, 3) Bottleneck features for batch 257 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 267 loaded Creating bottleneck features for batch 258 (10, 48, 48, 3) Bottleneck features for batch 258 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 268 loaded Creating bottleneck features for batch 259 (10, 48, 48, 3) Bottleneck features for batch 259 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 269 loaded Creating bottleneck features for batch 260 (10, 48, 48, 3) Bottleneck features for batch 260 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 270 loaded Creating bottleneck features for batch 261 (10, 48, 48, 3) Bottleneck features for batch 261 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 271 loaded Creating bottleneck features for batch 262 (10, 48, 48, 3) Bottleneck features for batch 262 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 272 loaded Creating bottleneck features for batch 263 (10, 48, 48, 3) Bottleneck features for batch 263 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 273 loaded Creating bottleneck features for batch 264 (10, 48, 48, 3) Bottleneck features for batch 264 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 274 loaded Creating bottleneck features for batch 265 (10, 48, 48, 3) Bottleneck features for batch 265 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 275 loaded Creating bottleneck features for batch 266 (10, 48, 48, 3) Bottleneck features for batch 266 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 276 loaded Creating bottleneck features for batch 267 (10, 48, 48, 3) Bottleneck features for batch 267 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 277 loaded Creating bottleneck features for batch 268 (10, 48, 48, 3) Bottleneck features for batch 268 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 278 loaded Creating bottleneck features for batch 269 (10, 48, 48, 3) Bottleneck features for batch 269 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 279 loaded Creating bottleneck features for batch 270 (10, 48, 48, 3) Bottleneck features for batch 270 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 280 loaded Creating bottleneck features for batch 271 (10, 48, 48, 3) Bottleneck features for batch 271 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 281 loaded Creating bottleneck features for batch 272 (10, 48, 48, 3) Bottleneck features for batch 272 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 282 loaded Creating bottleneck features for batch 273 (10, 48, 48, 3) Bottleneck features for batch 273 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 283 loaded Creating bottleneck features for batch 274 (10, 48, 48, 3) Bottleneck features for batch 274 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 284 loaded Creating bottleneck features for batch 275 (10, 48, 48, 3) Bottleneck features for batch 275 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 285 loaded Creating bottleneck features for batch 276 (10, 48, 48, 3) Bottleneck features for batch 276 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 286 loaded Creating bottleneck features for batch 277 (10, 48, 48, 3) Bottleneck features for batch 277 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 287 loaded Creating bottleneck features for batch 278 (10, 48, 48, 3) Bottleneck features for batch 278 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 288 loaded Creating bottleneck features for batch 279 (10, 48, 48, 3) Bottleneck features for batch 279 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 289 loaded Creating bottleneck features for batch 280 (10, 48, 48, 3) Bottleneck features for batch 280 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 290 loaded Creating bottleneck features for batch 281 (10, 48, 48, 3) Bottleneck features for batch 281 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 291 loaded Creating bottleneck features for batch 282 (10, 48, 48, 3) Bottleneck features for batch 282 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 292 loaded Creating bottleneck features for batch 283 (10, 48, 48, 3) Bottleneck features for batch 283 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 293 loaded Creating bottleneck features for batch 284 (10, 48, 48, 3) Bottleneck features for batch 284 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 294 loaded Creating bottleneck features for batch 285 (10, 48, 48, 3) Bottleneck features for batch 285 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 295 loaded Creating bottleneck features for batch 286 (10, 48, 48, 3) Bottleneck features for batch 286 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 296 loaded Creating bottleneck features for batch 287 (10, 48, 48, 3) Bottleneck features for batch 287 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 297 loaded Creating bottleneck features for batch 288 (10, 48, 48, 3) Bottleneck features for batch 288 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 298 loaded Creating bottleneck features for batch 289 (10, 48, 48, 3) Bottleneck features for batch 289 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 299 loaded Creating bottleneck features for batch 290 (10, 48, 48, 3) Bottleneck features for batch 290 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 300 loaded Creating bottleneck features for batch 291 (10, 48, 48, 3) Bottleneck features for batch 291 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 301 loaded Creating bottleneck features for batch 292 (10, 48, 48, 3) Bottleneck features for batch 292 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 302 loaded Creating bottleneck features for batch 293 (10, 48, 48, 3) Bottleneck features for batch 293 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 303 loaded Creating bottleneck features for batch 294 (10, 48, 48, 3) Bottleneck features for batch 294 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 304 loaded Creating bottleneck features for batch 295 (10, 48, 48, 3) Bottleneck features for batch 295 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 305 loaded Creating bottleneck features for batch 296 (10, 48, 48, 3) Bottleneck features for batch 296 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 306 loaded Creating bottleneck features for batch 297 (10, 48, 48, 3) Bottleneck features for batch 297 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 307 loaded Creating bottleneck features for batch 298 (10, 48, 48, 3) Bottleneck features for batch 298 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 308 loaded Creating bottleneck features for batch 299 (10, 48, 48, 3) Bottleneck features for batch 299 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 309 loaded Creating bottleneck features for batch 300 (10, 48, 48, 3) Bottleneck features for batch 300 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 310 loaded Creating bottleneck features for batch 301 (10, 48, 48, 3) Bottleneck features for batch 301 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 311 loaded Creating bottleneck features for batch 302 (10, 48, 48, 3) Bottleneck features for batch 302 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 312 loaded Creating bottleneck features for batch 303 (10, 48, 48, 3) Bottleneck features for batch 303 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 313 loaded Creating bottleneck features for batch 304 (10, 48, 48, 3) Bottleneck features for batch 304 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 314 loaded Creating bottleneck features for batch 305 (10, 48, 48, 3) Bottleneck features for batch 305 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 315 loaded Creating bottleneck features for batch 306 (10, 48, 48, 3) Bottleneck features for batch 306 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 316 loaded Creating bottleneck features for batch 307 (10, 48, 48, 3) Bottleneck features for batch 307 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 317 loaded Creating bottleneck features for batch 308 (10, 48, 48, 3) Bottleneck features for batch 308 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 318 loaded Creating bottleneck features for batch 309 (10, 48, 48, 3) Bottleneck features for batch 309 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 319 loaded Creating bottleneck features for batch 310 (10, 48, 48, 3) Bottleneck features for batch 310 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 320 loaded Creating bottleneck features for batch 311 (10, 48, 48, 3) Bottleneck features for batch 311 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 321 loaded Creating bottleneck features for batch 312 (10, 48, 48, 3) Bottleneck features for batch 312 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 322 loaded Creating bottleneck features for batch 313 (10, 48, 48, 3) Bottleneck features for batch 313 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 323 loaded Creating bottleneck features for batch 314 (10, 48, 48, 3) Bottleneck features for batch 314 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 324 loaded Creating bottleneck features for batch 315 (10, 48, 48, 3) Bottleneck features for batch 315 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 325 loaded Creating bottleneck features for batch 316 (10, 48, 48, 3) Bottleneck features for batch 316 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 326 loaded Creating bottleneck features for batch 317 (10, 48, 48, 3) Bottleneck features for batch 317 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 327 loaded Creating bottleneck features for batch 318 (10, 48, 48, 3) Bottleneck features for batch 318 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 328 loaded Creating bottleneck features for batch 319 (10, 48, 48, 3) Bottleneck features for batch 319 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 329 loaded Creating bottleneck features for batch 320 (10, 48, 48, 3) Bottleneck features for batch 320 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 330 loaded Creating bottleneck features for batch 321 (10, 48, 48, 3) Bottleneck features for batch 321 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 331 loaded Creating bottleneck features for batch 322 (10, 48, 48, 3) Bottleneck features for batch 322 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 332 loaded Creating bottleneck features for batch 323 (10, 48, 48, 3) Bottleneck features for batch 323 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 333 loaded Creating bottleneck features for batch 324 (10, 48, 48, 3) Bottleneck features for batch 324 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 334 loaded Creating bottleneck features for batch 325 (10, 48, 48, 3) Bottleneck features for batch 325 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 335 loaded Creating bottleneck features for batch 326 (10, 48, 48, 3) Bottleneck features for batch 326 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 336 loaded Creating bottleneck features for batch 327 (10, 48, 48, 3) Bottleneck features for batch 327 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 337 loaded Creating bottleneck features for batch 328 (10, 48, 48, 3) Bottleneck features for batch 328 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 338 loaded Creating bottleneck features for batch 329 (10, 48, 48, 3) Bottleneck features for batch 329 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 339 loaded Creating bottleneck features for batch 330 (10, 48, 48, 3) Bottleneck features for batch 330 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 340 loaded Creating bottleneck features for batch 331 (10, 48, 48, 3) Bottleneck features for batch 331 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 341 loaded Creating bottleneck features for batch 332 (10, 48, 48, 3) Bottleneck features for batch 332 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 342 loaded Creating bottleneck features for batch 333 (10, 48, 48, 3) Bottleneck features for batch 333 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 343 loaded Creating bottleneck features for batch 334 (10, 48, 48, 3) Bottleneck features for batch 334 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 344 loaded Creating bottleneck features for batch 335 (10, 48, 48, 3) Bottleneck features for batch 335 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 345 loaded Creating bottleneck features for batch 336 (10, 48, 48, 3) Bottleneck features for batch 336 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 346 loaded Creating bottleneck features for batch 337 (10, 48, 48, 3) Bottleneck features for batch 337 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 347 loaded Creating bottleneck features for batch 338 (10, 48, 48, 3) Bottleneck features for batch 338 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 348 loaded Creating bottleneck features for batch 339 (10, 48, 48, 3) Bottleneck features for batch 339 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 349 loaded Creating bottleneck features for batch 340 (10, 48, 48, 3) Bottleneck features for batch 340 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 350 loaded Creating bottleneck features for batch 341 (10, 48, 48, 3) Bottleneck features for batch 341 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 351 loaded Creating bottleneck features for batch 342 (10, 48, 48, 3) Bottleneck features for batch 342 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 352 loaded Creating bottleneck features for batch 343 (10, 48, 48, 3) Bottleneck features for batch 343 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 353 loaded Creating bottleneck features for batch 344 (10, 48, 48, 3) Bottleneck features for batch 344 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 354 loaded Creating bottleneck features for batch 345 (10, 48, 48, 3) Bottleneck features for batch 345 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 355 loaded Creating bottleneck features for batch 346 (10, 48, 48, 3) Bottleneck features for batch 346 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 356 loaded Creating bottleneck features for batch 347 (10, 48, 48, 3) Bottleneck features for batch 347 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 357 loaded Creating bottleneck features for batch 348 (10, 48, 48, 3) Bottleneck features for batch 348 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 358 loaded Creating bottleneck features for batch 349 (10, 48, 48, 3) Bottleneck features for batch 349 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 359 loaded Creating bottleneck features for batch 350 (10, 48, 48, 3) Bottleneck features for batch 350 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 360 loaded Creating bottleneck features for batch 351 (10, 48, 48, 3) Bottleneck features for batch 351 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 361 loaded Creating bottleneck features for batch 352 (10, 48, 48, 3) Bottleneck features for batch 352 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 362 loaded Creating bottleneck features for batch 353 (10, 48, 48, 3) Bottleneck features for batch 353 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 363 loaded Creating bottleneck features for batch 354 (10, 48, 48, 3) Bottleneck features for batch 354 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 364 loaded Creating bottleneck features for batch 355 (10, 48, 48, 3) Bottleneck features for batch 355 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 365 loaded Creating bottleneck features for batch 356 (10, 48, 48, 3) Bottleneck features for batch 356 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 366 loaded Creating bottleneck features for batch 357 (10, 48, 48, 3) Bottleneck features for batch 357 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 367 loaded Creating bottleneck features for batch 358 (10, 48, 48, 3) Bottleneck features for batch 358 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 368 loaded Creating bottleneck features for batch 359 (10, 48, 48, 3) Bottleneck features for batch 359 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 369 loaded Creating bottleneck features for batch 360 (10, 48, 48, 3) Bottleneck features for batch 360 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 370 loaded Creating bottleneck features for batch 361 (10, 48, 48, 3) Bottleneck features for batch 361 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 371 loaded Creating bottleneck features for batch 362 (10, 48, 48, 3) Bottleneck features for batch 362 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 372 loaded Creating bottleneck features for batch 363 (10, 48, 48, 3) Bottleneck features for batch 363 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 373 loaded Creating bottleneck features for batch 364 (10, 48, 48, 3) Bottleneck features for batch 364 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 374 loaded Creating bottleneck features for batch 365 (10, 48, 48, 3) Bottleneck features for batch 365 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 375 loaded Creating bottleneck features for batch 366 (10, 48, 48, 3) Bottleneck features for batch 366 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 376 loaded Creating bottleneck features for batch 367 (10, 48, 48, 3) Bottleneck features for batch 367 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 377 loaded Creating bottleneck features for batch 368 (10, 48, 48, 3) Bottleneck features for batch 368 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 378 loaded Creating bottleneck features for batch 369 (10, 48, 48, 3) Bottleneck features for batch 369 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 379 loaded Creating bottleneck features for batch 370 (10, 48, 48, 3) Bottleneck features for batch 370 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 380 loaded Creating bottleneck features for batch 371 (10, 48, 48, 3) Bottleneck features for batch 371 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 381 loaded Creating bottleneck features for batch 372 (10, 48, 48, 3) Bottleneck features for batch 372 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 382 loaded Creating bottleneck features for batch 373 (10, 48, 48, 3) Bottleneck features for batch 373 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 383 loaded Creating bottleneck features for batch 374 (10, 48, 48, 3) Bottleneck features for batch 374 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 384 loaded Creating bottleneck features for batch 375 (10, 48, 48, 3) Bottleneck features for batch 375 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 385 loaded Creating bottleneck features for batch 376 (10, 48, 48, 3) Bottleneck features for batch 376 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 386 loaded Creating bottleneck features for batch 377 (10, 48, 48, 3) Bottleneck features for batch 377 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 387 loaded Creating bottleneck features for batch 378 (10, 48, 48, 3) Bottleneck features for batch 378 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 388 loaded Creating bottleneck features for batch 379 (10, 48, 48, 3) Bottleneck features for batch 379 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 389 loaded Creating bottleneck features for batch 380 (10, 48, 48, 3) Bottleneck features for batch 380 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 390 loaded Creating bottleneck features for batch 381 (10, 48, 48, 3) Bottleneck features for batch 381 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 391 loaded Creating bottleneck features for batch 382 (10, 48, 48, 3) Bottleneck features for batch 382 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 392 loaded Creating bottleneck features for batch 383 (10, 48, 48, 3) Bottleneck features for batch 383 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 393 loaded Creating bottleneck features for batch 384 (10, 48, 48, 3) Bottleneck features for batch 384 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 394 loaded Creating bottleneck features for batch 385 (10, 48, 48, 3) Bottleneck features for batch 385 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 395 loaded Creating bottleneck features for batch 386 (10, 48, 48, 3) Bottleneck features for batch 386 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 396 loaded Creating bottleneck features for batch 387 (10, 48, 48, 3) Bottleneck features for batch 387 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 397 loaded Creating bottleneck features for batch 388 (10, 48, 48, 3) Bottleneck features for batch 388 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 398 loaded Creating bottleneck features for batch 389 (10, 48, 48, 3) Bottleneck features for batch 389 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 399 loaded Creating bottleneck features for batch 390 (10, 48, 48, 3) Bottleneck features for batch 390 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 400 loaded Creating bottleneck features for batch 391 (10, 48, 48, 3) Bottleneck features for batch 391 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 401 loaded Creating bottleneck features for batch 392 (10, 48, 48, 3) Bottleneck features for batch 392 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 402 loaded Creating bottleneck features for batch 393 (10, 48, 48, 3) Bottleneck features for batch 393 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 403 loaded Creating bottleneck features for batch 394 (10, 48, 48, 3) Bottleneck features for batch 394 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 404 loaded Creating bottleneck features for batch 395 (10, 48, 48, 3) Bottleneck features for batch 395 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 405 loaded Creating bottleneck features for batch 396 (10, 48, 48, 3) Bottleneck features for batch 396 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 406 loaded Creating bottleneck features for batch 397 (10, 48, 48, 3) Bottleneck features for batch 397 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 407 loaded Creating bottleneck features for batch 398 (10, 48, 48, 3) Bottleneck features for batch 398 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 408 loaded Creating bottleneck features for batch 399 (10, 48, 48, 3) Bottleneck features for batch 399 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 409 loaded Creating bottleneck features for batch 400 (10, 48, 48, 3) Bottleneck features for batch 400 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 410 loaded Creating bottleneck features for batch 401 (10, 48, 48, 3) Bottleneck features for batch 401 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 411 loaded Creating bottleneck features for batch 402 (10, 48, 48, 3) Bottleneck features for batch 402 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 412 loaded Creating bottleneck features for batch 403 (10, 48, 48, 3) Bottleneck features for batch 403 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 413 loaded Creating bottleneck features for batch 404 (10, 48, 48, 3) Bottleneck features for batch 404 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 414 loaded Creating bottleneck features for batch 405 (10, 48, 48, 3) Bottleneck features for batch 405 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 415 loaded Creating bottleneck features for batch 406 (10, 48, 48, 3) Bottleneck features for batch 406 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 416 loaded Creating bottleneck features for batch 407 (10, 48, 48, 3) Bottleneck features for batch 407 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 417 loaded Creating bottleneck features for batch 408 (10, 48, 48, 3) Bottleneck features for batch 408 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 418 loaded Creating bottleneck features for batch 409 (10, 48, 48, 3) Bottleneck features for batch 409 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 419 loaded Creating bottleneck features for batch 410 (10, 48, 48, 3) Bottleneck features for batch 410 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 420 loaded Creating bottleneck features for batch 411 (10, 48, 48, 3) Bottleneck features for batch 411 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 421 loaded Creating bottleneck features for batch 412 (10, 48, 48, 3) Bottleneck features for batch 412 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 422 loaded Creating bottleneck features for batch 413 (10, 48, 48, 3) Bottleneck features for batch 413 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 423 loaded Creating bottleneck features for batch 414 (10, 48, 48, 3) Bottleneck features for batch 414 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 424 loaded Creating bottleneck features for batch 415 (10, 48, 48, 3) Bottleneck features for batch 415 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 425 loaded Creating bottleneck features for batch 416 (10, 48, 48, 3) Bottleneck features for batch 416 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 426 loaded Creating bottleneck features for batch 417 (10, 48, 48, 3) Bottleneck features for batch 417 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 427 loaded Creating bottleneck features for batch 418 (10, 48, 48, 3) Bottleneck features for batch 418 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 428 loaded Creating bottleneck features for batch 419 (10, 48, 48, 3) Bottleneck features for batch 419 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 429 loaded Creating bottleneck features for batch 420 (10, 48, 48, 3) Bottleneck features for batch 420 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 430 loaded Creating bottleneck features for batch 421 (10, 48, 48, 3) Bottleneck features for batch 421 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 431 loaded Creating bottleneck features for batch 422 (10, 48, 48, 3) Bottleneck features for batch 422 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 432 loaded Creating bottleneck features for batch 423 (10, 48, 48, 3) Bottleneck features for batch 423 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 433 loaded Creating bottleneck features for batch 424 (10, 48, 48, 3) Bottleneck features for batch 424 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 434 loaded Creating bottleneck features for batch 425 (10, 48, 48, 3) Bottleneck features for batch 425 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 435 loaded Creating bottleneck features for batch 426 (10, 48, 48, 3) Bottleneck features for batch 426 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 436 loaded Creating bottleneck features for batch 427 (10, 48, 48, 3) Bottleneck features for batch 427 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 437 loaded Creating bottleneck features for batch 428 (10, 48, 48, 3) Bottleneck features for batch 428 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 438 loaded Creating bottleneck features for batch 429 (10, 48, 48, 3) Bottleneck features for batch 429 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 439 loaded Creating bottleneck features for batch 430 (10, 48, 48, 3) Bottleneck features for batch 430 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 440 loaded Creating bottleneck features for batch 431 (10, 48, 48, 3) Bottleneck features for batch 431 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 441 loaded Creating bottleneck features for batch 432 (10, 48, 48, 3) Bottleneck features for batch 432 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 442 loaded Creating bottleneck features for batch 433 (10, 48, 48, 3) Bottleneck features for batch 433 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 443 loaded Creating bottleneck features for batch 434 (10, 48, 48, 3) Bottleneck features for batch 434 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 444 loaded Creating bottleneck features for batch 435 (10, 48, 48, 3) Bottleneck features for batch 435 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 445 loaded Creating bottleneck features for batch 436 (10, 48, 48, 3) Bottleneck features for batch 436 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 446 loaded Creating bottleneck features for batch 437 (10, 48, 48, 3) Bottleneck features for batch 437 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 447 loaded Creating bottleneck features for batch 438 (10, 48, 48, 3) Bottleneck features for batch 438 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 448 loaded Creating bottleneck features for batch 439 (10, 48, 48, 3) Bottleneck features for batch 439 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 449 loaded Creating bottleneck features for batch 440 (10, 48, 48, 3) Bottleneck features for batch 440 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 450 loaded Creating bottleneck features for batch 441 (10, 48, 48, 3) Bottleneck features for batch 441 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 451 loaded Creating bottleneck features for batch 442 (10, 48, 48, 3) Bottleneck features for batch 442 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 452 loaded Creating bottleneck features for batch 443 (10, 48, 48, 3) Bottleneck features for batch 443 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 453 loaded Creating bottleneck features for batch 444 (10, 48, 48, 3) Bottleneck features for batch 444 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 454 loaded Creating bottleneck features for batch 445 (10, 48, 48, 3) Bottleneck features for batch 445 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 455 loaded Creating bottleneck features for batch 446 (10, 48, 48, 3) Bottleneck features for batch 446 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 456 loaded Creating bottleneck features for batch 447 (10, 48, 48, 3) Bottleneck features for batch 447 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 457 loaded Creating bottleneck features for batch 448 (10, 48, 48, 3) Bottleneck features for batch 448 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 458 loaded Creating bottleneck features for batch 449 (10, 48, 48, 3) Bottleneck features for batch 449 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 459 loaded Creating bottleneck features for batch 450 (10, 48, 48, 3) Bottleneck features for batch 450 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 460 loaded Creating bottleneck features for batch 451 (10, 48, 48, 3) Bottleneck features for batch 451 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 461 loaded Creating bottleneck features for batch 452 (10, 48, 48, 3) Bottleneck features for batch 452 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 462 loaded Creating bottleneck features for batch 453 (10, 48, 48, 3) Bottleneck features for batch 453 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 463 loaded Creating bottleneck features for batch 454 (10, 48, 48, 3) Bottleneck features for batch 454 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 464 loaded Creating bottleneck features for batch 455 (10, 48, 48, 3) Bottleneck features for batch 455 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 465 loaded Creating bottleneck features for batch 456 (10, 48, 48, 3) Bottleneck features for batch 456 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 466 loaded Creating bottleneck features for batch 457 (10, 48, 48, 3) Bottleneck features for batch 457 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 467 loaded Creating bottleneck features for batch 458 (10, 48, 48, 3) Bottleneck features for batch 458 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 468 loaded Creating bottleneck features for batch 459 (10, 48, 48, 3) Bottleneck features for batch 459 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 469 loaded Creating bottleneck features for batch 460 (10, 48, 48, 3) Bottleneck features for batch 460 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 470 loaded Creating bottleneck features for batch 461 (10, 48, 48, 3) Bottleneck features for batch 461 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 471 loaded Creating bottleneck features for batch 462 (10, 48, 48, 3) Bottleneck features for batch 462 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 472 loaded Creating bottleneck features for batch 463 (10, 48, 48, 3) Bottleneck features for batch 463 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 473 loaded Creating bottleneck features for batch 464 (10, 48, 48, 3) Bottleneck features for batch 464 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 474 loaded Creating bottleneck features for batch 465 (10, 48, 48, 3) Bottleneck features for batch 465 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 475 loaded Creating bottleneck features for batch 466 (10, 48, 48, 3) Bottleneck features for batch 466 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 476 loaded Creating bottleneck features for batch 467 (10, 48, 48, 3) Bottleneck features for batch 467 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 477 loaded Creating bottleneck features for batch 468 (10, 48, 48, 3) Bottleneck features for batch 468 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 478 loaded Creating bottleneck features for batch 469 (10, 48, 48, 3) Bottleneck features for batch 469 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 479 loaded Creating bottleneck features for batch 470 (10, 48, 48, 3) Bottleneck features for batch 470 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 480 loaded Creating bottleneck features for batch 471 (10, 48, 48, 3) Bottleneck features for batch 471 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 481 loaded Creating bottleneck features for batch 472 (10, 48, 48, 3) Bottleneck features for batch 472 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 482 loaded Creating bottleneck features for batch 473 (10, 48, 48, 3) Bottleneck features for batch 473 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 483 loaded Creating bottleneck features for batch 474 (10, 48, 48, 3) Bottleneck features for batch 474 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 484 loaded Creating bottleneck features for batch 475 (10, 48, 48, 3) Bottleneck features for batch 475 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 485 loaded Creating bottleneck features for batch 476 (10, 48, 48, 3) Bottleneck features for batch 476 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 486 loaded Creating bottleneck features for batch 477 (10, 48, 48, 3) Bottleneck features for batch 477 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 487 loaded Creating bottleneck features for batch 478 (10, 48, 48, 3) Bottleneck features for batch 478 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 488 loaded Creating bottleneck features for batch 479 (10, 48, 48, 3) Bottleneck features for batch 479 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 489 loaded Creating bottleneck features for batch 480 (10, 48, 48, 3) Bottleneck features for batch 480 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 490 loaded Creating bottleneck features for batch 481 (10, 48, 48, 3) Bottleneck features for batch 481 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 491 loaded Creating bottleneck features for batch 482 (10, 48, 48, 3) Bottleneck features for batch 482 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 492 loaded Creating bottleneck features for batch 483 (10, 48, 48, 3) Bottleneck features for batch 483 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 493 loaded Creating bottleneck features for batch 484 (10, 48, 48, 3) Bottleneck features for batch 484 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 494 loaded Creating bottleneck features for batch 485 (10, 48, 48, 3) Bottleneck features for batch 485 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 495 loaded Creating bottleneck features for batch 486 (10, 48, 48, 3) Bottleneck features for batch 486 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 496 loaded Creating bottleneck features for batch 487 (10, 48, 48, 3) Bottleneck features for batch 487 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 497 loaded Creating bottleneck features for batch 488 (10, 48, 48, 3) Bottleneck features for batch 488 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 498 loaded Creating bottleneck features for batch 489 (10, 48, 48, 3) Bottleneck features for batch 489 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 499 loaded Creating bottleneck features for batch 490 (10, 48, 48, 3) Bottleneck features for batch 490 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 500 loaded Creating bottleneck features for batch 491 (10, 48, 48, 3) Bottleneck features for batch 491 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 501 loaded Creating bottleneck features for batch 492 (10, 48, 48, 3) Bottleneck features for batch 492 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 502 loaded Creating bottleneck features for batch 493 (10, 48, 48, 3) Bottleneck features for batch 493 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 503 loaded Creating bottleneck features for batch 494 (10, 48, 48, 3) Bottleneck features for batch 494 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 504 loaded Creating bottleneck features for batch 495 (10, 48, 48, 3) Bottleneck features for batch 495 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 505 loaded Creating bottleneck features for batch 496 (10, 48, 48, 3) Bottleneck features for batch 496 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 506 loaded Creating bottleneck features for batch 497 (10, 48, 48, 3) Bottleneck features for batch 497 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 507 loaded Creating bottleneck features for batch 498 (10, 48, 48, 3) Bottleneck features for batch 498 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 508 loaded Creating bottleneck features for batch 499 (10, 48, 48, 3) Bottleneck features for batch 499 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 509 loaded Creating bottleneck features for batch 500 (10, 48, 48, 3) Bottleneck features for batch 500 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 510 loaded Creating bottleneck features for batch 501 (10, 48, 48, 3) Bottleneck features for batch 501 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 511 loaded Creating bottleneck features for batch 502 (10, 48, 48, 3) Bottleneck features for batch 502 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 512 loaded Creating bottleneck features for batch 503 (10, 48, 48, 3) Bottleneck features for batch 503 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 513 loaded Creating bottleneck features for batch 504 (10, 48, 48, 3) Bottleneck features for batch 504 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 514 loaded Creating bottleneck features for batch 505 (10, 48, 48, 3) Bottleneck features for batch 505 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 515 loaded Creating bottleneck features for batch 506 (10, 48, 48, 3) Bottleneck features for batch 506 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 516 loaded Creating bottleneck features for batch 507 (10, 48, 48, 3) Bottleneck features for batch 507 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 517 loaded Creating bottleneck features for batch 508 (10, 48, 48, 3) Bottleneck features for batch 508 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 518 loaded Creating bottleneck features for batch 509 (10, 48, 48, 3) Bottleneck features for batch 509 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 519 loaded Creating bottleneck features for batch 510 (10, 48, 48, 3) Bottleneck features for batch 510 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 520 loaded Creating bottleneck features for batch 511 (10, 48, 48, 3) Bottleneck features for batch 511 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 521 loaded Creating bottleneck features for batch 512 (10, 48, 48, 3) Bottleneck features for batch 512 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 522 loaded Creating bottleneck features for batch 513 (10, 48, 48, 3) Bottleneck features for batch 513 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 523 loaded Creating bottleneck features for batch 514 (10, 48, 48, 3) Bottleneck features for batch 514 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 524 loaded Creating bottleneck features for batch 515 (10, 48, 48, 3) Bottleneck features for batch 515 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 525 loaded Creating bottleneck features for batch 516 (10, 48, 48, 3) Bottleneck features for batch 516 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 526 loaded Creating bottleneck features for batch 517 (10, 48, 48, 3) Bottleneck features for batch 517 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 527 loaded Creating bottleneck features for batch 518 (10, 48, 48, 3) Bottleneck features for batch 518 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 528 loaded Creating bottleneck features for batch 519 (10, 48, 48, 3) Bottleneck features for batch 519 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 529 loaded Creating bottleneck features for batch 520 (10, 48, 48, 3) Bottleneck features for batch 520 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 530 loaded Creating bottleneck features for batch 521 (10, 48, 48, 3) Bottleneck features for batch 521 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 531 loaded Creating bottleneck features for batch 522 (10, 48, 48, 3) Bottleneck features for batch 522 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 532 loaded Creating bottleneck features for batch 523 (10, 48, 48, 3) Bottleneck features for batch 523 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 533 loaded Creating bottleneck features for batch 524 (10, 48, 48, 3) Bottleneck features for batch 524 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 534 loaded Creating bottleneck features for batch 525 (10, 48, 48, 3) Bottleneck features for batch 525 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 535 loaded Creating bottleneck features for batch 526 (10, 48, 48, 3) Bottleneck features for batch 526 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 536 loaded Creating bottleneck features for batch 527 (10, 48, 48, 3) Bottleneck features for batch 527 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 537 loaded Creating bottleneck features for batch 528 (10, 48, 48, 3) Bottleneck features for batch 528 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 538 loaded Creating bottleneck features for batch 529 (10, 48, 48, 3) Bottleneck features for batch 529 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 539 loaded Creating bottleneck features for batch 530 (10, 48, 48, 3) Bottleneck features for batch 530 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 540 loaded Creating bottleneck features for batch 531 (10, 48, 48, 3) Bottleneck features for batch 531 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 541 loaded Creating bottleneck features for batch 532 (10, 48, 48, 3) Bottleneck features for batch 532 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 542 loaded Creating bottleneck features for batch 533 (10, 48, 48, 3) Bottleneck features for batch 533 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 543 loaded Creating bottleneck features for batch 534 (10, 48, 48, 3) Bottleneck features for batch 534 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 544 loaded Creating bottleneck features for batch 535 (10, 48, 48, 3) Bottleneck features for batch 535 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 545 loaded Creating bottleneck features for batch 536 (10, 48, 48, 3) Bottleneck features for batch 536 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 546 loaded Creating bottleneck features for batch 537 (10, 48, 48, 3) Bottleneck features for batch 537 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 547 loaded Creating bottleneck features for batch 538 (10, 48, 48, 3) Bottleneck features for batch 538 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 548 loaded Creating bottleneck features for batch 539 (10, 48, 48, 3) Bottleneck features for batch 539 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 549 loaded Creating bottleneck features for batch 540 (10, 48, 48, 3) Bottleneck features for batch 540 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 550 loaded Creating bottleneck features for batch 541 (10, 48, 48, 3) Bottleneck features for batch 541 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 551 loaded Creating bottleneck features for batch 542 (10, 48, 48, 3) Bottleneck features for batch 542 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 552 loaded Creating bottleneck features for batch 543 (10, 48, 48, 3) Bottleneck features for batch 543 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 553 loaded Creating bottleneck features for batch 544 (10, 48, 48, 3) Bottleneck features for batch 544 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 554 loaded Creating bottleneck features for batch 545 (10, 48, 48, 3) Bottleneck features for batch 545 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 555 loaded Creating bottleneck features for batch 546 (10, 48, 48, 3) Bottleneck features for batch 546 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 556 loaded Creating bottleneck features for batch 547 (10, 48, 48, 3) Bottleneck features for batch 547 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 557 loaded Creating bottleneck features for batch 548 (10, 48, 48, 3) Bottleneck features for batch 548 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 558 loaded Creating bottleneck features for batch 549 (10, 48, 48, 3) Bottleneck features for batch 549 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 559 loaded Creating bottleneck features for batch 550 (10, 48, 48, 3) Bottleneck features for batch 550 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 560 loaded Creating bottleneck features for batch 551 (10, 48, 48, 3) Bottleneck features for batch 551 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 561 loaded Creating bottleneck features for batch 552 (10, 48, 48, 3) Bottleneck features for batch 552 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 562 loaded Creating bottleneck features for batch 553 (10, 48, 48, 3) Bottleneck features for batch 553 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 563 loaded Creating bottleneck features for batch 554 (10, 48, 48, 3) Bottleneck features for batch 554 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 564 loaded Creating bottleneck features for batch 555 (10, 48, 48, 3) Bottleneck features for batch 555 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 565 loaded Creating bottleneck features for batch 556 (10, 48, 48, 3) Bottleneck features for batch 556 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 566 loaded Creating bottleneck features for batch 557 (10, 48, 48, 3) Bottleneck features for batch 557 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 567 loaded Creating bottleneck features for batch 558 (10, 48, 48, 3) Bottleneck features for batch 558 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 568 loaded Creating bottleneck features for batch 559 (10, 48, 48, 3) Bottleneck features for batch 559 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 569 loaded Creating bottleneck features for batch 560 (10, 48, 48, 3) Bottleneck features for batch 560 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 570 loaded Creating bottleneck features for batch 561 (10, 48, 48, 3) Bottleneck features for batch 561 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 571 loaded Creating bottleneck features for batch 562 (10, 48, 48, 3) Bottleneck features for batch 562 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 572 loaded Creating bottleneck features for batch 563 (10, 48, 48, 3) Bottleneck features for batch 563 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 573 loaded Creating bottleneck features for batch 564 (10, 48, 48, 3) Bottleneck features for batch 564 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 574 loaded Creating bottleneck features for batch 565 (10, 48, 48, 3) Bottleneck features for batch 565 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 575 loaded Creating bottleneck features for batch 566 (10, 48, 48, 3) Bottleneck features for batch 566 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 576 loaded Creating bottleneck features for batch 567 (10, 48, 48, 3) Bottleneck features for batch 567 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 577 loaded Creating bottleneck features for batch 568 (10, 48, 48, 3) Bottleneck features for batch 568 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 578 loaded Creating bottleneck features for batch 569 (10, 48, 48, 3) Bottleneck features for batch 569 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 579 loaded Creating bottleneck features for batch 570 (10, 48, 48, 3) Bottleneck features for batch 570 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 580 loaded Creating bottleneck features for batch 571 (10, 48, 48, 3) Bottleneck features for batch 571 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 581 loaded Creating bottleneck features for batch 572 (10, 48, 48, 3) Bottleneck features for batch 572 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 582 loaded Creating bottleneck features for batch 573 (10, 48, 48, 3) Bottleneck features for batch 573 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 583 loaded Creating bottleneck features for batch 574 (10, 48, 48, 3) Bottleneck features for batch 574 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 584 loaded Creating bottleneck features for batch 575 (10, 48, 48, 3) Bottleneck features for batch 575 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 585 loaded Creating bottleneck features for batch 576 (10, 48, 48, 3) Bottleneck features for batch 576 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 586 loaded Creating bottleneck features for batch 577 (10, 48, 48, 3) Bottleneck features for batch 577 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 587 loaded Creating bottleneck features for batch 578 (10, 48, 48, 3) Bottleneck features for batch 578 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 588 loaded Creating bottleneck features for batch 579 (10, 48, 48, 3) Bottleneck features for batch 579 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 589 loaded Creating bottleneck features for batch 580 (10, 48, 48, 3) Bottleneck features for batch 580 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 590 loaded Creating bottleneck features for batch 581 (10, 48, 48, 3) Bottleneck features for batch 581 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 591 loaded Creating bottleneck features for batch 582 (10, 48, 48, 3) Bottleneck features for batch 582 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 592 loaded Creating bottleneck features for batch 583 (10, 48, 48, 3) Bottleneck features for batch 583 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 593 loaded Creating bottleneck features for batch 584 (10, 48, 48, 3) Bottleneck features for batch 584 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 594 loaded Creating bottleneck features for batch 585 (10, 48, 48, 3) Bottleneck features for batch 585 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 595 loaded Creating bottleneck features for batch 586 (10, 48, 48, 3) Bottleneck features for batch 586 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 596 loaded Creating bottleneck features for batch 587 (10, 48, 48, 3) Bottleneck features for batch 587 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 597 loaded Creating bottleneck features for batch 588 (10, 48, 48, 3) Bottleneck features for batch 588 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 598 loaded Creating bottleneck features for batch 589 (10, 48, 48, 3) Bottleneck features for batch 589 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 599 loaded Creating bottleneck features for batch 590 (10, 48, 48, 3) Bottleneck features for batch 590 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 600 loaded Creating bottleneck features for batch 591 (10, 48, 48, 3) Bottleneck features for batch 591 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 601 loaded Creating bottleneck features for batch 592 (10, 48, 48, 3) Bottleneck features for batch 592 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 602 loaded Creating bottleneck features for batch 593 (10, 48, 48, 3) Bottleneck features for batch 593 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 603 loaded Creating bottleneck features for batch 594 (10, 48, 48, 3) Bottleneck features for batch 594 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 604 loaded Creating bottleneck features for batch 595 (10, 48, 48, 3) Bottleneck features for batch 595 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 605 loaded Creating bottleneck features for batch 596 (10, 48, 48, 3) Bottleneck features for batch 596 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 606 loaded Creating bottleneck features for batch 597 (10, 48, 48, 3) Bottleneck features for batch 597 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 607 loaded Creating bottleneck features for batch 598 (10, 48, 48, 3) Bottleneck features for batch 598 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 608 loaded Creating bottleneck features for batch 599 (10, 48, 48, 3) Bottleneck features for batch 599 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 609 loaded Creating bottleneck features for batch 600 (10, 48, 48, 3) Bottleneck features for batch 600 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 610 loaded Creating bottleneck features for batch 601 (10, 48, 48, 3) Bottleneck features for batch 601 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 611 loaded Creating bottleneck features for batch 602 (10, 48, 48, 3) Bottleneck features for batch 602 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 612 loaded Creating bottleneck features for batch 603 (10, 48, 48, 3) Bottleneck features for batch 603 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 613 loaded Creating bottleneck features for batch 604 (10, 48, 48, 3) Bottleneck features for batch 604 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 614 loaded Creating bottleneck features for batch 605 (10, 48, 48, 3) Bottleneck features for batch 605 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 615 loaded Creating bottleneck features for batch 606 (10, 48, 48, 3) Bottleneck features for batch 606 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 616 loaded Creating bottleneck features for batch 607 (10, 48, 48, 3) Bottleneck features for batch 607 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 617 loaded Creating bottleneck features for batch 608 (10, 48, 48, 3) Bottleneck features for batch 608 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 618 loaded Creating bottleneck features for batch 609 (10, 48, 48, 3) Bottleneck features for batch 609 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 619 loaded Creating bottleneck features for batch 610 (10, 48, 48, 3) Bottleneck features for batch 610 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 620 loaded Creating bottleneck features for batch 611 (10, 48, 48, 3) Bottleneck features for batch 611 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 621 loaded Creating bottleneck features for batch 612 (10, 48, 48, 3) Bottleneck features for batch 612 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 622 loaded Creating bottleneck features for batch 613 (10, 48, 48, 3) Bottleneck features for batch 613 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 623 loaded Creating bottleneck features for batch 614 (10, 48, 48, 3) Bottleneck features for batch 614 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 624 loaded Creating bottleneck features for batch 615 (10, 48, 48, 3) Bottleneck features for batch 615 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 625 loaded Creating bottleneck features for batch 616 (10, 48, 48, 3) Bottleneck features for batch 616 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 626 loaded Creating bottleneck features for batch 617 (10, 48, 48, 3) Bottleneck features for batch 617 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 627 loaded Creating bottleneck features for batch 618 (10, 48, 48, 3) Bottleneck features for batch 618 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 628 loaded Creating bottleneck features for batch 619 (10, 48, 48, 3) Bottleneck features for batch 619 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 629 loaded Creating bottleneck features for batch 620 (10, 48, 48, 3) Bottleneck features for batch 620 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 630 loaded Creating bottleneck features for batch 621 (10, 48, 48, 3) Bottleneck features for batch 621 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 631 loaded Creating bottleneck features for batch 622 (10, 48, 48, 3) Bottleneck features for batch 622 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 632 loaded Creating bottleneck features for batch 623 (10, 48, 48, 3) Bottleneck features for batch 623 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 633 loaded Creating bottleneck features for batch 624 (10, 48, 48, 3) Bottleneck features for batch 624 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 634 loaded Creating bottleneck features for batch 625 (10, 48, 48, 3) Bottleneck features for batch 625 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 635 loaded Creating bottleneck features for batch 626 (10, 48, 48, 3) Bottleneck features for batch 626 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 636 loaded Creating bottleneck features for batch 627 (10, 48, 48, 3) Bottleneck features for batch 627 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 637 loaded Creating bottleneck features for batch 628 (10, 48, 48, 3) Bottleneck features for batch 628 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 638 loaded Creating bottleneck features for batch 629 (10, 48, 48, 3) Bottleneck features for batch 629 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 639 loaded Creating bottleneck features for batch 630 (10, 48, 48, 3) Bottleneck features for batch 630 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 640 loaded Creating bottleneck features for batch 631 (10, 48, 48, 3) Bottleneck features for batch 631 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 641 loaded Creating bottleneck features for batch 632 (10, 48, 48, 3) Bottleneck features for batch 632 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 642 loaded Creating bottleneck features for batch 633 (10, 48, 48, 3) Bottleneck features for batch 633 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 643 loaded Creating bottleneck features for batch 634 (10, 48, 48, 3) Bottleneck features for batch 634 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 644 loaded Creating bottleneck features for batch 635 (10, 48, 48, 3) Bottleneck features for batch 635 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 645 loaded Creating bottleneck features for batch 636 (10, 48, 48, 3) Bottleneck features for batch 636 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 646 loaded Creating bottleneck features for batch 637 (10, 48, 48, 3) Bottleneck features for batch 637 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 647 loaded Creating bottleneck features for batch 638 (10, 48, 48, 3) Bottleneck features for batch 638 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 648 loaded Creating bottleneck features for batch 639 (10, 48, 48, 3) Bottleneck features for batch 639 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 649 loaded Creating bottleneck features for batch 640 (10, 48, 48, 3) Bottleneck features for batch 640 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 650 loaded Creating bottleneck features for batch 641 (10, 48, 48, 3) Bottleneck features for batch 641 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 651 loaded Creating bottleneck features for batch 642 (10, 48, 48, 3) Bottleneck features for batch 642 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 652 loaded Creating bottleneck features for batch 643 (10, 48, 48, 3) Bottleneck features for batch 643 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 653 loaded Creating bottleneck features for batch 644 (10, 48, 48, 3) Bottleneck features for batch 644 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 654 loaded Creating bottleneck features for batch 645 (10, 48, 48, 3) Bottleneck features for batch 645 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 655 loaded Creating bottleneck features for batch 646 (10, 48, 48, 3) Bottleneck features for batch 646 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 656 loaded Creating bottleneck features for batch 647 (10, 48, 48, 3) Bottleneck features for batch 647 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 657 loaded Creating bottleneck features for batch 648 (10, 48, 48, 3) Bottleneck features for batch 648 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 658 loaded Creating bottleneck features for batch 649 (10, 48, 48, 3) Bottleneck features for batch 649 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 659 loaded Creating bottleneck features for batch 650 (10, 48, 48, 3) Bottleneck features for batch 650 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 660 loaded Creating bottleneck features for batch 651 (10, 48, 48, 3) Bottleneck features for batch 651 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 661 loaded Creating bottleneck features for batch 652 (10, 48, 48, 3) Bottleneck features for batch 652 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 662 loaded Creating bottleneck features for batch 653 (10, 48, 48, 3) Bottleneck features for batch 653 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 663 loaded Creating bottleneck features for batch 654 (10, 48, 48, 3) Bottleneck features for batch 654 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 664 loaded Creating bottleneck features for batch 655 (10, 48, 48, 3) Bottleneck features for batch 655 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 665 loaded Creating bottleneck features for batch 656 (10, 48, 48, 3) Bottleneck features for batch 656 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 666 loaded Creating bottleneck features for batch 657 (10, 48, 48, 3) Bottleneck features for batch 657 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 667 loaded Creating bottleneck features for batch 658 (10, 48, 48, 3) Bottleneck features for batch 658 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 668 loaded Creating bottleneck features for batch 659 (10, 48, 48, 3) Bottleneck features for batch 659 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 669 loaded Creating bottleneck features for batch 660 (10, 48, 48, 3) Bottleneck features for batch 660 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 670 loaded Creating bottleneck features for batch 661 (10, 48, 48, 3) Bottleneck features for batch 661 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 671 loaded Creating bottleneck features for batch 662 (10, 48, 48, 3) Bottleneck features for batch 662 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 672 loaded Creating bottleneck features for batch 663 (10, 48, 48, 3) Bottleneck features for batch 663 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 673 loaded Creating bottleneck features for batch 664 (10, 48, 48, 3) Bottleneck features for batch 664 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 674 loaded Creating bottleneck features for batch 665 (10, 48, 48, 3) Bottleneck features for batch 665 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 675 loaded Creating bottleneck features for batch 666 (10, 48, 48, 3) Bottleneck features for batch 666 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 676 loaded Creating bottleneck features for batch 667 (10, 48, 48, 3) Bottleneck features for batch 667 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 677 loaded Creating bottleneck features for batch 668 (10, 48, 48, 3) Bottleneck features for batch 668 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 678 loaded Creating bottleneck features for batch 669 (10, 48, 48, 3) Bottleneck features for batch 669 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 679 loaded Creating bottleneck features for batch 670 (10, 48, 48, 3) Bottleneck features for batch 670 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 680 loaded Creating bottleneck features for batch 671 (10, 48, 48, 3) Bottleneck features for batch 671 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 681 loaded Creating bottleneck features for batch 672 (10, 48, 48, 3) Bottleneck features for batch 672 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 682 loaded Creating bottleneck features for batch 673 (10, 48, 48, 3) Bottleneck features for batch 673 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 683 loaded Creating bottleneck features for batch 674 (10, 48, 48, 3) Bottleneck features for batch 674 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 684 loaded Creating bottleneck features for batch 675 (10, 48, 48, 3) Bottleneck features for batch 675 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 685 loaded Creating bottleneck features for batch 676 (10, 48, 48, 3) Bottleneck features for batch 676 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 686 loaded Creating bottleneck features for batch 677 (10, 48, 48, 3) Bottleneck features for batch 677 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 687 loaded Creating bottleneck features for batch 678 (10, 48, 48, 3) Bottleneck features for batch 678 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 688 loaded Creating bottleneck features for batch 679 (10, 48, 48, 3) Bottleneck features for batch 679 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 689 loaded Creating bottleneck features for batch 680 (10, 48, 48, 3) Bottleneck features for batch 680 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 690 loaded Creating bottleneck features for batch 681 (10, 48, 48, 3) Bottleneck features for batch 681 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 691 loaded Creating bottleneck features for batch 682 (10, 48, 48, 3) Bottleneck features for batch 682 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 692 loaded Creating bottleneck features for batch 683 (10, 48, 48, 3) Bottleneck features for batch 683 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 693 loaded Creating bottleneck features for batch 684 (10, 48, 48, 3) Bottleneck features for batch 684 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 694 loaded Creating bottleneck features for batch 685 (10, 48, 48, 3) Bottleneck features for batch 685 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 695 loaded Creating bottleneck features for batch 686 (10, 48, 48, 3) Bottleneck features for batch 686 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 696 loaded Creating bottleneck features for batch 687 (10, 48, 48, 3) Bottleneck features for batch 687 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 697 loaded Creating bottleneck features for batch 688 (10, 48, 48, 3) Bottleneck features for batch 688 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 698 loaded Creating bottleneck features for batch 689 (10, 48, 48, 3) Bottleneck features for batch 689 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 699 loaded Creating bottleneck features for batch 690 (10, 48, 48, 3) Bottleneck features for batch 690 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 700 loaded Creating bottleneck features for batch 691 (10, 48, 48, 3) Bottleneck features for batch 691 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 701 loaded Creating bottleneck features for batch 692 (10, 48, 48, 3) Bottleneck features for batch 692 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 702 loaded Creating bottleneck features for batch 693 (10, 48, 48, 3) Bottleneck features for batch 693 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 703 loaded Creating bottleneck features for batch 694 (10, 48, 48, 3) Bottleneck features for batch 694 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 704 loaded Creating bottleneck features for batch 695 (10, 48, 48, 3) Bottleneck features for batch 695 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 705 loaded Creating bottleneck features for batch 696 (10, 48, 48, 3) Bottleneck features for batch 696 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 706 loaded Creating bottleneck features for batch 697 (10, 48, 48, 3) Bottleneck features for batch 697 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 707 loaded Creating bottleneck features for batch 698 (10, 48, 48, 3) Bottleneck features for batch 698 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 708 loaded Creating bottleneck features for batch 699 (10, 48, 48, 3) Bottleneck features for batch 699 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 709 loaded Creating bottleneck features for batch 700 (10, 48, 48, 3) Bottleneck features for batch 700 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 710 loaded Creating bottleneck features for batch 701 (10, 48, 48, 3) Bottleneck features for batch 701 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 711 loaded Creating bottleneck features for batch 702 (10, 48, 48, 3) Bottleneck features for batch 702 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 712 loaded Creating bottleneck features for batch 703 (10, 48, 48, 3) Bottleneck features for batch 703 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 713 loaded Creating bottleneck features for batch 704 (10, 48, 48, 3) Bottleneck features for batch 704 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 714 loaded Creating bottleneck features for batch 705 (10, 48, 48, 3) Bottleneck features for batch 705 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 715 loaded Creating bottleneck features for batch 706 (10, 48, 48, 3) Bottleneck features for batch 706 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 716 loaded Creating bottleneck features for batch 707 (10, 48, 48, 3) Bottleneck features for batch 707 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 717 loaded Creating bottleneck features for batch 708 (10, 48, 48, 3) Bottleneck features for batch 708 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 718 loaded Creating bottleneck features for batch 709 (10, 48, 48, 3) Bottleneck features for batch 709 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 719 loaded Creating bottleneck features for batch 710 (10, 48, 48, 3) Bottleneck features for batch 710 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 720 loaded Creating bottleneck features for batch 711 (10, 48, 48, 3) Bottleneck features for batch 711 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 721 loaded Creating bottleneck features for batch 712 (10, 48, 48, 3) Bottleneck features for batch 712 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 722 loaded Creating bottleneck features for batch 713 (10, 48, 48, 3) Bottleneck features for batch 713 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 723 loaded Creating bottleneck features for batch 714 (10, 48, 48, 3) Bottleneck features for batch 714 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 724 loaded Creating bottleneck features for batch 715 (10, 48, 48, 3) Bottleneck features for batch 715 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 725 loaded Creating bottleneck features for batch 716 (10, 48, 48, 3) Bottleneck features for batch 716 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 726 loaded Creating bottleneck features for batch 717 (10, 48, 48, 3) Bottleneck features for batch 717 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 727 loaded Creating bottleneck features for batch 718 (10, 48, 48, 3) Bottleneck features for batch 718 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 728 loaded Creating bottleneck features for batch 719 (10, 48, 48, 3) Bottleneck features for batch 719 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 729 loaded Creating bottleneck features for batch 720 (10, 48, 48, 3) Bottleneck features for batch 720 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 730 loaded Creating bottleneck features for batch 721 (10, 48, 48, 3) Bottleneck features for batch 721 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 731 loaded Creating bottleneck features for batch 722 (10, 48, 48, 3) Bottleneck features for batch 722 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 732 loaded Creating bottleneck features for batch 723 (10, 48, 48, 3) Bottleneck features for batch 723 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 733 loaded Creating bottleneck features for batch 724 (10, 48, 48, 3) Bottleneck features for batch 724 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 734 loaded Creating bottleneck features for batch 725 (10, 48, 48, 3) Bottleneck features for batch 725 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 735 loaded Creating bottleneck features for batch 726 (10, 48, 48, 3) Bottleneck features for batch 726 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 736 loaded Creating bottleneck features for batch 727 (10, 48, 48, 3) Bottleneck features for batch 727 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 737 loaded Creating bottleneck features for batch 728 (10, 48, 48, 3) Bottleneck features for batch 728 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 738 loaded Creating bottleneck features for batch 729 (10, 48, 48, 3) Bottleneck features for batch 729 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 739 loaded Creating bottleneck features for batch 730 (10, 48, 48, 3) Bottleneck features for batch 730 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 740 loaded Creating bottleneck features for batch 731 (10, 48, 48, 3) Bottleneck features for batch 731 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 741 loaded Creating bottleneck features for batch 732 (10, 48, 48, 3) Bottleneck features for batch 732 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 742 loaded Creating bottleneck features for batch 733 (10, 48, 48, 3) Bottleneck features for batch 733 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 743 loaded Creating bottleneck features for batch 734 (10, 48, 48, 3) Bottleneck features for batch 734 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 744 loaded Creating bottleneck features for batch 735 (10, 48, 48, 3) Bottleneck features for batch 735 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 745 loaded Creating bottleneck features for batch 736 (10, 48, 48, 3) Bottleneck features for batch 736 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 746 loaded Creating bottleneck features for batch 737 (10, 48, 48, 3) Bottleneck features for batch 737 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 747 loaded Creating bottleneck features for batch 738 (10, 48, 48, 3) Bottleneck features for batch 738 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 748 loaded Creating bottleneck features for batch 739 (10, 48, 48, 3) Bottleneck features for batch 739 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 749 loaded Creating bottleneck features for batch 740 (10, 48, 48, 3) Bottleneck features for batch 740 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 750 loaded Creating bottleneck features for batch 741 (10, 48, 48, 3) Bottleneck features for batch 741 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 751 loaded Creating bottleneck features for batch 742 (10, 48, 48, 3) Bottleneck features for batch 742 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 752 loaded Creating bottleneck features for batch 743 (10, 48, 48, 3) Bottleneck features for batch 743 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 753 loaded Creating bottleneck features for batch 744 (10, 48, 48, 3) Bottleneck features for batch 744 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 754 loaded Creating bottleneck features for batch 745 (10, 48, 48, 3) Bottleneck features for batch 745 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 755 loaded Creating bottleneck features for batch 746 (10, 48, 48, 3) Bottleneck features for batch 746 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 756 loaded Creating bottleneck features for batch 747 (10, 48, 48, 3) Bottleneck features for batch 747 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 757 loaded Creating bottleneck features for batch 748 (10, 48, 48, 3) Bottleneck features for batch 748 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 758 loaded Creating bottleneck features for batch 749 (10, 48, 48, 3) Bottleneck features for batch 749 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 759 loaded Creating bottleneck features for batch 750 (10, 48, 48, 3) Bottleneck features for batch 750 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 760 loaded Creating bottleneck features for batch 751 (10, 48, 48, 3) Bottleneck features for batch 751 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 761 loaded Creating bottleneck features for batch 752 (10, 48, 48, 3) Bottleneck features for batch 752 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 762 loaded Creating bottleneck features for batch 753 (10, 48, 48, 3) Bottleneck features for batch 753 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 763 loaded Creating bottleneck features for batch 754 (10, 48, 48, 3) Bottleneck features for batch 754 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 764 loaded Creating bottleneck features for batch 755 (10, 48, 48, 3) Bottleneck features for batch 755 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 765 loaded Creating bottleneck features for batch 756 (10, 48, 48, 3) Bottleneck features for batch 756 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 766 loaded Creating bottleneck features for batch 757 (10, 48, 48, 3) Bottleneck features for batch 757 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 767 loaded Creating bottleneck features for batch 758 (10, 48, 48, 3) Bottleneck features for batch 758 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 768 loaded Creating bottleneck features for batch 759 (10, 48, 48, 3) Bottleneck features for batch 759 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 769 loaded Creating bottleneck features for batch 760 (10, 48, 48, 3) Bottleneck features for batch 760 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 770 loaded Creating bottleneck features for batch 761 (10, 48, 48, 3) Bottleneck features for batch 761 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 771 loaded Creating bottleneck features for batch 762 (10, 48, 48, 3) Bottleneck features for batch 762 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 772 loaded Creating bottleneck features for batch 763 (10, 48, 48, 3) Bottleneck features for batch 763 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 773 loaded Creating bottleneck features for batch 764 (10, 48, 48, 3) Bottleneck features for batch 764 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 774 loaded Creating bottleneck features for batch 765 (10, 48, 48, 3) Bottleneck features for batch 765 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 775 loaded Creating bottleneck features for batch 766 (10, 48, 48, 3) Bottleneck features for batch 766 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 776 loaded Creating bottleneck features for batch 767 (10, 48, 48, 3) Bottleneck features for batch 767 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 777 loaded Creating bottleneck features for batch 768 (10, 48, 48, 3) Bottleneck features for batch 768 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 778 loaded Creating bottleneck features for batch 769 (10, 48, 48, 3) Bottleneck features for batch 769 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 779 loaded Creating bottleneck features for batch 770 (10, 48, 48, 3) Bottleneck features for batch 770 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 780 loaded Creating bottleneck features for batch 771 (10, 48, 48, 3) Bottleneck features for batch 771 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 781 loaded Creating bottleneck features for batch 772 (10, 48, 48, 3) Bottleneck features for batch 772 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 782 loaded Creating bottleneck features for batch 773 (10, 48, 48, 3) Bottleneck features for batch 773 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 783 loaded Creating bottleneck features for batch 774 (10, 48, 48, 3) Bottleneck features for batch 774 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 784 loaded Creating bottleneck features for batch 775 (10, 48, 48, 3) Bottleneck features for batch 775 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 785 loaded Creating bottleneck features for batch 776 (10, 48, 48, 3) Bottleneck features for batch 776 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 786 loaded Creating bottleneck features for batch 777 (10, 48, 48, 3) Bottleneck features for batch 777 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 787 loaded Creating bottleneck features for batch 778 (10, 48, 48, 3) Bottleneck features for batch 778 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 788 loaded Creating bottleneck features for batch 779 (10, 48, 48, 3) Bottleneck features for batch 779 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 789 loaded Creating bottleneck features for batch 780 (10, 48, 48, 3) Bottleneck features for batch 780 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 790 loaded Creating bottleneck features for batch 781 (10, 48, 48, 3) Bottleneck features for batch 781 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 791 loaded Creating bottleneck features for batch 782 (10, 48, 48, 3) Bottleneck features for batch 782 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 792 loaded Creating bottleneck features for batch 783 (10, 48, 48, 3) Bottleneck features for batch 783 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 793 loaded Creating bottleneck features for batch 784 (10, 48, 48, 3) Bottleneck features for batch 784 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 794 loaded Creating bottleneck features for batch 785 (10, 48, 48, 3) Bottleneck features for batch 785 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 795 loaded Creating bottleneck features for batch 786 (10, 48, 48, 3) Bottleneck features for batch 786 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 796 loaded Creating bottleneck features for batch 787 (10, 48, 48, 3) Bottleneck features for batch 787 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 797 loaded Creating bottleneck features for batch 788 (10, 48, 48, 3) Bottleneck features for batch 788 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 798 loaded Creating bottleneck features for batch 789 (10, 48, 48, 3) Bottleneck features for batch 789 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 799 loaded Creating bottleneck features for batch 790 (10, 48, 48, 3) Bottleneck features for batch 790 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 800 loaded Creating bottleneck features for batch 791 (10, 48, 48, 3) Bottleneck features for batch 791 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 801 loaded Creating bottleneck features for batch 792 (10, 48, 48, 3) Bottleneck features for batch 792 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 802 loaded Creating bottleneck features for batch 793 (10, 48, 48, 3) Bottleneck features for batch 793 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 803 loaded Creating bottleneck features for batch 794 (10, 48, 48, 3) Bottleneck features for batch 794 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 804 loaded Creating bottleneck features for batch 795 (10, 48, 48, 3) Bottleneck features for batch 795 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 805 loaded Creating bottleneck features for batch 796 (10, 48, 48, 3) Bottleneck features for batch 796 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 806 loaded Creating bottleneck features for batch 797 (10, 48, 48, 3) Bottleneck features for batch 797 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 807 loaded Creating bottleneck features for batch 798 (10, 48, 48, 3) Bottleneck features for batch 798 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 808 loaded Creating bottleneck features for batch 799 (10, 48, 48, 3) Bottleneck features for batch 799 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 809 loaded Creating bottleneck features for batch 800 (10, 48, 48, 3) Bottleneck features for batch 800 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 810 loaded Creating bottleneck features for batch 801 (10, 48, 48, 3) Bottleneck features for batch 801 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 811 loaded Creating bottleneck features for batch 802 (10, 48, 48, 3) Bottleneck features for batch 802 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 812 loaded Creating bottleneck features for batch 803 (10, 48, 48, 3) Bottleneck features for batch 803 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 813 loaded Creating bottleneck features for batch 804 (10, 48, 48, 3) Bottleneck features for batch 804 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 814 loaded Creating bottleneck features for batch 805 (10, 48, 48, 3) Bottleneck features for batch 805 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 815 loaded Creating bottleneck features for batch 806 (10, 48, 48, 3) Bottleneck features for batch 806 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 816 loaded Creating bottleneck features for batch 807 (10, 48, 48, 3) Bottleneck features for batch 807 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 817 loaded Creating bottleneck features for batch 808 (10, 48, 48, 3) Bottleneck features for batch 808 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 818 loaded Creating bottleneck features for batch 809 (10, 48, 48, 3) Bottleneck features for batch 809 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 819 loaded Creating bottleneck features for batch 810 (10, 48, 48, 3) Bottleneck features for batch 810 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 820 loaded Creating bottleneck features for batch 811 (10, 48, 48, 3) Bottleneck features for batch 811 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 821 loaded Creating bottleneck features for batch 812 (10, 48, 48, 3) Bottleneck features for batch 812 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 822 loaded Creating bottleneck features for batch 813 (10, 48, 48, 3) Bottleneck features for batch 813 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 823 loaded Creating bottleneck features for batch 814 (10, 48, 48, 3) Bottleneck features for batch 814 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 824 loaded Creating bottleneck features for batch 815 (10, 48, 48, 3) Bottleneck features for batch 815 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 825 loaded Creating bottleneck features for batch 816 (10, 48, 48, 3) Bottleneck features for batch 816 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 826 loaded Creating bottleneck features for batch 817 (10, 48, 48, 3) Bottleneck features for batch 817 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 827 loaded Creating bottleneck features for batch 818 (10, 48, 48, 3) Bottleneck features for batch 818 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 828 loaded Creating bottleneck features for batch 819 (10, 48, 48, 3) Bottleneck features for batch 819 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 829 loaded Creating bottleneck features for batch 820 (10, 48, 48, 3) Bottleneck features for batch 820 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 830 loaded Creating bottleneck features for batch 821 (10, 48, 48, 3) Bottleneck features for batch 821 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 831 loaded Creating bottleneck features for batch 822 (10, 48, 48, 3) Bottleneck features for batch 822 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 832 loaded Creating bottleneck features for batch 823 (10, 48, 48, 3) Bottleneck features for batch 823 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 833 loaded Creating bottleneck features for batch 824 (10, 48, 48, 3) Bottleneck features for batch 824 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 834 loaded Creating bottleneck features for batch 825 (10, 48, 48, 3) Bottleneck features for batch 825 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 835 loaded Creating bottleneck features for batch 826 (10, 48, 48, 3) Bottleneck features for batch 826 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 836 loaded Creating bottleneck features for batch 827 (10, 48, 48, 3) Bottleneck features for batch 827 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 837 loaded Creating bottleneck features for batch 828 (10, 48, 48, 3) Bottleneck features for batch 828 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 838 loaded Creating bottleneck features for batch 829 (10, 48, 48, 3) Bottleneck features for batch 829 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 839 loaded Creating bottleneck features for batch 830 (10, 48, 48, 3) Bottleneck features for batch 830 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 840 loaded Creating bottleneck features for batch 831 (10, 48, 48, 3) Bottleneck features for batch 831 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 841 loaded Creating bottleneck features for batch 832 (10, 48, 48, 3) Bottleneck features for batch 832 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 842 loaded Creating bottleneck features for batch 833 (10, 48, 48, 3) Bottleneck features for batch 833 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 843 loaded Creating bottleneck features for batch 834 (10, 48, 48, 3) Bottleneck features for batch 834 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 844 loaded Creating bottleneck features for batch 835 (10, 48, 48, 3) Bottleneck features for batch 835 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 845 loaded Creating bottleneck features for batch 836 (10, 48, 48, 3) Bottleneck features for batch 836 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 846 loaded Creating bottleneck features for batch 837 (10, 48, 48, 3) Bottleneck features for batch 837 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 847 loaded Creating bottleneck features for batch 838 (10, 48, 48, 3) Bottleneck features for batch 838 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 848 loaded Creating bottleneck features for batch 839 (10, 48, 48, 3) Bottleneck features for batch 839 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 849 loaded Creating bottleneck features for batch 840 (10, 48, 48, 3) Bottleneck features for batch 840 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 850 loaded Creating bottleneck features for batch 841 (10, 48, 48, 3) Bottleneck features for batch 841 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 851 loaded Creating bottleneck features for batch 842 (10, 48, 48, 3) Bottleneck features for batch 842 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 852 loaded Creating bottleneck features for batch 843 (10, 48, 48, 3) Bottleneck features for batch 843 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 853 loaded Creating bottleneck features for batch 844 (10, 48, 48, 3) Bottleneck features for batch 844 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 854 loaded Creating bottleneck features for batch 845 (10, 48, 48, 3) Bottleneck features for batch 845 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 855 loaded Creating bottleneck features for batch 846 (10, 48, 48, 3) Bottleneck features for batch 846 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 856 loaded Creating bottleneck features for batch 847 (10, 48, 48, 3) Bottleneck features for batch 847 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 857 loaded Creating bottleneck features for batch 848 (10, 48, 48, 3) Bottleneck features for batch 848 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 858 loaded Creating bottleneck features for batch 849 (10, 48, 48, 3) Bottleneck features for batch 849 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 859 loaded Creating bottleneck features for batch 850 (10, 48, 48, 3) Bottleneck features for batch 850 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 860 loaded Creating bottleneck features for batch 851 (10, 48, 48, 3) Bottleneck features for batch 851 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 861 loaded Creating bottleneck features for batch 852 (10, 48, 48, 3) Bottleneck features for batch 852 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 862 loaded Creating bottleneck features for batch 853 (10, 48, 48, 3) Bottleneck features for batch 853 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 863 loaded Creating bottleneck features for batch 854 (10, 48, 48, 3) Bottleneck features for batch 854 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 864 loaded Creating bottleneck features for batch 855 (10, 48, 48, 3) Bottleneck features for batch 855 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 865 loaded Creating bottleneck features for batch 856 (10, 48, 48, 3) Bottleneck features for batch 856 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 866 loaded Creating bottleneck features for batch 857 (10, 48, 48, 3) Bottleneck features for batch 857 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 867 loaded Creating bottleneck features for batch 858 (10, 48, 48, 3) Bottleneck features for batch 858 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 868 loaded Creating bottleneck features for batch 859 (10, 48, 48, 3) Bottleneck features for batch 859 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 869 loaded Creating bottleneck features for batch 860 (10, 48, 48, 3) Bottleneck features for batch 860 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 870 loaded Creating bottleneck features for batch 861 (10, 48, 48, 3) Bottleneck features for batch 861 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 871 loaded Creating bottleneck features for batch 862 (10, 48, 48, 3) Bottleneck features for batch 862 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 872 loaded Creating bottleneck features for batch 863 (10, 48, 48, 3) Bottleneck features for batch 863 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 873 loaded Creating bottleneck features for batch 864 (10, 48, 48, 3) Bottleneck features for batch 864 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 874 loaded Creating bottleneck features for batch 865 (10, 48, 48, 3) Bottleneck features for batch 865 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 875 loaded Creating bottleneck features for batch 866 (10, 48, 48, 3) Bottleneck features for batch 866 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 876 loaded Creating bottleneck features for batch 867 (10, 48, 48, 3) Bottleneck features for batch 867 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 877 loaded Creating bottleneck features for batch 868 (10, 48, 48, 3) Bottleneck features for batch 868 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 878 loaded Creating bottleneck features for batch 869 (10, 48, 48, 3) Bottleneck features for batch 869 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 879 loaded Creating bottleneck features for batch 870 (10, 48, 48, 3) Bottleneck features for batch 870 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 880 loaded Creating bottleneck features for batch 871 (10, 48, 48, 3) Bottleneck features for batch 871 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 881 loaded Creating bottleneck features for batch 872 (10, 48, 48, 3) Bottleneck features for batch 872 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 882 loaded Creating bottleneck features for batch 873 (10, 48, 48, 3) Bottleneck features for batch 873 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 883 loaded Creating bottleneck features for batch 874 (10, 48, 48, 3) Bottleneck features for batch 874 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 884 loaded Creating bottleneck features for batch 875 (10, 48, 48, 3) Bottleneck features for batch 875 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 885 loaded Creating bottleneck features for batch 876 (10, 48, 48, 3) Bottleneck features for batch 876 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 886 loaded Creating bottleneck features for batch 877 (10, 48, 48, 3) Bottleneck features for batch 877 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 887 loaded Creating bottleneck features for batch 878 (10, 48, 48, 3) Bottleneck features for batch 878 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 888 loaded Creating bottleneck features for batch 879 (10, 48, 48, 3) Bottleneck features for batch 879 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 889 loaded Creating bottleneck features for batch 880 (10, 48, 48, 3) Bottleneck features for batch 880 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 890 loaded Creating bottleneck features for batch 881 (10, 48, 48, 3) Bottleneck features for batch 881 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 891 loaded Creating bottleneck features for batch 882 (10, 48, 48, 3) Bottleneck features for batch 882 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 892 loaded Creating bottleneck features for batch 883 (10, 48, 48, 3) Bottleneck features for batch 883 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 893 loaded Creating bottleneck features for batch 884 (10, 48, 48, 3) Bottleneck features for batch 884 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 894 loaded Creating bottleneck features for batch 885 (10, 48, 48, 3) Bottleneck features for batch 885 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 895 loaded Creating bottleneck features for batch 886 (10, 48, 48, 3) Bottleneck features for batch 886 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 896 loaded Creating bottleneck features for batch 887 (10, 48, 48, 3) Bottleneck features for batch 887 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 897 loaded Creating bottleneck features for batch 888 (10, 48, 48, 3) Bottleneck features for batch 888 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 898 loaded Creating bottleneck features for batch 889 (10, 48, 48, 3) Bottleneck features for batch 889 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 899 loaded Creating bottleneck features for batch 890 (10, 48, 48, 3) Bottleneck features for batch 890 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 900 loaded Creating bottleneck features for batch 891 (10, 48, 48, 3) Bottleneck features for batch 891 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 901 loaded Creating bottleneck features for batch 892 (10, 48, 48, 3) Bottleneck features for batch 892 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 902 loaded Creating bottleneck features for batch 893 (10, 48, 48, 3) Bottleneck features for batch 893 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 903 loaded Creating bottleneck features for batch 894 (10, 48, 48, 3) Bottleneck features for batch 894 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 904 loaded Creating bottleneck features for batch 895 (10, 48, 48, 3) Bottleneck features for batch 895 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 905 loaded Creating bottleneck features for batch 896 (10, 48, 48, 3) Bottleneck features for batch 896 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 906 loaded Creating bottleneck features for batch 897 (10, 48, 48, 3) Bottleneck features for batch 897 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 907 loaded Creating bottleneck features for batch 898 (10, 48, 48, 3) Bottleneck features for batch 898 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 908 loaded Creating bottleneck features for batch 899 (10, 48, 48, 3) Bottleneck features for batch 899 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 909 loaded Creating bottleneck features for batch 900 (10, 48, 48, 3) Bottleneck features for batch 900 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 910 loaded Creating bottleneck features for batch 901 (10, 48, 48, 3) Bottleneck features for batch 901 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 911 loaded Creating bottleneck features for batch 902 (10, 48, 48, 3) Bottleneck features for batch 902 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 912 loaded Creating bottleneck features for batch 903 (10, 48, 48, 3) Bottleneck features for batch 903 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 913 loaded Creating bottleneck features for batch 904 (10, 48, 48, 3) Bottleneck features for batch 904 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 914 loaded Creating bottleneck features for batch 905 (10, 48, 48, 3) Bottleneck features for batch 905 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 915 loaded Creating bottleneck features for batch 906 (10, 48, 48, 3) Bottleneck features for batch 906 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 916 loaded Creating bottleneck features for batch 907 (10, 48, 48, 3) Bottleneck features for batch 907 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 917 loaded Creating bottleneck features for batch 908 (10, 48, 48, 3) Bottleneck features for batch 908 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 918 loaded Creating bottleneck features for batch 909 (10, 48, 48, 3) Bottleneck features for batch 909 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 919 loaded Creating bottleneck features for batch 910 (10, 48, 48, 3) Bottleneck features for batch 910 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 920 loaded Creating bottleneck features for batch 911 (10, 48, 48, 3) Bottleneck features for batch 911 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 921 loaded Creating bottleneck features for batch 912 (10, 48, 48, 3) Bottleneck features for batch 912 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 922 loaded Creating bottleneck features for batch 913 (10, 48, 48, 3) Bottleneck features for batch 913 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 923 loaded Creating bottleneck features for batch 914 (10, 48, 48, 3) Bottleneck features for batch 914 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 924 loaded Creating bottleneck features for batch 915 (10, 48, 48, 3) Bottleneck features for batch 915 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 925 loaded Creating bottleneck features for batch 916 (10, 48, 48, 3) Bottleneck features for batch 916 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 926 loaded Creating bottleneck features for batch 917 (10, 48, 48, 3) Bottleneck features for batch 917 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 927 loaded Creating bottleneck features for batch 918 (10, 48, 48, 3) Bottleneck features for batch 918 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 928 loaded Creating bottleneck features for batch 919 (10, 48, 48, 3) Bottleneck features for batch 919 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 929 loaded Creating bottleneck features for batch 920 (10, 48, 48, 3) Bottleneck features for batch 920 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 930 loaded Creating bottleneck features for batch 921 (10, 48, 48, 3) Bottleneck features for batch 921 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 931 loaded Creating bottleneck features for batch 922 (10, 48, 48, 3) Bottleneck features for batch 922 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 932 loaded Creating bottleneck features for batch 923 (10, 48, 48, 3) Bottleneck features for batch 923 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 933 loaded Creating bottleneck features for batch 924 (10, 48, 48, 3) Bottleneck features for batch 924 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 934 loaded Creating bottleneck features for batch 925 (10, 48, 48, 3) Bottleneck features for batch 925 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 935 loaded Creating bottleneck features for batch 926 (10, 48, 48, 3) Bottleneck features for batch 926 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 936 loaded Creating bottleneck features for batch 927 (10, 48, 48, 3) Bottleneck features for batch 927 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 937 loaded Creating bottleneck features for batch 928 (10, 48, 48, 3) Bottleneck features for batch 928 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 938 loaded Creating bottleneck features for batch 929 (10, 48, 48, 3) Bottleneck features for batch 929 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 939 loaded Creating bottleneck features for batch 930 (10, 48, 48, 3) Bottleneck features for batch 930 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 940 loaded Creating bottleneck features for batch 931 (10, 48, 48, 3) Bottleneck features for batch 931 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 941 loaded Creating bottleneck features for batch 932 (10, 48, 48, 3) Bottleneck features for batch 932 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 942 loaded Creating bottleneck features for batch 933 (10, 48, 48, 3) Bottleneck features for batch 933 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 943 loaded Creating bottleneck features for batch 934 (10, 48, 48, 3) Bottleneck features for batch 934 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 944 loaded Creating bottleneck features for batch 935 (10, 48, 48, 3) Bottleneck features for batch 935 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 945 loaded Creating bottleneck features for batch 936 (10, 48, 48, 3) Bottleneck features for batch 936 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 946 loaded Creating bottleneck features for batch 937 (10, 48, 48, 3) Bottleneck features for batch 937 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 947 loaded Creating bottleneck features for batch 938 (10, 48, 48, 3) Bottleneck features for batch 938 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 948 loaded Creating bottleneck features for batch 939 (10, 48, 48, 3) Bottleneck features for batch 939 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 949 loaded Creating bottleneck features for batch 940 (10, 48, 48, 3) Bottleneck features for batch 940 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 950 loaded Creating bottleneck features for batch 941 (10, 48, 48, 3) Bottleneck features for batch 941 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 951 loaded Creating bottleneck features for batch 942 (10, 48, 48, 3) Bottleneck features for batch 942 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 952 loaded Creating bottleneck features for batch 943 (10, 48, 48, 3) Bottleneck features for batch 943 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 953 loaded Creating bottleneck features for batch 944 (10, 48, 48, 3) Bottleneck features for batch 944 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 954 loaded Creating bottleneck features for batch 945 (10, 48, 48, 3) Bottleneck features for batch 945 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 955 loaded Creating bottleneck features for batch 946 (10, 48, 48, 3) Bottleneck features for batch 946 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 956 loaded Creating bottleneck features for batch 947 (10, 48, 48, 3) Bottleneck features for batch 947 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 957 loaded Creating bottleneck features for batch 948 (10, 48, 48, 3) Bottleneck features for batch 948 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 958 loaded Creating bottleneck features for batch 949 (10, 48, 48, 3) Bottleneck features for batch 949 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 959 loaded Creating bottleneck features for batch 950 (10, 48, 48, 3) Bottleneck features for batch 950 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 960 loaded Creating bottleneck features for batch 951 (10, 48, 48, 3) Bottleneck features for batch 951 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 961 loaded Creating bottleneck features for batch 952 (10, 48, 48, 3) Bottleneck features for batch 952 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 962 loaded Creating bottleneck features for batch 953 (10, 48, 48, 3) Bottleneck features for batch 953 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 963 loaded Creating bottleneck features for batch 954 (10, 48, 48, 3) Bottleneck features for batch 954 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 964 loaded Creating bottleneck features for batch 955 (10, 48, 48, 3) Bottleneck features for batch 955 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 965 loaded Creating bottleneck features for batch 956 (10, 48, 48, 3) Bottleneck features for batch 956 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 966 loaded Creating bottleneck features for batch 957 (10, 48, 48, 3) Bottleneck features for batch 957 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 967 loaded Creating bottleneck features for batch 958 (10, 48, 48, 3) Bottleneck features for batch 958 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 968 loaded Creating bottleneck features for batch 959 (10, 48, 48, 3) Bottleneck features for batch 959 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 969 loaded Creating bottleneck features for batch 960 (10, 48, 48, 3) Bottleneck features for batch 960 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 970 loaded Creating bottleneck features for batch 961 (10, 48, 48, 3) Bottleneck features for batch 961 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 971 loaded Creating bottleneck features for batch 962 (10, 48, 48, 3) Bottleneck features for batch 962 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 972 loaded Creating bottleneck features for batch 963 (10, 48, 48, 3) Bottleneck features for batch 963 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 973 loaded Creating bottleneck features for batch 964 (10, 48, 48, 3) Bottleneck features for batch 964 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 974 loaded Creating bottleneck features for batch 965 (10, 48, 48, 3) Bottleneck features for batch 965 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 975 loaded Creating bottleneck features for batch 966 (10, 48, 48, 3) Bottleneck features for batch 966 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 976 loaded Creating bottleneck features for batch 967 (10, 48, 48, 3) Bottleneck features for batch 967 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 977 loaded Creating bottleneck features for batch 968 (10, 48, 48, 3) Bottleneck features for batch 968 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 978 loaded Creating bottleneck features for batch 969 (10, 48, 48, 3) Bottleneck features for batch 969 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 979 loaded Creating bottleneck features for batch 970 (10, 48, 48, 3) Bottleneck features for batch 970 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 980 loaded Creating bottleneck features for batch 971 (10, 48, 48, 3) Bottleneck features for batch 971 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 981 loaded Creating bottleneck features for batch 972 (10, 48, 48, 3) Bottleneck features for batch 972 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 982 loaded Creating bottleneck features for batch 973 (10, 48, 48, 3) Bottleneck features for batch 973 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 983 loaded Creating bottleneck features for batch 974 (10, 48, 48, 3) Bottleneck features for batch 974 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 984 loaded Creating bottleneck features for batch 975 (10, 48, 48, 3) Bottleneck features for batch 975 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 985 loaded Creating bottleneck features for batch 976 (10, 48, 48, 3) Bottleneck features for batch 976 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 986 loaded Creating bottleneck features for batch 977 (10, 48, 48, 3) Bottleneck features for batch 977 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 987 loaded Creating bottleneck features for batch 978 (10, 48, 48, 3) Bottleneck features for batch 978 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 988 loaded Creating bottleneck features for batch 979 (10, 48, 48, 3) Bottleneck features for batch 979 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 989 loaded Creating bottleneck features for batch 980 (10, 48, 48, 3) Bottleneck features for batch 980 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 990 loaded Creating bottleneck features for batch 981 (10, 48, 48, 3) Bottleneck features for batch 981 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 991 loaded Creating bottleneck features for batch 982 (10, 48, 48, 3) Bottleneck features for batch 982 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 992 loaded Creating bottleneck features for batch 983 (10, 48, 48, 3) Bottleneck features for batch 983 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 993 loaded Creating bottleneck features for batch 984 (10, 48, 48, 3) Bottleneck features for batch 984 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 994 loaded Creating bottleneck features for batch 985 (10, 48, 48, 3) Bottleneck features for batch 985 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 995 loaded Creating bottleneck features for batch 986 (10, 48, 48, 3) Bottleneck features for batch 986 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 996 loaded Creating bottleneck features for batch 987 (10, 48, 48, 3) Bottleneck features for batch 987 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 997 loaded Creating bottleneck features for batch 988 (10, 48, 48, 3) Bottleneck features for batch 988 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 998 loaded Creating bottleneck features for batch 989 (10, 48, 48, 3) Bottleneck features for batch 989 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 999 loaded Creating bottleneck features for batch 990 (10, 48, 48, 3) Bottleneck features for batch 990 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1000 loaded Creating bottleneck features for batch 991 (10, 48, 48, 3) Bottleneck features for batch 991 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1001 loaded Creating bottleneck features for batch 992 (10, 48, 48, 3) Bottleneck features for batch 992 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1002 loaded Creating bottleneck features for batch 993 (10, 48, 48, 3) Bottleneck features for batch 993 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1003 loaded Creating bottleneck features for batch 994 (10, 48, 48, 3) Bottleneck features for batch 994 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1004 loaded Creating bottleneck features for batch 995 (10, 48, 48, 3) Bottleneck features for batch 995 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1005 loaded Creating bottleneck features for batch 996 (10, 48, 48, 3) Bottleneck features for batch 996 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1006 loaded Creating bottleneck features for batch 997 (10, 48, 48, 3) Bottleneck features for batch 997 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1007 loaded Creating bottleneck features for batch 998 (10, 48, 48, 3) Bottleneck features for batch 998 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1008 loaded Creating bottleneck features for batch 999 (10, 48, 48, 3) Bottleneck features for batch 999 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1009 loaded Creating bottleneck features for batch 1000 (10, 48, 48, 3) Bottleneck features for batch 1000 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1010 loaded Creating bottleneck features for batch 1001 (10, 48, 48, 3) Bottleneck features for batch 1001 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1011 loaded Creating bottleneck features for batch 1002 (10, 48, 48, 3) Bottleneck features for batch 1002 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1012 loaded Creating bottleneck features for batch 1003 (10, 48, 48, 3) Bottleneck features for batch 1003 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1013 loaded Creating bottleneck features for batch 1004 (10, 48, 48, 3) Bottleneck features for batch 1004 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1014 loaded Creating bottleneck features for batch 1005 (10, 48, 48, 3) Bottleneck features for batch 1005 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1015 loaded Creating bottleneck features for batch 1006 (10, 48, 48, 3) Bottleneck features for batch 1006 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1016 loaded Creating bottleneck features for batch 1007 (10, 48, 48, 3) Bottleneck features for batch 1007 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1017 loaded Creating bottleneck features for batch 1008 (10, 48, 48, 3) Bottleneck features for batch 1008 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1018 loaded Creating bottleneck features for batch 1009 (10, 48, 48, 3) Bottleneck features for batch 1009 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1019 loaded Creating bottleneck features for batch 1010 (10, 48, 48, 3) Bottleneck features for batch 1010 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1020 loaded Creating bottleneck features for batch 1011 (10, 48, 48, 3) Bottleneck features for batch 1011 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1021 loaded Creating bottleneck features for batch 1012 (10, 48, 48, 3) Bottleneck features for batch 1012 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1022 loaded Creating bottleneck features for batch 1013 (10, 48, 48, 3) Bottleneck features for batch 1013 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1023 loaded Creating bottleneck features for batch 1014 (10, 48, 48, 3) Bottleneck features for batch 1014 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1024 loaded Creating bottleneck features for batch 1015 (10, 48, 48, 3) Bottleneck features for batch 1015 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1025 loaded Creating bottleneck features for batch 1016 (10, 48, 48, 3) Bottleneck features for batch 1016 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1026 loaded Creating bottleneck features for batch 1017 (10, 48, 48, 3) Bottleneck features for batch 1017 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1027 loaded Creating bottleneck features for batch 1018 (10, 48, 48, 3) Bottleneck features for batch 1018 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1028 loaded Creating bottleneck features for batch 1019 (10, 48, 48, 3) Bottleneck features for batch 1019 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1029 loaded Creating bottleneck features for batch 1020 (10, 48, 48, 3) Bottleneck features for batch 1020 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1030 loaded Creating bottleneck features for batch 1021 (10, 48, 48, 3) Bottleneck features for batch 1021 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1031 loaded Creating bottleneck features for batch 1022 (10, 48, 48, 3) Bottleneck features for batch 1022 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1032 loaded Creating bottleneck features for batch 1023 (10, 48, 48, 3) Bottleneck features for batch 1023 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1033 loaded Creating bottleneck features for batch 1024 (10, 48, 48, 3) Bottleneck features for batch 1024 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1034 loaded Creating bottleneck features for batch 1025 (10, 48, 48, 3) Bottleneck features for batch 1025 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1035 loaded Creating bottleneck features for batch 1026 (10, 48, 48, 3) Bottleneck features for batch 1026 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1036 loaded Creating bottleneck features for batch 1027 (10, 48, 48, 3) Bottleneck features for batch 1027 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1037 loaded Creating bottleneck features for batch 1028 (10, 48, 48, 3) Bottleneck features for batch 1028 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1038 loaded Creating bottleneck features for batch 1029 (10, 48, 48, 3) Bottleneck features for batch 1029 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1039 loaded Creating bottleneck features for batch 1030 (10, 48, 48, 3) Bottleneck features for batch 1030 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1040 loaded Creating bottleneck features for batch 1031 (10, 48, 48, 3) Bottleneck features for batch 1031 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1041 loaded Creating bottleneck features for batch 1032 (10, 48, 48, 3) Bottleneck features for batch 1032 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1042 loaded Creating bottleneck features for batch 1033 (10, 48, 48, 3) Bottleneck features for batch 1033 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1043 loaded Creating bottleneck features for batch 1034 (10, 48, 48, 3) Bottleneck features for batch 1034 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1044 loaded Creating bottleneck features for batch 1035 (10, 48, 48, 3) Bottleneck features for batch 1035 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1045 loaded Creating bottleneck features for batch 1036 (10, 48, 48, 3) Bottleneck features for batch 1036 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1046 loaded Creating bottleneck features for batch 1037 (10, 48, 48, 3) Bottleneck features for batch 1037 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1047 loaded Creating bottleneck features for batch 1038 (10, 48, 48, 3) Bottleneck features for batch 1038 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1048 loaded Creating bottleneck features for batch 1039 (10, 48, 48, 3) Bottleneck features for batch 1039 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1049 loaded Creating bottleneck features for batch 1040 (10, 48, 48, 3) Bottleneck features for batch 1040 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1050 loaded Creating bottleneck features for batch 1041 (10, 48, 48, 3) Bottleneck features for batch 1041 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1051 loaded Creating bottleneck features for batch 1042 (10, 48, 48, 3) Bottleneck features for batch 1042 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1052 loaded Creating bottleneck features for batch 1043 (10, 48, 48, 3) Bottleneck features for batch 1043 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1053 loaded Creating bottleneck features for batch 1044 (10, 48, 48, 3) Bottleneck features for batch 1044 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1054 loaded Creating bottleneck features for batch 1045 (10, 48, 48, 3) Bottleneck features for batch 1045 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1055 loaded Creating bottleneck features for batch 1046 (10, 48, 48, 3) Bottleneck features for batch 1046 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1056 loaded Creating bottleneck features for batch 1047 (10, 48, 48, 3) Bottleneck features for batch 1047 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1057 loaded Creating bottleneck features for batch 1048 (10, 48, 48, 3) Bottleneck features for batch 1048 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1058 loaded Creating bottleneck features for batch 1049 (10, 48, 48, 3) Bottleneck features for batch 1049 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1059 loaded Creating bottleneck features for batch 1050 (10, 48, 48, 3) Bottleneck features for batch 1050 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1060 loaded Creating bottleneck features for batch 1051 (10, 48, 48, 3) Bottleneck features for batch 1051 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1061 loaded Creating bottleneck features for batch 1052 (10, 48, 48, 3) Bottleneck features for batch 1052 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1062 loaded Creating bottleneck features for batch 1053 (10, 48, 48, 3) Bottleneck features for batch 1053 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1063 loaded Creating bottleneck features for batch 1054 (10, 48, 48, 3) Bottleneck features for batch 1054 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1064 loaded Creating bottleneck features for batch 1055 (10, 48, 48, 3) Bottleneck features for batch 1055 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1065 loaded Creating bottleneck features for batch 1056 (10, 48, 48, 3) Bottleneck features for batch 1056 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1066 loaded Creating bottleneck features for batch 1057 (10, 48, 48, 3) Bottleneck features for batch 1057 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1067 loaded Creating bottleneck features for batch 1058 (10, 48, 48, 3) Bottleneck features for batch 1058 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1068 loaded Creating bottleneck features for batch 1059 (10, 48, 48, 3) Bottleneck features for batch 1059 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1069 loaded Creating bottleneck features for batch 1060 (10, 48, 48, 3) Bottleneck features for batch 1060 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1070 loaded Creating bottleneck features for batch 1061 (10, 48, 48, 3) Bottleneck features for batch 1061 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1071 loaded Creating bottleneck features for batch 1062 (10, 48, 48, 3) Bottleneck features for batch 1062 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1072 loaded Creating bottleneck features for batch 1063 (10, 48, 48, 3) Bottleneck features for batch 1063 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1073 loaded Creating bottleneck features for batch 1064 (10, 48, 48, 3) Bottleneck features for batch 1064 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1074 loaded Creating bottleneck features for batch 1065 (10, 48, 48, 3) Bottleneck features for batch 1065 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1075 loaded Creating bottleneck features for batch 1066 (10, 48, 48, 3) Bottleneck features for batch 1066 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1076 loaded Creating bottleneck features for batch 1067 (10, 48, 48, 3) Bottleneck features for batch 1067 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1077 loaded Creating bottleneck features for batch 1068 (10, 48, 48, 3) Bottleneck features for batch 1068 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1078 loaded Creating bottleneck features for batch 1069 (10, 48, 48, 3) Bottleneck features for batch 1069 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1079 loaded Creating bottleneck features for batch 1070 (10, 48, 48, 3) Bottleneck features for batch 1070 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1080 loaded Creating bottleneck features for batch 1071 (10, 48, 48, 3) Bottleneck features for batch 1071 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1081 loaded Creating bottleneck features for batch 1072 (10, 48, 48, 3) Bottleneck features for batch 1072 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1082 loaded Creating bottleneck features for batch 1073 (10, 48, 48, 3) Bottleneck features for batch 1073 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1083 loaded Creating bottleneck features for batch 1074 (10, 48, 48, 3) Bottleneck features for batch 1074 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1084 loaded Creating bottleneck features for batch 1075 (10, 48, 48, 3) Bottleneck features for batch 1075 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1085 loaded Creating bottleneck features for batch 1076 (10, 48, 48, 3) Bottleneck features for batch 1076 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1086 loaded Creating bottleneck features for batch 1077 (10, 48, 48, 3) Bottleneck features for batch 1077 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1087 loaded Creating bottleneck features for batch 1078 (10, 48, 48, 3) Bottleneck features for batch 1078 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1088 loaded Creating bottleneck features for batch 1079 (10, 48, 48, 3) Bottleneck features for batch 1079 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1089 loaded Creating bottleneck features for batch 1080 (10, 48, 48, 3) Bottleneck features for batch 1080 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1090 loaded Creating bottleneck features for batch 1081 (10, 48, 48, 3) Bottleneck features for batch 1081 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1091 loaded Creating bottleneck features for batch 1082 (10, 48, 48, 3) Bottleneck features for batch 1082 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1092 loaded Creating bottleneck features for batch 1083 (10, 48, 48, 3) Bottleneck features for batch 1083 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1093 loaded Creating bottleneck features for batch 1084 (10, 48, 48, 3) Bottleneck features for batch 1084 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1094 loaded Creating bottleneck features for batch 1085 (10, 48, 48, 3) Bottleneck features for batch 1085 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1095 loaded Creating bottleneck features for batch 1086 (10, 48, 48, 3) Bottleneck features for batch 1086 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1096 loaded Creating bottleneck features for batch 1087 (10, 48, 48, 3) Bottleneck features for batch 1087 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1097 loaded Creating bottleneck features for batch 1088 (10, 48, 48, 3) Bottleneck features for batch 1088 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1098 loaded Creating bottleneck features for batch 1089 (10, 48, 48, 3) Bottleneck features for batch 1089 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1099 loaded Creating bottleneck features for batch 1090 (10, 48, 48, 3) Bottleneck features for batch 1090 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1100 loaded Creating bottleneck features for batch 1091 (10, 48, 48, 3) Bottleneck features for batch 1091 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1101 loaded Creating bottleneck features for batch 1092 (10, 48, 48, 3) Bottleneck features for batch 1092 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1102 loaded Creating bottleneck features for batch 1093 (10, 48, 48, 3) Bottleneck features for batch 1093 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1103 loaded Creating bottleneck features for batch 1094 (10, 48, 48, 3) Bottleneck features for batch 1094 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1104 loaded Creating bottleneck features for batch 1095 (10, 48, 48, 3) Bottleneck features for batch 1095 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1105 loaded Creating bottleneck features for batch 1096 (10, 48, 48, 3) Bottleneck features for batch 1096 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1106 loaded Creating bottleneck features for batch 1097 (10, 48, 48, 3) Bottleneck features for batch 1097 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1107 loaded Creating bottleneck features for batch 1098 (10, 48, 48, 3) Bottleneck features for batch 1098 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1108 loaded Creating bottleneck features for batch 1099 (10, 48, 48, 3) Bottleneck features for batch 1099 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1109 loaded Creating bottleneck features for batch 1100 (10, 48, 48, 3) Bottleneck features for batch 1100 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1110 loaded Creating bottleneck features for batch 1101 (10, 48, 48, 3) Bottleneck features for batch 1101 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1111 loaded Creating bottleneck features for batch 1102 (10, 48, 48, 3) Bottleneck features for batch 1102 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1112 loaded Creating bottleneck features for batch 1103 (10, 48, 48, 3) Bottleneck features for batch 1103 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1113 loaded Creating bottleneck features for batch 1104 (10, 48, 48, 3) Bottleneck features for batch 1104 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1114 loaded Creating bottleneck features for batch 1105 (10, 48, 48, 3) Bottleneck features for batch 1105 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1115 loaded Creating bottleneck features for batch 1106 (10, 48, 48, 3) Bottleneck features for batch 1106 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1116 loaded Creating bottleneck features for batch 1107 (10, 48, 48, 3) Bottleneck features for batch 1107 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1117 loaded Creating bottleneck features for batch 1108 (10, 48, 48, 3) Bottleneck features for batch 1108 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1118 loaded Creating bottleneck features for batch 1109 (10, 48, 48, 3) Bottleneck features for batch 1109 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1119 loaded Creating bottleneck features for batch 1110 (10, 48, 48, 3) Bottleneck features for batch 1110 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1120 loaded Creating bottleneck features for batch 1111 (10, 48, 48, 3) Bottleneck features for batch 1111 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1121 loaded Creating bottleneck features for batch 1112 (10, 48, 48, 3) Bottleneck features for batch 1112 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1122 loaded Creating bottleneck features for batch 1113 (10, 48, 48, 3) Bottleneck features for batch 1113 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1123 loaded Creating bottleneck features for batch 1114 (10, 48, 48, 3) Bottleneck features for batch 1114 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1124 loaded Creating bottleneck features for batch 1115 (10, 48, 48, 3) Bottleneck features for batch 1115 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1125 loaded Creating bottleneck features for batch 1116 (10, 48, 48, 3) Bottleneck features for batch 1116 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1126 loaded Creating bottleneck features for batch 1117 (10, 48, 48, 3) Bottleneck features for batch 1117 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1127 loaded Creating bottleneck features for batch 1118 (10, 48, 48, 3) Bottleneck features for batch 1118 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1128 loaded Creating bottleneck features for batch 1119 (10, 48, 48, 3) Bottleneck features for batch 1119 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1129 loaded Creating bottleneck features for batch 1120 (10, 48, 48, 3) Bottleneck features for batch 1120 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1130 loaded Creating bottleneck features for batch 1121 (10, 48, 48, 3) Bottleneck features for batch 1121 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1131 loaded Creating bottleneck features for batch 1122 (10, 48, 48, 3) Bottleneck features for batch 1122 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1132 loaded Creating bottleneck features for batch 1123 (10, 48, 48, 3) Bottleneck features for batch 1123 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1133 loaded Creating bottleneck features for batch 1124 (10, 48, 48, 3) Bottleneck features for batch 1124 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1134 loaded Creating bottleneck features for batch 1125 (10, 48, 48, 3) Bottleneck features for batch 1125 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1135 loaded Creating bottleneck features for batch 1126 (10, 48, 48, 3) Bottleneck features for batch 1126 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1136 loaded Creating bottleneck features for batch 1127 (10, 48, 48, 3) Bottleneck features for batch 1127 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1137 loaded Creating bottleneck features for batch 1128 (10, 48, 48, 3) Bottleneck features for batch 1128 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1138 loaded Creating bottleneck features for batch 1129 (10, 48, 48, 3) Bottleneck features for batch 1129 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1139 loaded Creating bottleneck features for batch 1130 (10, 48, 48, 3) Bottleneck features for batch 1130 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1140 loaded Creating bottleneck features for batch 1131 (10, 48, 48, 3) Bottleneck features for batch 1131 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1141 loaded Creating bottleneck features for batch 1132 (10, 48, 48, 3) Bottleneck features for batch 1132 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1142 loaded Creating bottleneck features for batch 1133 (10, 48, 48, 3) Bottleneck features for batch 1133 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1143 loaded Creating bottleneck features for batch 1134 (10, 48, 48, 3) Bottleneck features for batch 1134 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1144 loaded Creating bottleneck features for batch 1135 (10, 48, 48, 3) Bottleneck features for batch 1135 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1145 loaded Creating bottleneck features for batch 1136 (10, 48, 48, 3) Bottleneck features for batch 1136 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1146 loaded Creating bottleneck features for batch 1137 (10, 48, 48, 3) Bottleneck features for batch 1137 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1147 loaded Creating bottleneck features for batch 1138 (10, 48, 48, 3) Bottleneck features for batch 1138 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1148 loaded Creating bottleneck features for batch 1139 (10, 48, 48, 3) Bottleneck features for batch 1139 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1149 loaded Creating bottleneck features for batch 1140 (10, 48, 48, 3) Bottleneck features for batch 1140 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1150 loaded Creating bottleneck features for batch 1141 (10, 48, 48, 3) Bottleneck features for batch 1141 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1151 loaded Creating bottleneck features for batch 1142 (10, 48, 48, 3) Bottleneck features for batch 1142 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1152 loaded Creating bottleneck features for batch 1143 (10, 48, 48, 3) Bottleneck features for batch 1143 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1153 loaded Creating bottleneck features for batch 1144 (10, 48, 48, 3) Bottleneck features for batch 1144 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1154 loaded Creating bottleneck features for batch 1145 (10, 48, 48, 3) Bottleneck features for batch 1145 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1155 loaded Creating bottleneck features for batch 1146 (10, 48, 48, 3) Bottleneck features for batch 1146 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1156 loaded Creating bottleneck features for batch 1147 (10, 48, 48, 3) Bottleneck features for batch 1147 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1157 loaded Creating bottleneck features for batch 1148 (10, 48, 48, 3) Bottleneck features for batch 1148 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1158 loaded Creating bottleneck features for batch 1149 (10, 48, 48, 3) Bottleneck features for batch 1149 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1159 loaded Creating bottleneck features for batch 1150 (10, 48, 48, 3) Bottleneck features for batch 1150 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1160 loaded Creating bottleneck features for batch 1151 (10, 48, 48, 3) Bottleneck features for batch 1151 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1161 loaded Creating bottleneck features for batch 1152 (10, 48, 48, 3) Bottleneck features for batch 1152 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1162 loaded Creating bottleneck features for batch 1153 (10, 48, 48, 3) Bottleneck features for batch 1153 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1163 loaded Creating bottleneck features for batch 1154 (10, 48, 48, 3) Bottleneck features for batch 1154 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1164 loaded Creating bottleneck features for batch 1155 (10, 48, 48, 3) Bottleneck features for batch 1155 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1165 loaded Creating bottleneck features for batch 1156 (10, 48, 48, 3) Bottleneck features for batch 1156 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1166 loaded Creating bottleneck features for batch 1157 (10, 48, 48, 3) Bottleneck features for batch 1157 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1167 loaded Creating bottleneck features for batch 1158 (10, 48, 48, 3) Bottleneck features for batch 1158 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1168 loaded Creating bottleneck features for batch 1159 (10, 48, 48, 3) Bottleneck features for batch 1159 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1169 loaded Creating bottleneck features for batch 1160 (10, 48, 48, 3) Bottleneck features for batch 1160 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1170 loaded Creating bottleneck features for batch 1161 (10, 48, 48, 3) Bottleneck features for batch 1161 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1171 loaded Creating bottleneck features for batch 1162 (10, 48, 48, 3) Bottleneck features for batch 1162 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1172 loaded Creating bottleneck features for batch 1163 (10, 48, 48, 3) Bottleneck features for batch 1163 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1173 loaded Creating bottleneck features for batch 1164 (10, 48, 48, 3) Bottleneck features for batch 1164 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1174 loaded Creating bottleneck features for batch 1165 (10, 48, 48, 3) Bottleneck features for batch 1165 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1175 loaded Creating bottleneck features for batch 1166 (10, 48, 48, 3) Bottleneck features for batch 1166 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1176 loaded Creating bottleneck features for batch 1167 (10, 48, 48, 3) Bottleneck features for batch 1167 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1177 loaded Creating bottleneck features for batch 1168 (10, 48, 48, 3) Bottleneck features for batch 1168 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1178 loaded Creating bottleneck features for batch 1169 (10, 48, 48, 3) Bottleneck features for batch 1169 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1179 loaded Creating bottleneck features for batch 1170 (10, 48, 48, 3) Bottleneck features for batch 1170 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1180 loaded Creating bottleneck features for batch 1171 (10, 48, 48, 3) Bottleneck features for batch 1171 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1181 loaded Creating bottleneck features for batch 1172 (10, 48, 48, 3) Bottleneck features for batch 1172 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1182 loaded Creating bottleneck features for batch 1173 (10, 48, 48, 3) Bottleneck features for batch 1173 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1183 loaded Creating bottleneck features for batch 1174 (10, 48, 48, 3) Bottleneck features for batch 1174 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1184 loaded Creating bottleneck features for batch 1175 (10, 48, 48, 3) Bottleneck features for batch 1175 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1185 loaded Creating bottleneck features for batch 1176 (10, 48, 48, 3) Bottleneck features for batch 1176 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1186 loaded Creating bottleneck features for batch 1177 (10, 48, 48, 3) Bottleneck features for batch 1177 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1187 loaded Creating bottleneck features for batch 1178 (10, 48, 48, 3) Bottleneck features for batch 1178 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1188 loaded Creating bottleneck features for batch 1179 (10, 48, 48, 3) Bottleneck features for batch 1179 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1189 loaded Creating bottleneck features for batch 1180 (10, 48, 48, 3) Bottleneck features for batch 1180 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1190 loaded Creating bottleneck features for batch 1181 (10, 48, 48, 3) Bottleneck features for batch 1181 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1191 loaded Creating bottleneck features for batch 1182 (10, 48, 48, 3) Bottleneck features for batch 1182 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1192 loaded Creating bottleneck features for batch 1183 (10, 48, 48, 3) Bottleneck features for batch 1183 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1193 loaded Creating bottleneck features for batch 1184 (10, 48, 48, 3) Bottleneck features for batch 1184 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1194 loaded Creating bottleneck features for batch 1185 (10, 48, 48, 3) Bottleneck features for batch 1185 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1195 loaded Creating bottleneck features for batch 1186 (10, 48, 48, 3) Bottleneck features for batch 1186 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1196 loaded Creating bottleneck features for batch 1187 (10, 48, 48, 3) Bottleneck features for batch 1187 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1197 loaded Creating bottleneck features for batch 1188 (10, 48, 48, 3) Bottleneck features for batch 1188 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1198 loaded Creating bottleneck features for batch 1189 (10, 48, 48, 3) Bottleneck features for batch 1189 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1199 loaded Creating bottleneck features for batch 1190 (10, 48, 48, 3) Bottleneck features for batch 1190 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1200 loaded Creating bottleneck features for batch 1191 (10, 48, 48, 3) Bottleneck features for batch 1191 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1201 loaded Creating bottleneck features for batch 1192 (10, 48, 48, 3) Bottleneck features for batch 1192 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1202 loaded Creating bottleneck features for batch 1193 (10, 48, 48, 3) Bottleneck features for batch 1193 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1203 loaded Creating bottleneck features for batch 1194 (10, 48, 48, 3) Bottleneck features for batch 1194 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1204 loaded Creating bottleneck features for batch 1195 (10, 48, 48, 3) Bottleneck features for batch 1195 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1205 loaded Creating bottleneck features for batch 1196 (10, 48, 48, 3) Bottleneck features for batch 1196 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1206 loaded Creating bottleneck features for batch 1197 (10, 48, 48, 3) Bottleneck features for batch 1197 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1207 loaded Creating bottleneck features for batch 1198 (10, 48, 48, 3) Bottleneck features for batch 1198 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1208 loaded Creating bottleneck features for batch 1199 (10, 48, 48, 3) Bottleneck features for batch 1199 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1209 loaded Creating bottleneck features for batch 1200 (10, 48, 48, 3) Bottleneck features for batch 1200 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1210 loaded Creating bottleneck features for batch 1201 (10, 48, 48, 3) Bottleneck features for batch 1201 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1211 loaded Creating bottleneck features for batch 1202 (10, 48, 48, 3) Bottleneck features for batch 1202 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1212 loaded Creating bottleneck features for batch 1203 (10, 48, 48, 3) Bottleneck features for batch 1203 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1213 loaded Creating bottleneck features for batch 1204 (10, 48, 48, 3) Bottleneck features for batch 1204 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1214 loaded Creating bottleneck features for batch 1205 (10, 48, 48, 3) Bottleneck features for batch 1205 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1215 loaded Creating bottleneck features for batch 1206 (10, 48, 48, 3) Bottleneck features for batch 1206 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1216 loaded Creating bottleneck features for batch 1207 (10, 48, 48, 3) Bottleneck features for batch 1207 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1217 loaded Creating bottleneck features for batch 1208 (10, 48, 48, 3) Bottleneck features for batch 1208 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1218 loaded Creating bottleneck features for batch 1209 (10, 48, 48, 3) Bottleneck features for batch 1209 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1219 loaded Creating bottleneck features for batch 1210 (10, 48, 48, 3) Bottleneck features for batch 1210 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1220 loaded Creating bottleneck features for batch 1211 (10, 48, 48, 3) Bottleneck features for batch 1211 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1221 loaded Creating bottleneck features for batch 1212 (10, 48, 48, 3) Bottleneck features for batch 1212 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1222 loaded Creating bottleneck features for batch 1213 (10, 48, 48, 3) Bottleneck features for batch 1213 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1223 loaded Creating bottleneck features for batch 1214 (10, 48, 48, 3) Bottleneck features for batch 1214 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1224 loaded Creating bottleneck features for batch 1215 (10, 48, 48, 3) Bottleneck features for batch 1215 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1225 loaded Creating bottleneck features for batch 1216 (10, 48, 48, 3) Bottleneck features for batch 1216 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1226 loaded Creating bottleneck features for batch 1217 (10, 48, 48, 3) Bottleneck features for batch 1217 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1227 loaded Creating bottleneck features for batch 1218 (10, 48, 48, 3) Bottleneck features for batch 1218 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1228 loaded Creating bottleneck features for batch 1219 (10, 48, 48, 3) Bottleneck features for batch 1219 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1229 loaded Creating bottleneck features for batch 1220 (10, 48, 48, 3) Bottleneck features for batch 1220 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1230 loaded Creating bottleneck features for batch 1221 (10, 48, 48, 3) Bottleneck features for batch 1221 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1231 loaded Creating bottleneck features for batch 1222 (10, 48, 48, 3) Bottleneck features for batch 1222 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1232 loaded Creating bottleneck features for batch 1223 (10, 48, 48, 3) Bottleneck features for batch 1223 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1233 loaded Creating bottleneck features for batch 1224 (10, 48, 48, 3) Bottleneck features for batch 1224 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1234 loaded Creating bottleneck features for batch 1225 (10, 48, 48, 3) Bottleneck features for batch 1225 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1235 loaded Creating bottleneck features for batch 1226 (10, 48, 48, 3) Bottleneck features for batch 1226 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1236 loaded Creating bottleneck features for batch 1227 (10, 48, 48, 3) Bottleneck features for batch 1227 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1237 loaded Creating bottleneck features for batch 1228 (10, 48, 48, 3) Bottleneck features for batch 1228 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1238 loaded Creating bottleneck features for batch 1229 (10, 48, 48, 3) Bottleneck features for batch 1229 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1239 loaded Creating bottleneck features for batch 1230 (10, 48, 48, 3) Bottleneck features for batch 1230 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1240 loaded Creating bottleneck features for batch 1231 (10, 48, 48, 3) Bottleneck features for batch 1231 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1241 loaded Creating bottleneck features for batch 1232 (10, 48, 48, 3) Bottleneck features for batch 1232 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1242 loaded Creating bottleneck features for batch 1233 (10, 48, 48, 3) Bottleneck features for batch 1233 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1243 loaded Creating bottleneck features for batch 1234 (10, 48, 48, 3) Bottleneck features for batch 1234 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1244 loaded Creating bottleneck features for batch 1235 (10, 48, 48, 3) Bottleneck features for batch 1235 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1245 loaded Creating bottleneck features for batch 1236 (10, 48, 48, 3) Bottleneck features for batch 1236 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1246 loaded Creating bottleneck features for batch 1237 (10, 48, 48, 3) Bottleneck features for batch 1237 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1247 loaded Creating bottleneck features for batch 1238 (10, 48, 48, 3) Bottleneck features for batch 1238 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1248 loaded Creating bottleneck features for batch 1239 (10, 48, 48, 3) Bottleneck features for batch 1239 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1249 loaded Creating bottleneck features for batch 1240 (10, 48, 48, 3) Bottleneck features for batch 1240 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1250 loaded Creating bottleneck features for batch 1241 (10, 48, 48, 3) Bottleneck features for batch 1241 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1251 loaded Creating bottleneck features for batch 1242 (10, 48, 48, 3) Bottleneck features for batch 1242 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1252 loaded Creating bottleneck features for batch 1243 (10, 48, 48, 3) Bottleneck features for batch 1243 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1253 loaded Creating bottleneck features for batch 1244 (10, 48, 48, 3) Bottleneck features for batch 1244 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1254 loaded Creating bottleneck features for batch 1245 (10, 48, 48, 3) Bottleneck features for batch 1245 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1255 loaded Creating bottleneck features for batch 1246 (10, 48, 48, 3) Bottleneck features for batch 1246 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1256 loaded Creating bottleneck features for batch 1247 (10, 48, 48, 3) Bottleneck features for batch 1247 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1257 loaded Creating bottleneck features for batch 1248 (10, 48, 48, 3) Bottleneck features for batch 1248 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1258 loaded Creating bottleneck features for batch 1249 (10, 48, 48, 3) Bottleneck features for batch 1249 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1259 loaded Creating bottleneck features for batch 1250 (10, 48, 48, 3) Bottleneck features for batch 1250 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1260 loaded Creating bottleneck features for batch 1251 (10, 48, 48, 3) Bottleneck features for batch 1251 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1261 loaded Creating bottleneck features for batch 1252 (10, 48, 48, 3) Bottleneck features for batch 1252 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1262 loaded Creating bottleneck features for batch 1253 (10, 48, 48, 3) Bottleneck features for batch 1253 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1263 loaded Creating bottleneck features for batch 1254 (10, 48, 48, 3) Bottleneck features for batch 1254 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1264 loaded Creating bottleneck features for batch 1255 (10, 48, 48, 3) Bottleneck features for batch 1255 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1265 loaded Creating bottleneck features for batch 1256 (10, 48, 48, 3) Bottleneck features for batch 1256 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1266 loaded Creating bottleneck features for batch 1257 (10, 48, 48, 3) Bottleneck features for batch 1257 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1267 loaded Creating bottleneck features for batch 1258 (10, 48, 48, 3) Bottleneck features for batch 1258 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1268 loaded Creating bottleneck features for batch 1259 (10, 48, 48, 3) Bottleneck features for batch 1259 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1269 loaded Creating bottleneck features for batch 1260 (10, 48, 48, 3) Bottleneck features for batch 1260 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1270 loaded Creating bottleneck features for batch 1261 (10, 48, 48, 3) Bottleneck features for batch 1261 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1271 loaded Creating bottleneck features for batch 1262 (10, 48, 48, 3) Bottleneck features for batch 1262 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1272 loaded Creating bottleneck features for batch 1263 (10, 48, 48, 3) Bottleneck features for batch 1263 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1273 loaded Creating bottleneck features for batch 1264 (10, 48, 48, 3) Bottleneck features for batch 1264 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1274 loaded Creating bottleneck features for batch 1265 (10, 48, 48, 3) Bottleneck features for batch 1265 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1275 loaded Creating bottleneck features for batch 1266 (10, 48, 48, 3) Bottleneck features for batch 1266 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1276 loaded Creating bottleneck features for batch 1267 (10, 48, 48, 3) Bottleneck features for batch 1267 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1277 loaded Creating bottleneck features for batch 1268 (10, 48, 48, 3) Bottleneck features for batch 1268 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1278 loaded Creating bottleneck features for batch 1269 (10, 48, 48, 3) Bottleneck features for batch 1269 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1279 loaded Creating bottleneck features for batch 1270 (10, 48, 48, 3) Bottleneck features for batch 1270 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1280 loaded Creating bottleneck features for batch 1271 (10, 48, 48, 3) Bottleneck features for batch 1271 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1281 loaded Creating bottleneck features for batch 1272 (10, 48, 48, 3) Bottleneck features for batch 1272 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1282 loaded Creating bottleneck features for batch 1273 (10, 48, 48, 3) Bottleneck features for batch 1273 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1283 loaded Creating bottleneck features for batch 1274 (10, 48, 48, 3) Bottleneck features for batch 1274 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1284 loaded Creating bottleneck features for batch 1275 (10, 48, 48, 3) Bottleneck features for batch 1275 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1285 loaded Creating bottleneck features for batch 1276 (10, 48, 48, 3) Bottleneck features for batch 1276 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1286 loaded Creating bottleneck features for batch 1277 (10, 48, 48, 3) Bottleneck features for batch 1277 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1287 loaded Creating bottleneck features for batch 1278 (10, 48, 48, 3) Bottleneck features for batch 1278 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1288 loaded Creating bottleneck features for batch 1279 (10, 48, 48, 3) Bottleneck features for batch 1279 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1289 loaded Creating bottleneck features for batch 1280 (10, 48, 48, 3) Bottleneck features for batch 1280 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1290 loaded Creating bottleneck features for batch 1281 (10, 48, 48, 3) Bottleneck features for batch 1281 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1291 loaded Creating bottleneck features for batch 1282 (10, 48, 48, 3) Bottleneck features for batch 1282 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1292 loaded Creating bottleneck features for batch 1283 (10, 48, 48, 3) Bottleneck features for batch 1283 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1293 loaded Creating bottleneck features for batch 1284 (10, 48, 48, 3) Bottleneck features for batch 1284 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1294 loaded Creating bottleneck features for batch 1285 (10, 48, 48, 3) Bottleneck features for batch 1285 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1295 loaded Creating bottleneck features for batch 1286 (10, 48, 48, 3) Bottleneck features for batch 1286 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1296 loaded Creating bottleneck features for batch 1287 (10, 48, 48, 3) Bottleneck features for batch 1287 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1297 loaded Creating bottleneck features for batch 1288 (10, 48, 48, 3) Bottleneck features for batch 1288 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1298 loaded Creating bottleneck features for batch 1289 (10, 48, 48, 3) Bottleneck features for batch 1289 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1299 loaded Creating bottleneck features for batch 1290 (10, 48, 48, 3) Bottleneck features for batch 1290 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1300 loaded Creating bottleneck features for batch 1291 (10, 48, 48, 3) Bottleneck features for batch 1291 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1301 loaded Creating bottleneck features for batch 1292 (10, 48, 48, 3) Bottleneck features for batch 1292 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1302 loaded Creating bottleneck features for batch 1293 (10, 48, 48, 3) Bottleneck features for batch 1293 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1303 loaded Creating bottleneck features for batch 1294 (10, 48, 48, 3) Bottleneck features for batch 1294 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1304 loaded Creating bottleneck features for batch 1295 (10, 48, 48, 3) Bottleneck features for batch 1295 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1305 loaded Creating bottleneck features for batch 1296 (10, 48, 48, 3) Bottleneck features for batch 1296 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1306 loaded Creating bottleneck features for batch 1297 (10, 48, 48, 3) Bottleneck features for batch 1297 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1307 loaded Creating bottleneck features for batch 1298 (10, 48, 48, 3) Bottleneck features for batch 1298 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1308 loaded Creating bottleneck features for batch 1299 (10, 48, 48, 3) Bottleneck features for batch 1299 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1309 loaded Creating bottleneck features for batch 1300 (10, 48, 48, 3) Bottleneck features for batch 1300 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1310 loaded Creating bottleneck features for batch 1301 (10, 48, 48, 3) Bottleneck features for batch 1301 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1311 loaded Creating bottleneck features for batch 1302 (10, 48, 48, 3) Bottleneck features for batch 1302 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1312 loaded Creating bottleneck features for batch 1303 (10, 48, 48, 3) Bottleneck features for batch 1303 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1313 loaded Creating bottleneck features for batch 1304 (10, 48, 48, 3) Bottleneck features for batch 1304 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1314 loaded Creating bottleneck features for batch 1305 (10, 48, 48, 3) Bottleneck features for batch 1305 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1315 loaded Creating bottleneck features for batch 1306 (10, 48, 48, 3) Bottleneck features for batch 1306 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1316 loaded Creating bottleneck features for batch 1307 (10, 48, 48, 3) Bottleneck features for batch 1307 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1317 loaded Creating bottleneck features for batch 1308 (10, 48, 48, 3) Bottleneck features for batch 1308 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1318 loaded Creating bottleneck features for batch 1309 (10, 48, 48, 3) Bottleneck features for batch 1309 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1319 loaded Creating bottleneck features for batch 1310 (10, 48, 48, 3) Bottleneck features for batch 1310 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1320 loaded Creating bottleneck features for batch 1311 (10, 48, 48, 3) Bottleneck features for batch 1311 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1321 loaded Creating bottleneck features for batch 1312 (10, 48, 48, 3) Bottleneck features for batch 1312 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1322 loaded Creating bottleneck features for batch 1313 (10, 48, 48, 3) Bottleneck features for batch 1313 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1323 loaded Creating bottleneck features for batch 1314 (10, 48, 48, 3) Bottleneck features for batch 1314 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1324 loaded Creating bottleneck features for batch 1315 (10, 48, 48, 3) Bottleneck features for batch 1315 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1325 loaded Creating bottleneck features for batch 1316 (10, 48, 48, 3) Bottleneck features for batch 1316 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1326 loaded Creating bottleneck features for batch 1317 (10, 48, 48, 3) Bottleneck features for batch 1317 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1327 loaded Creating bottleneck features for batch 1318 (10, 48, 48, 3) Bottleneck features for batch 1318 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1328 loaded Creating bottleneck features for batch 1319 (10, 48, 48, 3) Bottleneck features for batch 1319 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1329 loaded Creating bottleneck features for batch 1320 (10, 48, 48, 3) Bottleneck features for batch 1320 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1330 loaded Creating bottleneck features for batch 1321 (10, 48, 48, 3) Bottleneck features for batch 1321 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1331 loaded Creating bottleneck features for batch 1322 (10, 48, 48, 3) Bottleneck features for batch 1322 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1332 loaded Creating bottleneck features for batch 1323 (10, 48, 48, 3) Bottleneck features for batch 1323 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1333 loaded Creating bottleneck features for batch 1324 (10, 48, 48, 3) Bottleneck features for batch 1324 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1334 loaded Creating bottleneck features for batch 1325 (10, 48, 48, 3) Bottleneck features for batch 1325 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1335 loaded Creating bottleneck features for batch 1326 (10, 48, 48, 3) Bottleneck features for batch 1326 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1336 loaded Creating bottleneck features for batch 1327 (10, 48, 48, 3) Bottleneck features for batch 1327 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1337 loaded Creating bottleneck features for batch 1328 (10, 48, 48, 3) Bottleneck features for batch 1328 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1338 loaded Creating bottleneck features for batch 1329 (10, 48, 48, 3) Bottleneck features for batch 1329 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1339 loaded Creating bottleneck features for batch 1330 (10, 48, 48, 3) Bottleneck features for batch 1330 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1340 loaded Creating bottleneck features for batch 1331 (10, 48, 48, 3) Bottleneck features for batch 1331 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1341 loaded Creating bottleneck features for batch 1332 (10, 48, 48, 3) Bottleneck features for batch 1332 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1342 loaded Creating bottleneck features for batch 1333 (10, 48, 48, 3) Bottleneck features for batch 1333 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1343 loaded Creating bottleneck features for batch 1334 (10, 48, 48, 3) Bottleneck features for batch 1334 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1344 loaded Creating bottleneck features for batch 1335 (10, 48, 48, 3) Bottleneck features for batch 1335 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1345 loaded Creating bottleneck features for batch 1336 (10, 48, 48, 3) Bottleneck features for batch 1336 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1346 loaded Creating bottleneck features for batch 1337 (10, 48, 48, 3) Bottleneck features for batch 1337 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1347 loaded Creating bottleneck features for batch 1338 (10, 48, 48, 3) Bottleneck features for batch 1338 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1348 loaded Creating bottleneck features for batch 1339 (10, 48, 48, 3) Bottleneck features for batch 1339 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1349 loaded Creating bottleneck features for batch 1340 (10, 48, 48, 3) Bottleneck features for batch 1340 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1350 loaded Creating bottleneck features for batch 1341 (10, 48, 48, 3) Bottleneck features for batch 1341 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1351 loaded Creating bottleneck features for batch 1342 (10, 48, 48, 3) Bottleneck features for batch 1342 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1352 loaded Creating bottleneck features for batch 1343 (10, 48, 48, 3) Bottleneck features for batch 1343 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1353 loaded Creating bottleneck features for batch 1344 (10, 48, 48, 3) Bottleneck features for batch 1344 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1354 loaded Creating bottleneck features for batch 1345 (10, 48, 48, 3) Bottleneck features for batch 1345 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1355 loaded Creating bottleneck features for batch 1346 (10, 48, 48, 3) Bottleneck features for batch 1346 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1356 loaded Creating bottleneck features for batch 1347 (10, 48, 48, 3) Bottleneck features for batch 1347 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1357 loaded Creating bottleneck features for batch 1348 (10, 48, 48, 3) Bottleneck features for batch 1348 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1358 loaded Creating bottleneck features for batch 1349 (10, 48, 48, 3) Bottleneck features for batch 1349 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1359 loaded Creating bottleneck features for batch 1350 (10, 48, 48, 3) Bottleneck features for batch 1350 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1360 loaded Creating bottleneck features for batch 1351 (10, 48, 48, 3) Bottleneck features for batch 1351 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1361 loaded Creating bottleneck features for batch 1352 (10, 48, 48, 3) Bottleneck features for batch 1352 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1362 loaded Creating bottleneck features for batch 1353 (10, 48, 48, 3) Bottleneck features for batch 1353 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1363 loaded Creating bottleneck features for batch 1354 (10, 48, 48, 3) Bottleneck features for batch 1354 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1364 loaded Creating bottleneck features for batch 1355 (10, 48, 48, 3) Bottleneck features for batch 1355 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1365 loaded Creating bottleneck features for batch 1356 (10, 48, 48, 3) Bottleneck features for batch 1356 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1366 loaded Creating bottleneck features for batch 1357 (10, 48, 48, 3) Bottleneck features for batch 1357 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1367 loaded Creating bottleneck features for batch 1358 (10, 48, 48, 3) Bottleneck features for batch 1358 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1368 loaded Creating bottleneck features for batch 1359 (10, 48, 48, 3) Bottleneck features for batch 1359 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1369 loaded Creating bottleneck features for batch 1360 (10, 48, 48, 3) Bottleneck features for batch 1360 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1370 loaded Creating bottleneck features for batch 1361 (10, 48, 48, 3) Bottleneck features for batch 1361 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1371 loaded Creating bottleneck features for batch 1362 (10, 48, 48, 3) Bottleneck features for batch 1362 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1372 loaded Creating bottleneck features for batch 1363 (10, 48, 48, 3) Bottleneck features for batch 1363 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1373 loaded Creating bottleneck features for batch 1364 (10, 48, 48, 3) Bottleneck features for batch 1364 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1374 loaded Creating bottleneck features for batch 1365 (10, 48, 48, 3) Bottleneck features for batch 1365 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1375 loaded Creating bottleneck features for batch 1366 (10, 48, 48, 3) Bottleneck features for batch 1366 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1376 loaded Creating bottleneck features for batch 1367 (10, 48, 48, 3) Bottleneck features for batch 1367 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1377 loaded Creating bottleneck features for batch 1368 (10, 48, 48, 3) Bottleneck features for batch 1368 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1378 loaded Creating bottleneck features for batch 1369 (10, 48, 48, 3) Bottleneck features for batch 1369 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1379 loaded Creating bottleneck features for batch 1370 (10, 48, 48, 3) Bottleneck features for batch 1370 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1380 loaded Creating bottleneck features for batch 1371 (10, 48, 48, 3) Bottleneck features for batch 1371 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1381 loaded Creating bottleneck features for batch 1372 (10, 48, 48, 3) Bottleneck features for batch 1372 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1382 loaded Creating bottleneck features for batch 1373 (10, 48, 48, 3) Bottleneck features for batch 1373 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1383 loaded Creating bottleneck features for batch 1374 (10, 48, 48, 3) Bottleneck features for batch 1374 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1384 loaded Creating bottleneck features for batch 1375 (10, 48, 48, 3) Bottleneck features for batch 1375 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1385 loaded Creating bottleneck features for batch 1376 (10, 48, 48, 3) Bottleneck features for batch 1376 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1386 loaded Creating bottleneck features for batch 1377 (10, 48, 48, 3) Bottleneck features for batch 1377 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1387 loaded Creating bottleneck features for batch 1378 (10, 48, 48, 3) Bottleneck features for batch 1378 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1388 loaded Creating bottleneck features for batch 1379 (10, 48, 48, 3) Bottleneck features for batch 1379 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1389 loaded Creating bottleneck features for batch 1380 (10, 48, 48, 3) Bottleneck features for batch 1380 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1390 loaded Creating bottleneck features for batch 1381 (10, 48, 48, 3) Bottleneck features for batch 1381 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1391 loaded Creating bottleneck features for batch 1382 (10, 48, 48, 3) Bottleneck features for batch 1382 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1392 loaded Creating bottleneck features for batch 1383 (10, 48, 48, 3) Bottleneck features for batch 1383 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1393 loaded Creating bottleneck features for batch 1384 (10, 48, 48, 3) Bottleneck features for batch 1384 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1394 loaded Creating bottleneck features for batch 1385 (10, 48, 48, 3) Bottleneck features for batch 1385 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1395 loaded Creating bottleneck features for batch 1386 (10, 48, 48, 3) Bottleneck features for batch 1386 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1396 loaded Creating bottleneck features for batch 1387 (10, 48, 48, 3) Bottleneck features for batch 1387 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1397 loaded Creating bottleneck features for batch 1388 (10, 48, 48, 3) Bottleneck features for batch 1388 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1398 loaded Creating bottleneck features for batch 1389 (10, 48, 48, 3) Bottleneck features for batch 1389 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1399 loaded Creating bottleneck features for batch 1390 (10, 48, 48, 3) Bottleneck features for batch 1390 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1400 loaded Creating bottleneck features for batch 1391 (10, 48, 48, 3) Bottleneck features for batch 1391 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1401 loaded Creating bottleneck features for batch 1392 (10, 48, 48, 3) Bottleneck features for batch 1392 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1402 loaded Creating bottleneck features for batch 1393 (10, 48, 48, 3) Bottleneck features for batch 1393 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1403 loaded Creating bottleneck features for batch 1394 (10, 48, 48, 3) Bottleneck features for batch 1394 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1404 loaded Creating bottleneck features for batch 1395 (10, 48, 48, 3) Bottleneck features for batch 1395 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1405 loaded Creating bottleneck features for batch 1396 (10, 48, 48, 3) Bottleneck features for batch 1396 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1406 loaded Creating bottleneck features for batch 1397 (10, 48, 48, 3) Bottleneck features for batch 1397 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1407 loaded Creating bottleneck features for batch 1398 (10, 48, 48, 3) Bottleneck features for batch 1398 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1408 loaded Creating bottleneck features for batch 1399 (10, 48, 48, 3) Bottleneck features for batch 1399 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1409 loaded Creating bottleneck features for batch 1400 (10, 48, 48, 3) Bottleneck features for batch 1400 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1410 loaded Creating bottleneck features for batch 1401 (10, 48, 48, 3) Bottleneck features for batch 1401 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1411 loaded Creating bottleneck features for batch 1402 (10, 48, 48, 3) Bottleneck features for batch 1402 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1412 loaded Creating bottleneck features for batch 1403 (10, 48, 48, 3) Bottleneck features for batch 1403 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1413 loaded Creating bottleneck features for batch 1404 (10, 48, 48, 3) Bottleneck features for batch 1404 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1414 loaded Creating bottleneck features for batch 1405 (10, 48, 48, 3) Bottleneck features for batch 1405 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1415 loaded Creating bottleneck features for batch 1406 (10, 48, 48, 3) Bottleneck features for batch 1406 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1416 loaded Creating bottleneck features for batch 1407 (10, 48, 48, 3) Bottleneck features for batch 1407 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1417 loaded Creating bottleneck features for batch 1408 (10, 48, 48, 3) Bottleneck features for batch 1408 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1418 loaded Creating bottleneck features for batch 1409 (10, 48, 48, 3) Bottleneck features for batch 1409 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1419 loaded Creating bottleneck features for batch 1410 (10, 48, 48, 3) Bottleneck features for batch 1410 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1420 loaded Creating bottleneck features for batch 1411 (10, 48, 48, 3) Bottleneck features for batch 1411 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1421 loaded Creating bottleneck features for batch 1412 (10, 48, 48, 3) Bottleneck features for batch 1412 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1422 loaded Creating bottleneck features for batch 1413 (10, 48, 48, 3) Bottleneck features for batch 1413 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1423 loaded Creating bottleneck features for batch 1414 (10, 48, 48, 3) Bottleneck features for batch 1414 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1424 loaded Creating bottleneck features for batch 1415 (10, 48, 48, 3) Bottleneck features for batch 1415 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1425 loaded Creating bottleneck features for batch 1416 (10, 48, 48, 3) Bottleneck features for batch 1416 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1426 loaded Creating bottleneck features for batch 1417 (10, 48, 48, 3) Bottleneck features for batch 1417 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1427 loaded Creating bottleneck features for batch 1418 (10, 48, 48, 3) Bottleneck features for batch 1418 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1428 loaded Creating bottleneck features for batch 1419 (10, 48, 48, 3) Bottleneck features for batch 1419 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1429 loaded Creating bottleneck features for batch 1420 (10, 48, 48, 3) Bottleneck features for batch 1420 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1430 loaded Creating bottleneck features for batch 1421 (10, 48, 48, 3) Bottleneck features for batch 1421 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1431 loaded Creating bottleneck features for batch 1422 (10, 48, 48, 3) Bottleneck features for batch 1422 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1432 loaded Creating bottleneck features for batch 1423 (10, 48, 48, 3) Bottleneck features for batch 1423 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1433 loaded Creating bottleneck features for batch 1424 (10, 48, 48, 3) Bottleneck features for batch 1424 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1434 loaded Creating bottleneck features for batch 1425 (10, 48, 48, 3) Bottleneck features for batch 1425 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1435 loaded Creating bottleneck features for batch 1426 (10, 48, 48, 3) Bottleneck features for batch 1426 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1436 loaded Creating bottleneck features for batch 1427 (10, 48, 48, 3) Bottleneck features for batch 1427 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1437 loaded Creating bottleneck features for batch 1428 (10, 48, 48, 3) Bottleneck features for batch 1428 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1438 loaded Creating bottleneck features for batch 1429 (10, 48, 48, 3) Bottleneck features for batch 1429 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1439 loaded Creating bottleneck features for batch 1430 (10, 48, 48, 3) Bottleneck features for batch 1430 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1440 loaded Creating bottleneck features for batch 1431 (10, 48, 48, 3) Bottleneck features for batch 1431 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1441 loaded Creating bottleneck features for batch 1432 (10, 48, 48, 3) Bottleneck features for batch 1432 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1442 loaded Creating bottleneck features for batch 1433 (10, 48, 48, 3) Bottleneck features for batch 1433 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1443 loaded Creating bottleneck features for batch 1434 (10, 48, 48, 3) Bottleneck features for batch 1434 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1444 loaded Creating bottleneck features for batch 1435 (10, 48, 48, 3) Bottleneck features for batch 1435 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1445 loaded Creating bottleneck features for batch 1436 (10, 48, 48, 3) Bottleneck features for batch 1436 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1446 loaded Creating bottleneck features for batch 1437 (10, 48, 48, 3) Bottleneck features for batch 1437 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1447 loaded Creating bottleneck features for batch 1438 (10, 48, 48, 3) Bottleneck features for batch 1438 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1448 loaded Creating bottleneck features for batch 1439 (10, 48, 48, 3) Bottleneck features for batch 1439 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1449 loaded Creating bottleneck features for batch 1440 (10, 48, 48, 3) Bottleneck features for batch 1440 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1450 loaded Creating bottleneck features for batch 1441 (10, 48, 48, 3) Bottleneck features for batch 1441 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1451 loaded Creating bottleneck features for batch 1442 (10, 48, 48, 3) Bottleneck features for batch 1442 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1452 loaded Creating bottleneck features for batch 1443 (10, 48, 48, 3) Bottleneck features for batch 1443 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1453 loaded Creating bottleneck features for batch 1444 (10, 48, 48, 3) Bottleneck features for batch 1444 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1454 loaded Creating bottleneck features for batch 1445 (10, 48, 48, 3) Bottleneck features for batch 1445 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1455 loaded Creating bottleneck features for batch 1446 (10, 48, 48, 3) Bottleneck features for batch 1446 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1456 loaded Creating bottleneck features for batch 1447 (10, 48, 48, 3) Bottleneck features for batch 1447 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1457 loaded Creating bottleneck features for batch 1448 (10, 48, 48, 3) Bottleneck features for batch 1448 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1458 loaded Creating bottleneck features for batch 1449 (10, 48, 48, 3) Bottleneck features for batch 1449 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1459 loaded Creating bottleneck features for batch 1450 (10, 48, 48, 3) Bottleneck features for batch 1450 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1460 loaded Creating bottleneck features for batch 1451 (10, 48, 48, 3) Bottleneck features for batch 1451 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1461 loaded Creating bottleneck features for batch 1452 (10, 48, 48, 3) Bottleneck features for batch 1452 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1462 loaded Creating bottleneck features for batch 1453 (10, 48, 48, 3) Bottleneck features for batch 1453 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1463 loaded Creating bottleneck features for batch 1454 (10, 48, 48, 3) Bottleneck features for batch 1454 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1464 loaded Creating bottleneck features for batch 1455 (10, 48, 48, 3) Bottleneck features for batch 1455 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1465 loaded Creating bottleneck features for batch 1456 (10, 48, 48, 3) Bottleneck features for batch 1456 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1466 loaded Creating bottleneck features for batch 1457 (10, 48, 48, 3) Bottleneck features for batch 1457 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1467 loaded Creating bottleneck features for batch 1458 (10, 48, 48, 3) Bottleneck features for batch 1458 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1468 loaded Creating bottleneck features for batch 1459 (10, 48, 48, 3) Bottleneck features for batch 1459 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1469 loaded Creating bottleneck features for batch 1460 (10, 48, 48, 3) Bottleneck features for batch 1460 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1470 loaded Creating bottleneck features for batch 1461 (10, 48, 48, 3) Bottleneck features for batch 1461 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1471 loaded Creating bottleneck features for batch 1462 (10, 48, 48, 3) Bottleneck features for batch 1462 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1472 loaded Creating bottleneck features for batch 1463 (10, 48, 48, 3) Bottleneck features for batch 1463 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1473 loaded Creating bottleneck features for batch 1464 (10, 48, 48, 3) Bottleneck features for batch 1464 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1474 loaded Creating bottleneck features for batch 1465 (10, 48, 48, 3) Bottleneck features for batch 1465 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1475 loaded Creating bottleneck features for batch 1466 (10, 48, 48, 3) Bottleneck features for batch 1466 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1476 loaded Creating bottleneck features for batch 1467 (10, 48, 48, 3) Bottleneck features for batch 1467 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1477 loaded Creating bottleneck features for batch 1468 (10, 48, 48, 3) Bottleneck features for batch 1468 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1478 loaded Creating bottleneck features for batch 1469 (10, 48, 48, 3) Bottleneck features for batch 1469 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1479 loaded Creating bottleneck features for batch 1470 (10, 48, 48, 3) Bottleneck features for batch 1470 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1480 loaded Creating bottleneck features for batch 1471 (10, 48, 48, 3) Bottleneck features for batch 1471 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1481 loaded Creating bottleneck features for batch 1472 (10, 48, 48, 3) Bottleneck features for batch 1472 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1482 loaded Creating bottleneck features for batch 1473 (10, 48, 48, 3) Bottleneck features for batch 1473 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1483 loaded Creating bottleneck features for batch 1474 (10, 48, 48, 3) Bottleneck features for batch 1474 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1484 loaded Creating bottleneck features for batch 1475 (10, 48, 48, 3) Bottleneck features for batch 1475 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1485 loaded Creating bottleneck features for batch 1476 (10, 48, 48, 3) Bottleneck features for batch 1476 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1486 loaded Creating bottleneck features for batch 1477 (10, 48, 48, 3) Bottleneck features for batch 1477 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1487 loaded Creating bottleneck features for batch 1478 (10, 48, 48, 3) Bottleneck features for batch 1478 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1488 loaded Creating bottleneck features for batch 1479 (10, 48, 48, 3) Bottleneck features for batch 1479 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1489 loaded Creating bottleneck features for batch 1480 (10, 48, 48, 3) Bottleneck features for batch 1480 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1490 loaded Creating bottleneck features for batch 1481 (10, 48, 48, 3) Bottleneck features for batch 1481 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1491 loaded Creating bottleneck features for batch 1482 (10, 48, 48, 3) Bottleneck features for batch 1482 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1492 loaded Creating bottleneck features for batch 1483 (10, 48, 48, 3) Bottleneck features for batch 1483 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1493 loaded Creating bottleneck features for batch 1484 (10, 48, 48, 3) Bottleneck features for batch 1484 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1494 loaded Creating bottleneck features for batch 1485 (10, 48, 48, 3) Bottleneck features for batch 1485 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1495 loaded Creating bottleneck features for batch 1486 (10, 48, 48, 3) Bottleneck features for batch 1486 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1496 loaded Creating bottleneck features for batch 1487 (10, 48, 48, 3) Bottleneck features for batch 1487 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1497 loaded Creating bottleneck features for batch 1488 (10, 48, 48, 3) Bottleneck features for batch 1488 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1498 loaded Creating bottleneck features for batch 1489 (10, 48, 48, 3) Bottleneck features for batch 1489 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1499 loaded Creating bottleneck features for batch 1490 (10, 48, 48, 3) Bottleneck features for batch 1490 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1500 loaded Creating bottleneck features for batch 1491 (10, 48, 48, 3) Bottleneck features for batch 1491 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1501 loaded Creating bottleneck features for batch 1492 (10, 48, 48, 3) Bottleneck features for batch 1492 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1502 loaded Creating bottleneck features for batch 1493 (10, 48, 48, 3) Bottleneck features for batch 1493 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1503 loaded Creating bottleneck features for batch 1494 (10, 48, 48, 3) Bottleneck features for batch 1494 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1504 loaded Creating bottleneck features for batch 1495 (10, 48, 48, 3) Bottleneck features for batch 1495 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1505 loaded Creating bottleneck features for batch 1496 (10, 48, 48, 3) Bottleneck features for batch 1496 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1506 loaded Creating bottleneck features for batch 1497 (10, 48, 48, 3) Bottleneck features for batch 1497 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1507 loaded Creating bottleneck features for batch 1498 (10, 48, 48, 3) Bottleneck features for batch 1498 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1508 loaded Creating bottleneck features for batch 1499 (10, 48, 48, 3) Bottleneck features for batch 1499 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1509 loaded Creating bottleneck features for batch 1500 (10, 48, 48, 3) Bottleneck features for batch 1500 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1510 loaded Creating bottleneck features for batch 1501 (10, 48, 48, 3) Bottleneck features for batch 1501 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1511 loaded Creating bottleneck features for batch 1502 (10, 48, 48, 3) Bottleneck features for batch 1502 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1512 loaded Creating bottleneck features for batch 1503 (10, 48, 48, 3) Bottleneck features for batch 1503 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1513 loaded Creating bottleneck features for batch 1504 (10, 48, 48, 3) Bottleneck features for batch 1504 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1514 loaded Creating bottleneck features for batch 1505 (10, 48, 48, 3) Bottleneck features for batch 1505 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1515 loaded Creating bottleneck features for batch 1506 (10, 48, 48, 3) Bottleneck features for batch 1506 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1516 loaded Creating bottleneck features for batch 1507 (10, 48, 48, 3) Bottleneck features for batch 1507 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1517 loaded Creating bottleneck features for batch 1508 (10, 48, 48, 3) Bottleneck features for batch 1508 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1518 loaded Creating bottleneck features for batch 1509 (10, 48, 48, 3) Bottleneck features for batch 1509 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1519 loaded Creating bottleneck features for batch 1510 (10, 48, 48, 3) Bottleneck features for batch 1510 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1520 loaded Creating bottleneck features for batch 1511 (10, 48, 48, 3) Bottleneck features for batch 1511 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1521 loaded Creating bottleneck features for batch 1512 (10, 48, 48, 3) Bottleneck features for batch 1512 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1522 loaded Creating bottleneck features for batch 1513 (10, 48, 48, 3) Bottleneck features for batch 1513 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1523 loaded Creating bottleneck features for batch 1514 (10, 48, 48, 3) Bottleneck features for batch 1514 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1524 loaded Creating bottleneck features for batch 1515 (10, 48, 48, 3) Bottleneck features for batch 1515 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1525 loaded Creating bottleneck features for batch 1516 (10, 48, 48, 3) Bottleneck features for batch 1516 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1526 loaded Creating bottleneck features for batch 1517 (10, 48, 48, 3) Bottleneck features for batch 1517 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1527 loaded Creating bottleneck features for batch 1518 (10, 48, 48, 3) Bottleneck features for batch 1518 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1528 loaded Creating bottleneck features for batch 1519 (10, 48, 48, 3) Bottleneck features for batch 1519 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1529 loaded Creating bottleneck features for batch 1520 (10, 48, 48, 3) Bottleneck features for batch 1520 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1530 loaded Creating bottleneck features for batch 1521 (10, 48, 48, 3) Bottleneck features for batch 1521 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1531 loaded Creating bottleneck features for batch 1522 (10, 48, 48, 3) Bottleneck features for batch 1522 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1532 loaded Creating bottleneck features for batch 1523 (10, 48, 48, 3) Bottleneck features for batch 1523 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1533 loaded Creating bottleneck features for batch 1524 (10, 48, 48, 3) Bottleneck features for batch 1524 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1534 loaded Creating bottleneck features for batch 1525 (10, 48, 48, 3) Bottleneck features for batch 1525 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1535 loaded Creating bottleneck features for batch 1526 (10, 48, 48, 3) Bottleneck features for batch 1526 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1536 loaded Creating bottleneck features for batch 1527 (10, 48, 48, 3) Bottleneck features for batch 1527 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1537 loaded Creating bottleneck features for batch 1528 (10, 48, 48, 3) Bottleneck features for batch 1528 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1538 loaded Creating bottleneck features for batch 1529 (10, 48, 48, 3) Bottleneck features for batch 1529 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1539 loaded Creating bottleneck features for batch 1530 (10, 48, 48, 3) Bottleneck features for batch 1530 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1540 loaded Creating bottleneck features for batch 1531 (10, 48, 48, 3) Bottleneck features for batch 1531 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1541 loaded Creating bottleneck features for batch 1532 (10, 48, 48, 3) Bottleneck features for batch 1532 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1542 loaded Creating bottleneck features for batch 1533 (10, 48, 48, 3) Bottleneck features for batch 1533 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1543 loaded Creating bottleneck features for batch 1534 (10, 48, 48, 3) Bottleneck features for batch 1534 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1544 loaded Creating bottleneck features for batch 1535 (10, 48, 48, 3) Bottleneck features for batch 1535 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1545 loaded Creating bottleneck features for batch 1536 (10, 48, 48, 3) Bottleneck features for batch 1536 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1546 loaded Creating bottleneck features for batch 1537 (10, 48, 48, 3) Bottleneck features for batch 1537 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1547 loaded Creating bottleneck features for batch 1538 (10, 48, 48, 3) Bottleneck features for batch 1538 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1548 loaded Creating bottleneck features for batch 1539 (10, 48, 48, 3) Bottleneck features for batch 1539 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1549 loaded Creating bottleneck features for batch 1540 (10, 48, 48, 3) Bottleneck features for batch 1540 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1550 loaded Creating bottleneck features for batch 1541 (10, 48, 48, 3) Bottleneck features for batch 1541 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1551 loaded Creating bottleneck features for batch 1542 (10, 48, 48, 3) Bottleneck features for batch 1542 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1552 loaded Creating bottleneck features for batch 1543 (10, 48, 48, 3) Bottleneck features for batch 1543 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1553 loaded Creating bottleneck features for batch 1544 (10, 48, 48, 3) Bottleneck features for batch 1544 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1554 loaded Creating bottleneck features for batch 1545 (10, 48, 48, 3) Bottleneck features for batch 1545 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1555 loaded Creating bottleneck features for batch 1546 (10, 48, 48, 3) Bottleneck features for batch 1546 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1556 loaded Creating bottleneck features for batch 1547 (10, 48, 48, 3) Bottleneck features for batch 1547 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1557 loaded Creating bottleneck features for batch 1548 (10, 48, 48, 3) Bottleneck features for batch 1548 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1558 loaded Creating bottleneck features for batch 1549 (10, 48, 48, 3) Bottleneck features for batch 1549 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1559 loaded Creating bottleneck features for batch 1550 (10, 48, 48, 3) Bottleneck features for batch 1550 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1560 loaded Creating bottleneck features for batch 1551 (10, 48, 48, 3) Bottleneck features for batch 1551 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1561 loaded Creating bottleneck features for batch 1552 (10, 48, 48, 3) Bottleneck features for batch 1552 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1562 loaded Creating bottleneck features for batch 1553 (10, 48, 48, 3) Bottleneck features for batch 1553 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1563 loaded Creating bottleneck features for batch 1554 (10, 48, 48, 3) Bottleneck features for batch 1554 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1564 loaded Creating bottleneck features for batch 1555 (10, 48, 48, 3) Bottleneck features for batch 1555 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1565 loaded Creating bottleneck features for batch 1556 (10, 48, 48, 3) Bottleneck features for batch 1556 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1566 loaded Creating bottleneck features for batch 1557 (10, 48, 48, 3) Bottleneck features for batch 1557 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1567 loaded Creating bottleneck features for batch 1558 (10, 48, 48, 3) Bottleneck features for batch 1558 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1568 loaded Creating bottleneck features for batch 1559 (10, 48, 48, 3) Bottleneck features for batch 1559 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1569 loaded Creating bottleneck features for batch 1560 (10, 48, 48, 3) Bottleneck features for batch 1560 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1570 loaded Creating bottleneck features for batch 1561 (10, 48, 48, 3) Bottleneck features for batch 1561 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1571 loaded Creating bottleneck features for batch 1562 (10, 48, 48, 3) Bottleneck features for batch 1562 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1572 loaded Creating bottleneck features for batch 1563 (10, 48, 48, 3) Bottleneck features for batch 1563 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1573 loaded Creating bottleneck features for batch 1564 (10, 48, 48, 3) Bottleneck features for batch 1564 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1574 loaded Creating bottleneck features for batch 1565 (10, 48, 48, 3) Bottleneck features for batch 1565 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1575 loaded Creating bottleneck features for batch 1566 (10, 48, 48, 3) Bottleneck features for batch 1566 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1576 loaded Creating bottleneck features for batch 1567 (10, 48, 48, 3) Bottleneck features for batch 1567 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1577 loaded Creating bottleneck features for batch 1568 (10, 48, 48, 3) Bottleneck features for batch 1568 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1578 loaded Creating bottleneck features for batch 1569 (10, 48, 48, 3) Bottleneck features for batch 1569 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1579 loaded Creating bottleneck features for batch 1570 (10, 48, 48, 3) Bottleneck features for batch 1570 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1580 loaded Creating bottleneck features for batch 1571 (10, 48, 48, 3) Bottleneck features for batch 1571 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1581 loaded Creating bottleneck features for batch 1572 (10, 48, 48, 3) Bottleneck features for batch 1572 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1582 loaded Creating bottleneck features for batch 1573 (10, 48, 48, 3) Bottleneck features for batch 1573 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1583 loaded Creating bottleneck features for batch 1574 (10, 48, 48, 3) Bottleneck features for batch 1574 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1584 loaded Creating bottleneck features for batch 1575 (10, 48, 48, 3) Bottleneck features for batch 1575 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1585 loaded Creating bottleneck features for batch 1576 (10, 48, 48, 3) Bottleneck features for batch 1576 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1586 loaded Creating bottleneck features for batch 1577 (10, 48, 48, 3) Bottleneck features for batch 1577 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1587 loaded Creating bottleneck features for batch 1578 (10, 48, 48, 3) Bottleneck features for batch 1578 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1588 loaded Creating bottleneck features for batch 1579 (10, 48, 48, 3) Bottleneck features for batch 1579 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1589 loaded Creating bottleneck features for batch 1580 (10, 48, 48, 3) Bottleneck features for batch 1580 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1590 loaded Creating bottleneck features for batch 1581 (10, 48, 48, 3) Bottleneck features for batch 1581 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1591 loaded Creating bottleneck features for batch 1582 (10, 48, 48, 3) Bottleneck features for batch 1582 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1592 loaded Creating bottleneck features for batch 1583 (10, 48, 48, 3) Bottleneck features for batch 1583 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1593 loaded Creating bottleneck features for batch 1584 (10, 48, 48, 3) Bottleneck features for batch 1584 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1594 loaded Creating bottleneck features for batch 1585 (10, 48, 48, 3) Bottleneck features for batch 1585 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1595 loaded Creating bottleneck features for batch 1586 (10, 48, 48, 3) Bottleneck features for batch 1586 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1596 loaded Creating bottleneck features for batch 1587 (10, 48, 48, 3) Bottleneck features for batch 1587 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1597 loaded Creating bottleneck features for batch 1588 (10, 48, 48, 3) Bottleneck features for batch 1588 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1598 loaded Creating bottleneck features for batch 1589 (10, 48, 48, 3) Bottleneck features for batch 1589 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1599 loaded Creating bottleneck features for batch 1590 (10, 48, 48, 3) Bottleneck features for batch 1590 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1600 loaded Creating bottleneck features for batch 1591 (10, 48, 48, 3) Bottleneck features for batch 1591 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1601 loaded Creating bottleneck features for batch 1592 (10, 48, 48, 3) Bottleneck features for batch 1592 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1602 loaded Creating bottleneck features for batch 1593 (10, 48, 48, 3) Bottleneck features for batch 1593 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1603 loaded Creating bottleneck features for batch 1594 (10, 48, 48, 3) Bottleneck features for batch 1594 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1604 loaded Creating bottleneck features for batch 1595 (10, 48, 48, 3) Bottleneck features for batch 1595 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1605 loaded Creating bottleneck features for batch 1596 (10, 48, 48, 3) Bottleneck features for batch 1596 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1606 loaded Creating bottleneck features for batch 1597 (10, 48, 48, 3) Bottleneck features for batch 1597 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1607 loaded Creating bottleneck features for batch 1598 (10, 48, 48, 3) Bottleneck features for batch 1598 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1608 loaded Creating bottleneck features for batch 1599 (10, 48, 48, 3) Bottleneck features for batch 1599 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1609 loaded Creating bottleneck features for batch 1600 (10, 48, 48, 3) Bottleneck features for batch 1600 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1610 loaded Creating bottleneck features for batch 1601 (10, 48, 48, 3) Bottleneck features for batch 1601 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1611 loaded Creating bottleneck features for batch 1602 (10, 48, 48, 3) Bottleneck features for batch 1602 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1612 loaded Creating bottleneck features for batch 1603 (10, 48, 48, 3) Bottleneck features for batch 1603 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1613 loaded Creating bottleneck features for batch 1604 (10, 48, 48, 3) Bottleneck features for batch 1604 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1614 loaded Creating bottleneck features for batch 1605 (10, 48, 48, 3) Bottleneck features for batch 1605 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1615 loaded Creating bottleneck features for batch 1606 (10, 48, 48, 3) Bottleneck features for batch 1606 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1616 loaded Creating bottleneck features for batch 1607 (10, 48, 48, 3) Bottleneck features for batch 1607 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1617 loaded Creating bottleneck features for batch 1608 (10, 48, 48, 3) Bottleneck features for batch 1608 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1618 loaded Creating bottleneck features for batch 1609 (10, 48, 48, 3) Bottleneck features for batch 1609 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1619 loaded Creating bottleneck features for batch 1610 (10, 48, 48, 3) Bottleneck features for batch 1610 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1620 loaded Creating bottleneck features for batch 1611 (10, 48, 48, 3) Bottleneck features for batch 1611 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1621 loaded Creating bottleneck features for batch 1612 (10, 48, 48, 3) Bottleneck features for batch 1612 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1622 loaded Creating bottleneck features for batch 1613 (10, 48, 48, 3) Bottleneck features for batch 1613 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1623 loaded Creating bottleneck features for batch 1614 (10, 48, 48, 3) Bottleneck features for batch 1614 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1624 loaded Creating bottleneck features for batch 1615 (10, 48, 48, 3) Bottleneck features for batch 1615 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1625 loaded Creating bottleneck features for batch 1616 (10, 48, 48, 3) Bottleneck features for batch 1616 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1626 loaded Creating bottleneck features for batch 1617 (10, 48, 48, 3) Bottleneck features for batch 1617 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1627 loaded Creating bottleneck features for batch 1618 (10, 48, 48, 3) Bottleneck features for batch 1618 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1628 loaded Creating bottleneck features for batch 1619 (10, 48, 48, 3) Bottleneck features for batch 1619 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1629 loaded Creating bottleneck features for batch 1620 (10, 48, 48, 3) Bottleneck features for batch 1620 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1630 loaded Creating bottleneck features for batch 1621 (10, 48, 48, 3) Bottleneck features for batch 1621 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1631 loaded Creating bottleneck features for batch 1622 (10, 48, 48, 3) Bottleneck features for batch 1622 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1632 loaded Creating bottleneck features for batch 1623 (10, 48, 48, 3) Bottleneck features for batch 1623 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1633 loaded Creating bottleneck features for batch 1624 (10, 48, 48, 3) Bottleneck features for batch 1624 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1634 loaded Creating bottleneck features for batch 1625 (10, 48, 48, 3) Bottleneck features for batch 1625 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1635 loaded Creating bottleneck features for batch 1626 (10, 48, 48, 3) Bottleneck features for batch 1626 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1636 loaded Creating bottleneck features for batch 1627 (10, 48, 48, 3) Bottleneck features for batch 1627 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1637 loaded Creating bottleneck features for batch 1628 (10, 48, 48, 3) Bottleneck features for batch 1628 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1638 loaded Creating bottleneck features for batch 1629 (10, 48, 48, 3) Bottleneck features for batch 1629 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1639 loaded Creating bottleneck features for batch 1630 (10, 48, 48, 3) Bottleneck features for batch 1630 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1640 loaded Creating bottleneck features for batch 1631 (10, 48, 48, 3) Bottleneck features for batch 1631 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1641 loaded Creating bottleneck features for batch 1632 (10, 48, 48, 3) Bottleneck features for batch 1632 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1642 loaded Creating bottleneck features for batch 1633 (10, 48, 48, 3) Bottleneck features for batch 1633 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1643 loaded Creating bottleneck features for batch 1634 (10, 48, 48, 3) Bottleneck features for batch 1634 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1644 loaded Creating bottleneck features for batch 1635 (10, 48, 48, 3) Bottleneck features for batch 1635 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1645 loaded Creating bottleneck features for batch 1636 (10, 48, 48, 3) Bottleneck features for batch 1636 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1646 loaded Creating bottleneck features for batch 1637 (10, 48, 48, 3) Bottleneck features for batch 1637 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1647 loaded Creating bottleneck features for batch 1638 (10, 48, 48, 3) Bottleneck features for batch 1638 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1648 loaded Creating bottleneck features for batch 1639 (10, 48, 48, 3) Bottleneck features for batch 1639 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1649 loaded Creating bottleneck features for batch 1640 (10, 48, 48, 3) Bottleneck features for batch 1640 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1650 loaded Creating bottleneck features for batch 1641 (10, 48, 48, 3) Bottleneck features for batch 1641 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1651 loaded Creating bottleneck features for batch 1642 (10, 48, 48, 3) Bottleneck features for batch 1642 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1652 loaded Creating bottleneck features for batch 1643 (10, 48, 48, 3) Bottleneck features for batch 1643 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1653 loaded Creating bottleneck features for batch 1644 (10, 48, 48, 3) Bottleneck features for batch 1644 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1654 loaded Creating bottleneck features for batch 1645 (10, 48, 48, 3) Bottleneck features for batch 1645 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1655 loaded Creating bottleneck features for batch 1646 (10, 48, 48, 3) Bottleneck features for batch 1646 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1656 loaded Creating bottleneck features for batch 1647 (10, 48, 48, 3) Bottleneck features for batch 1647 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1657 loaded Creating bottleneck features for batch 1648 (10, 48, 48, 3) Bottleneck features for batch 1648 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1658 loaded Creating bottleneck features for batch 1649 (10, 48, 48, 3) Bottleneck features for batch 1649 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1659 loaded Creating bottleneck features for batch 1650 (10, 48, 48, 3) Bottleneck features for batch 1650 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1660 loaded Creating bottleneck features for batch 1651 (10, 48, 48, 3) Bottleneck features for batch 1651 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1661 loaded Creating bottleneck features for batch 1652 (10, 48, 48, 3) Bottleneck features for batch 1652 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1662 loaded Creating bottleneck features for batch 1653 (10, 48, 48, 3) Bottleneck features for batch 1653 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1663 loaded Creating bottleneck features for batch 1654 (10, 48, 48, 3) Bottleneck features for batch 1654 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1664 loaded Creating bottleneck features for batch 1655 (10, 48, 48, 3) Bottleneck features for batch 1655 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1665 loaded Creating bottleneck features for batch 1656 (10, 48, 48, 3) Bottleneck features for batch 1656 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1666 loaded Creating bottleneck features for batch 1657 (10, 48, 48, 3) Bottleneck features for batch 1657 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1667 loaded Creating bottleneck features for batch 1658 (10, 48, 48, 3) Bottleneck features for batch 1658 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1668 loaded Creating bottleneck features for batch 1659 (10, 48, 48, 3) Bottleneck features for batch 1659 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1669 loaded Creating bottleneck features for batch 1660 (10, 48, 48, 3) Bottleneck features for batch 1660 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1670 loaded Creating bottleneck features for batch 1661 (10, 48, 48, 3) Bottleneck features for batch 1661 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1671 loaded Creating bottleneck features for batch 1662 (10, 48, 48, 3) Bottleneck features for batch 1662 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1672 loaded Creating bottleneck features for batch 1663 (10, 48, 48, 3) Bottleneck features for batch 1663 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1673 loaded Creating bottleneck features for batch 1664 (10, 48, 48, 3) Bottleneck features for batch 1664 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1674 loaded Creating bottleneck features for batch 1665 (10, 48, 48, 3) Bottleneck features for batch 1665 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1675 loaded Creating bottleneck features for batch 1666 (10, 48, 48, 3) Bottleneck features for batch 1666 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1676 loaded Creating bottleneck features for batch 1667 (10, 48, 48, 3) Bottleneck features for batch 1667 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1677 loaded Creating bottleneck features for batch 1668 (10, 48, 48, 3) Bottleneck features for batch 1668 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1678 loaded Creating bottleneck features for batch 1669 (10, 48, 48, 3) Bottleneck features for batch 1669 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1679 loaded Creating bottleneck features for batch 1670 (10, 48, 48, 3) Bottleneck features for batch 1670 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1680 loaded Creating bottleneck features for batch 1671 (10, 48, 48, 3) Bottleneck features for batch 1671 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1681 loaded Creating bottleneck features for batch 1672 (10, 48, 48, 3) Bottleneck features for batch 1672 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1682 loaded Creating bottleneck features for batch 1673 (10, 48, 48, 3) Bottleneck features for batch 1673 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1683 loaded Creating bottleneck features for batch 1674 (10, 48, 48, 3) Bottleneck features for batch 1674 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1684 loaded Creating bottleneck features for batch 1675 (10, 48, 48, 3) Bottleneck features for batch 1675 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1685 loaded Creating bottleneck features for batch 1676 (10, 48, 48, 3) Bottleneck features for batch 1676 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1686 loaded Creating bottleneck features for batch 1677 (10, 48, 48, 3) Bottleneck features for batch 1677 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1687 loaded Creating bottleneck features for batch 1678 (10, 48, 48, 3) Bottleneck features for batch 1678 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1688 loaded Creating bottleneck features for batch 1679 (10, 48, 48, 3) Bottleneck features for batch 1679 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1689 loaded Creating bottleneck features for batch 1680 (10, 48, 48, 3) Bottleneck features for batch 1680 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1690 loaded Creating bottleneck features for batch 1681 (10, 48, 48, 3) Bottleneck features for batch 1681 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1691 loaded Creating bottleneck features for batch 1682 (10, 48, 48, 3) Bottleneck features for batch 1682 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1692 loaded Creating bottleneck features for batch 1683 (10, 48, 48, 3) Bottleneck features for batch 1683 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1693 loaded Creating bottleneck features for batch 1684 (10, 48, 48, 3) Bottleneck features for batch 1684 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1694 loaded Creating bottleneck features for batch 1685 (10, 48, 48, 3) Bottleneck features for batch 1685 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1695 loaded Creating bottleneck features for batch 1686 (10, 48, 48, 3) Bottleneck features for batch 1686 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1696 loaded Creating bottleneck features for batch 1687 (10, 48, 48, 3) Bottleneck features for batch 1687 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1697 loaded Creating bottleneck features for batch 1688 (10, 48, 48, 3) Bottleneck features for batch 1688 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1698 loaded Creating bottleneck features for batch 1689 (10, 48, 48, 3) Bottleneck features for batch 1689 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1699 loaded Creating bottleneck features for batch 1690 (10, 48, 48, 3) Bottleneck features for batch 1690 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1700 loaded Creating bottleneck features for batch 1691 (10, 48, 48, 3) Bottleneck features for batch 1691 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1701 loaded Creating bottleneck features for batch 1692 (10, 48, 48, 3) Bottleneck features for batch 1692 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1702 loaded Creating bottleneck features for batch 1693 (10, 48, 48, 3) Bottleneck features for batch 1693 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1703 loaded Creating bottleneck features for batch 1694 (10, 48, 48, 3) Bottleneck features for batch 1694 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1704 loaded Creating bottleneck features for batch 1695 (10, 48, 48, 3) Bottleneck features for batch 1695 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1705 loaded Creating bottleneck features for batch 1696 (10, 48, 48, 3) Bottleneck features for batch 1696 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1706 loaded Creating bottleneck features for batch 1697 (10, 48, 48, 3) Bottleneck features for batch 1697 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1707 loaded Creating bottleneck features for batch 1698 (10, 48, 48, 3) Bottleneck features for batch 1698 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1708 loaded Creating bottleneck features for batch 1699 (10, 48, 48, 3) Bottleneck features for batch 1699 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1709 loaded Creating bottleneck features for batch 1700 (10, 48, 48, 3) Bottleneck features for batch 1700 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1710 loaded Creating bottleneck features for batch 1701 (10, 48, 48, 3) Bottleneck features for batch 1701 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1711 loaded Creating bottleneck features for batch 1702 (10, 48, 48, 3) Bottleneck features for batch 1702 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1712 loaded Creating bottleneck features for batch 1703 (10, 48, 48, 3) Bottleneck features for batch 1703 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1713 loaded Creating bottleneck features for batch 1704 (10, 48, 48, 3) Bottleneck features for batch 1704 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1714 loaded Creating bottleneck features for batch 1705 (10, 48, 48, 3) Bottleneck features for batch 1705 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1715 loaded Creating bottleneck features for batch 1706 (10, 48, 48, 3) Bottleneck features for batch 1706 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1716 loaded Creating bottleneck features for batch 1707 (10, 48, 48, 3) Bottleneck features for batch 1707 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1717 loaded Creating bottleneck features for batch 1708 (10, 48, 48, 3) Bottleneck features for batch 1708 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1718 loaded Creating bottleneck features for batch 1709 (10, 48, 48, 3) Bottleneck features for batch 1709 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1719 loaded Creating bottleneck features for batch 1710 (10, 48, 48, 3) Bottleneck features for batch 1710 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1720 loaded Creating bottleneck features for batch 1711 (10, 48, 48, 3) Bottleneck features for batch 1711 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1721 loaded Creating bottleneck features for batch 1712 (10, 48, 48, 3) Bottleneck features for batch 1712 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1722 loaded Creating bottleneck features for batch 1713 (10, 48, 48, 3) Bottleneck features for batch 1713 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1723 loaded Creating bottleneck features for batch 1714 (10, 48, 48, 3) Bottleneck features for batch 1714 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1724 loaded Creating bottleneck features for batch 1715 (10, 48, 48, 3) Bottleneck features for batch 1715 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1725 loaded Creating bottleneck features for batch 1716 (10, 48, 48, 3) Bottleneck features for batch 1716 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1726 loaded Creating bottleneck features for batch 1717 (10, 48, 48, 3) Bottleneck features for batch 1717 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1727 loaded Creating bottleneck features for batch 1718 (10, 48, 48, 3) Bottleneck features for batch 1718 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1728 loaded Creating bottleneck features for batch 1719 (10, 48, 48, 3) Bottleneck features for batch 1719 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1729 loaded Creating bottleneck features for batch 1720 (10, 48, 48, 3) Bottleneck features for batch 1720 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1730 loaded Creating bottleneck features for batch 1721 (10, 48, 48, 3) Bottleneck features for batch 1721 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1731 loaded Creating bottleneck features for batch 1722 (10, 48, 48, 3) Bottleneck features for batch 1722 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1732 loaded Creating bottleneck features for batch 1723 (10, 48, 48, 3) Bottleneck features for batch 1723 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1733 loaded Creating bottleneck features for batch 1724 (10, 48, 48, 3) Bottleneck features for batch 1724 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1734 loaded Creating bottleneck features for batch 1725 (10, 48, 48, 3) Bottleneck features for batch 1725 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1735 loaded Creating bottleneck features for batch 1726 (10, 48, 48, 3) Bottleneck features for batch 1726 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1736 loaded Creating bottleneck features for batch 1727 (10, 48, 48, 3) Bottleneck features for batch 1727 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1737 loaded Creating bottleneck features for batch 1728 (10, 48, 48, 3) Bottleneck features for batch 1728 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1738 loaded Creating bottleneck features for batch 1729 (10, 48, 48, 3) Bottleneck features for batch 1729 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1739 loaded Creating bottleneck features for batch 1730 (10, 48, 48, 3) Bottleneck features for batch 1730 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1740 loaded Creating bottleneck features for batch 1731 (10, 48, 48, 3) Bottleneck features for batch 1731 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1741 loaded Creating bottleneck features for batch 1732 (10, 48, 48, 3) Bottleneck features for batch 1732 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1742 loaded Creating bottleneck features for batch 1733 (10, 48, 48, 3) Bottleneck features for batch 1733 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1743 loaded Creating bottleneck features for batch 1734 (10, 48, 48, 3) Bottleneck features for batch 1734 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1744 loaded Creating bottleneck features for batch 1735 (10, 48, 48, 3) Bottleneck features for batch 1735 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1745 loaded Creating bottleneck features for batch 1736 (10, 48, 48, 3) Bottleneck features for batch 1736 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1746 loaded Creating bottleneck features for batch 1737 (10, 48, 48, 3) Bottleneck features for batch 1737 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1747 loaded Creating bottleneck features for batch 1738 (10, 48, 48, 3) Bottleneck features for batch 1738 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1748 loaded Creating bottleneck features for batch 1739 (10, 48, 48, 3) Bottleneck features for batch 1739 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1749 loaded Creating bottleneck features for batch 1740 (10, 48, 48, 3) Bottleneck features for batch 1740 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1750 loaded Creating bottleneck features for batch 1741 (10, 48, 48, 3) Bottleneck features for batch 1741 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1751 loaded Creating bottleneck features for batch 1742 (10, 48, 48, 3) Bottleneck features for batch 1742 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1752 loaded Creating bottleneck features for batch 1743 (10, 48, 48, 3) Bottleneck features for batch 1743 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1753 loaded Creating bottleneck features for batch 1744 (10, 48, 48, 3) Bottleneck features for batch 1744 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1754 loaded Creating bottleneck features for batch 1745 (10, 48, 48, 3) Bottleneck features for batch 1745 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1755 loaded Creating bottleneck features for batch 1746 (10, 48, 48, 3) Bottleneck features for batch 1746 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1756 loaded Creating bottleneck features for batch 1747 (10, 48, 48, 3) Bottleneck features for batch 1747 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1757 loaded Creating bottleneck features for batch 1748 (10, 48, 48, 3) Bottleneck features for batch 1748 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1758 loaded Creating bottleneck features for batch 1749 (10, 48, 48, 3) Bottleneck features for batch 1749 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1759 loaded Creating bottleneck features for batch 1750 (10, 48, 48, 3) Bottleneck features for batch 1750 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1760 loaded Creating bottleneck features for batch 1751 (10, 48, 48, 3) Bottleneck features for batch 1751 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1761 loaded Creating bottleneck features for batch 1752 (10, 48, 48, 3) Bottleneck features for batch 1752 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1762 loaded Creating bottleneck features for batch 1753 (10, 48, 48, 3) Bottleneck features for batch 1753 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1763 loaded Creating bottleneck features for batch 1754 (10, 48, 48, 3) Bottleneck features for batch 1754 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1764 loaded Creating bottleneck features for batch 1755 (10, 48, 48, 3) Bottleneck features for batch 1755 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1765 loaded Creating bottleneck features for batch 1756 (10, 48, 48, 3) Bottleneck features for batch 1756 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1766 loaded Creating bottleneck features for batch 1757 (10, 48, 48, 3) Bottleneck features for batch 1757 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1767 loaded Creating bottleneck features for batch 1758 (10, 48, 48, 3) Bottleneck features for batch 1758 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1768 loaded Creating bottleneck features for batch 1759 (10, 48, 48, 3) Bottleneck features for batch 1759 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1769 loaded Creating bottleneck features for batch 1760 (10, 48, 48, 3) Bottleneck features for batch 1760 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1770 loaded Creating bottleneck features for batch 1761 (10, 48, 48, 3) Bottleneck features for batch 1761 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1771 loaded Creating bottleneck features for batch 1762 (10, 48, 48, 3) Bottleneck features for batch 1762 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1772 loaded Creating bottleneck features for batch 1763 (10, 48, 48, 3) Bottleneck features for batch 1763 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1773 loaded Creating bottleneck features for batch 1764 (10, 48, 48, 3) Bottleneck features for batch 1764 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1774 loaded Creating bottleneck features for batch 1765 (10, 48, 48, 3) Bottleneck features for batch 1765 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1775 loaded Creating bottleneck features for batch 1766 (10, 48, 48, 3) Bottleneck features for batch 1766 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1776 loaded Creating bottleneck features for batch 1767 (10, 48, 48, 3) Bottleneck features for batch 1767 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1777 loaded Creating bottleneck features for batch 1768 (10, 48, 48, 3) Bottleneck features for batch 1768 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1778 loaded Creating bottleneck features for batch 1769 (10, 48, 48, 3) Bottleneck features for batch 1769 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1779 loaded Creating bottleneck features for batch 1770 (10, 48, 48, 3) Bottleneck features for batch 1770 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1780 loaded Creating bottleneck features for batch 1771 (10, 48, 48, 3) Bottleneck features for batch 1771 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1781 loaded Creating bottleneck features for batch 1772 (10, 48, 48, 3) Bottleneck features for batch 1772 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1782 loaded Creating bottleneck features for batch 1773 (10, 48, 48, 3) Bottleneck features for batch 1773 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1783 loaded Creating bottleneck features for batch 1774 (10, 48, 48, 3) Bottleneck features for batch 1774 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1784 loaded Creating bottleneck features for batch 1775 (10, 48, 48, 3) Bottleneck features for batch 1775 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1785 loaded Creating bottleneck features for batch 1776 (10, 48, 48, 3) Bottleneck features for batch 1776 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1786 loaded Creating bottleneck features for batch 1777 (10, 48, 48, 3) Bottleneck features for batch 1777 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1787 loaded Creating bottleneck features for batch 1778 (10, 48, 48, 3) Bottleneck features for batch 1778 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1788 loaded Creating bottleneck features for batch 1779 (10, 48, 48, 3) Bottleneck features for batch 1779 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1789 loaded Creating bottleneck features for batch 1780 (10, 48, 48, 3) Bottleneck features for batch 1780 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1790 loaded Creating bottleneck features for batch 1781 (10, 48, 48, 3) Bottleneck features for batch 1781 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1791 loaded Creating bottleneck features for batch 1782 (10, 48, 48, 3) Bottleneck features for batch 1782 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1792 loaded Creating bottleneck features for batch 1783 (10, 48, 48, 3) Bottleneck features for batch 1783 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1793 loaded Creating bottleneck features for batch 1784 (10, 48, 48, 3) Bottleneck features for batch 1784 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1794 loaded Creating bottleneck features for batch 1785 (10, 48, 48, 3) Bottleneck features for batch 1785 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1795 loaded Creating bottleneck features for batch 1786 (10, 48, 48, 3) Bottleneck features for batch 1786 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1796 loaded Creating bottleneck features for batch 1787 (10, 48, 48, 3) Bottleneck features for batch 1787 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1797 loaded Creating bottleneck features for batch 1788 (10, 48, 48, 3) Bottleneck features for batch 1788 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1798 loaded Creating bottleneck features for batch 1789 (10, 48, 48, 3) Bottleneck features for batch 1789 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1799 loaded Creating bottleneck features for batch 1790 (10, 48, 48, 3) Bottleneck features for batch 1790 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1800 loaded Creating bottleneck features for batch 1791 (10, 48, 48, 3) Bottleneck features for batch 1791 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1801 loaded Creating bottleneck features for batch 1792 (10, 48, 48, 3) Bottleneck features for batch 1792 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1802 loaded Creating bottleneck features for batch 1793 (10, 48, 48, 3) Bottleneck features for batch 1793 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1803 loaded Creating bottleneck features for batch 1794 (10, 48, 48, 3) Bottleneck features for batch 1794 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1804 loaded Creating bottleneck features for batch 1795 (10, 48, 48, 3) Bottleneck features for batch 1795 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1805 loaded Creating bottleneck features for batch 1796 (10, 48, 48, 3) Bottleneck features for batch 1796 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1806 loaded Creating bottleneck features for batch 1797 (10, 48, 48, 3) Bottleneck features for batch 1797 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1807 loaded Creating bottleneck features for batch 1798 (10, 48, 48, 3) Bottleneck features for batch 1798 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1808 loaded Creating bottleneck features for batch 1799 (10, 48, 48, 3) Bottleneck features for batch 1799 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1809 loaded Creating bottleneck features for batch 1800 (10, 48, 48, 3) Bottleneck features for batch 1800 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1810 loaded Creating bottleneck features for batch 1801 (10, 48, 48, 3) Bottleneck features for batch 1801 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1811 loaded Creating bottleneck features for batch 1802 (10, 48, 48, 3) Bottleneck features for batch 1802 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1812 loaded Creating bottleneck features for batch 1803 (10, 48, 48, 3) Bottleneck features for batch 1803 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1813 loaded Creating bottleneck features for batch 1804 (10, 48, 48, 3) Bottleneck features for batch 1804 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1814 loaded Creating bottleneck features for batch 1805 (10, 48, 48, 3) Bottleneck features for batch 1805 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1815 loaded Creating bottleneck features for batch 1806 (10, 48, 48, 3) Bottleneck features for batch 1806 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1816 loaded Creating bottleneck features for batch 1807 (10, 48, 48, 3) Bottleneck features for batch 1807 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1817 loaded Creating bottleneck features for batch 1808 (10, 48, 48, 3) Bottleneck features for batch 1808 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1818 loaded Creating bottleneck features for batch 1809 (10, 48, 48, 3) Bottleneck features for batch 1809 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1819 loaded Creating bottleneck features for batch 1810 (10, 48, 48, 3) Bottleneck features for batch 1810 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1820 loaded Creating bottleneck features for batch 1811 (10, 48, 48, 3) Bottleneck features for batch 1811 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1821 loaded Creating bottleneck features for batch 1812 (10, 48, 48, 3) Bottleneck features for batch 1812 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1822 loaded Creating bottleneck features for batch 1813 (10, 48, 48, 3) Bottleneck features for batch 1813 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1823 loaded Creating bottleneck features for batch 1814 (10, 48, 48, 3) Bottleneck features for batch 1814 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1824 loaded Creating bottleneck features for batch 1815 (10, 48, 48, 3) Bottleneck features for batch 1815 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1825 loaded Creating bottleneck features for batch 1816 (10, 48, 48, 3) Bottleneck features for batch 1816 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1826 loaded Creating bottleneck features for batch 1817 (10, 48, 48, 3) Bottleneck features for batch 1817 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1827 loaded Creating bottleneck features for batch 1818 (10, 48, 48, 3) Bottleneck features for batch 1818 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1828 loaded Creating bottleneck features for batch 1819 (10, 48, 48, 3) Bottleneck features for batch 1819 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1829 loaded Creating bottleneck features for batch 1820 (10, 48, 48, 3) Bottleneck features for batch 1820 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1830 loaded Creating bottleneck features for batch 1821 (10, 48, 48, 3) Bottleneck features for batch 1821 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1831 loaded Creating bottleneck features for batch 1822 (10, 48, 48, 3) Bottleneck features for batch 1822 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1832 loaded Creating bottleneck features for batch 1823 (10, 48, 48, 3) Bottleneck features for batch 1823 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1833 loaded Creating bottleneck features for batch 1824 (10, 48, 48, 3) Bottleneck features for batch 1824 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1834 loaded Creating bottleneck features for batch 1825 (10, 48, 48, 3) Bottleneck features for batch 1825 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1835 loaded Creating bottleneck features for batch 1826 (10, 48, 48, 3) Bottleneck features for batch 1826 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1836 loaded Creating bottleneck features for batch 1827 (10, 48, 48, 3) Bottleneck features for batch 1827 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1837 loaded Creating bottleneck features for batch 1828 (10, 48, 48, 3) Bottleneck features for batch 1828 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1838 loaded Creating bottleneck features for batch 1829 (10, 48, 48, 3) Bottleneck features for batch 1829 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1839 loaded Creating bottleneck features for batch 1830 (10, 48, 48, 3) Bottleneck features for batch 1830 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1840 loaded Creating bottleneck features for batch 1831 (10, 48, 48, 3) Bottleneck features for batch 1831 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1841 loaded Creating bottleneck features for batch 1832 (10, 48, 48, 3) Bottleneck features for batch 1832 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1842 loaded Creating bottleneck features for batch 1833 (10, 48, 48, 3) Bottleneck features for batch 1833 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1843 loaded Creating bottleneck features for batch 1834 (10, 48, 48, 3) Bottleneck features for batch 1834 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1844 loaded Creating bottleneck features for batch 1835 (10, 48, 48, 3) Bottleneck features for batch 1835 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1845 loaded Creating bottleneck features for batch 1836 (10, 48, 48, 3) Bottleneck features for batch 1836 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1846 loaded Creating bottleneck features for batch 1837 (10, 48, 48, 3) Bottleneck features for batch 1837 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1847 loaded Creating bottleneck features for batch 1838 (10, 48, 48, 3) Bottleneck features for batch 1838 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1848 loaded Creating bottleneck features for batch 1839 (10, 48, 48, 3) Bottleneck features for batch 1839 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1849 loaded Creating bottleneck features for batch 1840 (10, 48, 48, 3) Bottleneck features for batch 1840 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1850 loaded Creating bottleneck features for batch 1841 (10, 48, 48, 3) Bottleneck features for batch 1841 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1851 loaded Creating bottleneck features for batch 1842 (10, 48, 48, 3) Bottleneck features for batch 1842 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1852 loaded Creating bottleneck features for batch 1843 (10, 48, 48, 3) Bottleneck features for batch 1843 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1853 loaded Creating bottleneck features for batch 1844 (10, 48, 48, 3) Bottleneck features for batch 1844 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1854 loaded Creating bottleneck features for batch 1845 (10, 48, 48, 3) Bottleneck features for batch 1845 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1855 loaded Creating bottleneck features for batch 1846 (10, 48, 48, 3) Bottleneck features for batch 1846 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1856 loaded Creating bottleneck features for batch 1847 (10, 48, 48, 3) Bottleneck features for batch 1847 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1857 loaded Creating bottleneck features for batch 1848 (10, 48, 48, 3) Bottleneck features for batch 1848 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1858 loaded Creating bottleneck features for batch 1849 (10, 48, 48, 3) Bottleneck features for batch 1849 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1859 loaded Creating bottleneck features for batch 1850 (10, 48, 48, 3) Bottleneck features for batch 1850 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1860 loaded Creating bottleneck features for batch 1851 (10, 48, 48, 3) Bottleneck features for batch 1851 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1861 loaded Creating bottleneck features for batch 1852 (10, 48, 48, 3) Bottleneck features for batch 1852 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1862 loaded Creating bottleneck features for batch 1853 (10, 48, 48, 3) Bottleneck features for batch 1853 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1863 loaded Creating bottleneck features for batch 1854 (10, 48, 48, 3) Bottleneck features for batch 1854 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1864 loaded Creating bottleneck features for batch 1855 (10, 48, 48, 3) Bottleneck features for batch 1855 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1865 loaded Creating bottleneck features for batch 1856 (10, 48, 48, 3) Bottleneck features for batch 1856 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1866 loaded Creating bottleneck features for batch 1857 (10, 48, 48, 3) Bottleneck features for batch 1857 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1867 loaded Creating bottleneck features for batch 1858 (10, 48, 48, 3) Bottleneck features for batch 1858 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1868 loaded Creating bottleneck features for batch 1859 (10, 48, 48, 3) Bottleneck features for batch 1859 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1869 loaded Creating bottleneck features for batch 1860 (10, 48, 48, 3) Bottleneck features for batch 1860 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1870 loaded Creating bottleneck features for batch 1861 (10, 48, 48, 3) Bottleneck features for batch 1861 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1871 loaded Creating bottleneck features for batch 1862 (10, 48, 48, 3) Bottleneck features for batch 1862 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1872 loaded Creating bottleneck features for batch 1863 (10, 48, 48, 3) Bottleneck features for batch 1863 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1873 loaded Creating bottleneck features for batch 1864 (10, 48, 48, 3) Bottleneck features for batch 1864 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1874 loaded Creating bottleneck features for batch 1865 (10, 48, 48, 3) Bottleneck features for batch 1865 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1875 loaded Creating bottleneck features for batch 1866 (10, 48, 48, 3) Bottleneck features for batch 1866 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1876 loaded Creating bottleneck features for batch 1867 (10, 48, 48, 3) Bottleneck features for batch 1867 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1877 loaded Creating bottleneck features for batch 1868 (10, 48, 48, 3) Bottleneck features for batch 1868 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1878 loaded Creating bottleneck features for batch 1869 (10, 48, 48, 3) Bottleneck features for batch 1869 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1879 loaded Creating bottleneck features for batch 1870 (10, 48, 48, 3) Bottleneck features for batch 1870 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1880 loaded Creating bottleneck features for batch 1871 (10, 48, 48, 3) Bottleneck features for batch 1871 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1881 loaded Creating bottleneck features for batch 1872 (10, 48, 48, 3) Bottleneck features for batch 1872 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1882 loaded Creating bottleneck features for batch 1873 (10, 48, 48, 3) Bottleneck features for batch 1873 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1883 loaded Creating bottleneck features for batch 1874 (10, 48, 48, 3) Bottleneck features for batch 1874 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1884 loaded Creating bottleneck features for batch 1875 (10, 48, 48, 3) Bottleneck features for batch 1875 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1885 loaded Creating bottleneck features for batch 1876 (10, 48, 48, 3) Bottleneck features for batch 1876 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1886 loaded Creating bottleneck features for batch 1877 (10, 48, 48, 3) Bottleneck features for batch 1877 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1887 loaded Creating bottleneck features for batch 1878 (10, 48, 48, 3) Bottleneck features for batch 1878 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1888 loaded Creating bottleneck features for batch 1879 (10, 48, 48, 3) Bottleneck features for batch 1879 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1889 loaded Creating bottleneck features for batch 1880 (10, 48, 48, 3) Bottleneck features for batch 1880 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1890 loaded Creating bottleneck features for batch 1881 (10, 48, 48, 3) Bottleneck features for batch 1881 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1891 loaded Creating bottleneck features for batch 1882 (10, 48, 48, 3) Bottleneck features for batch 1882 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1892 loaded Creating bottleneck features for batch 1883 (10, 48, 48, 3) Bottleneck features for batch 1883 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1893 loaded Creating bottleneck features for batch 1884 (10, 48, 48, 3) Bottleneck features for batch 1884 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1894 loaded Creating bottleneck features for batch 1885 (10, 48, 48, 3) Bottleneck features for batch 1885 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1895 loaded Creating bottleneck features for batch 1886 (10, 48, 48, 3) Bottleneck features for batch 1886 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1896 loaded Creating bottleneck features for batch 1887 (10, 48, 48, 3) Bottleneck features for batch 1887 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1897 loaded Creating bottleneck features for batch 1888 (10, 48, 48, 3) Bottleneck features for batch 1888 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1898 loaded Creating bottleneck features for batch 1889 (10, 48, 48, 3) Bottleneck features for batch 1889 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1899 loaded Creating bottleneck features for batch 1890 (10, 48, 48, 3) Bottleneck features for batch 1890 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1900 loaded Creating bottleneck features for batch 1891 (10, 48, 48, 3) Bottleneck features for batch 1891 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1901 loaded Creating bottleneck features for batch 1892 (10, 48, 48, 3) Bottleneck features for batch 1892 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1902 loaded Creating bottleneck features for batch 1893 (10, 48, 48, 3) Bottleneck features for batch 1893 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1903 loaded Creating bottleneck features for batch 1894 (10, 48, 48, 3) Bottleneck features for batch 1894 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1904 loaded Creating bottleneck features for batch 1895 (10, 48, 48, 3) Bottleneck features for batch 1895 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1905 loaded Creating bottleneck features for batch 1896 (10, 48, 48, 3) Bottleneck features for batch 1896 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1906 loaded Creating bottleneck features for batch 1897 (10, 48, 48, 3) Bottleneck features for batch 1897 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1907 loaded Creating bottleneck features for batch 1898 (10, 48, 48, 3) Bottleneck features for batch 1898 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1908 loaded Creating bottleneck features for batch 1899 (10, 48, 48, 3) Bottleneck features for batch 1899 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1909 loaded Creating bottleneck features for batch 1900 (10, 48, 48, 3) Bottleneck features for batch 1900 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1910 loaded Creating bottleneck features for batch 1901 (10, 48, 48, 3) Bottleneck features for batch 1901 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1911 loaded Creating bottleneck features for batch 1902 (10, 48, 48, 3) Bottleneck features for batch 1902 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1912 loaded Creating bottleneck features for batch 1903 (10, 48, 48, 3) Bottleneck features for batch 1903 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1913 loaded Creating bottleneck features for batch 1904 (10, 48, 48, 3) Bottleneck features for batch 1904 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1914 loaded Creating bottleneck features for batch 1905 (10, 48, 48, 3) Bottleneck features for batch 1905 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1915 loaded Creating bottleneck features for batch 1906 (10, 48, 48, 3) Bottleneck features for batch 1906 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1916 loaded Creating bottleneck features for batch 1907 (10, 48, 48, 3) Bottleneck features for batch 1907 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1917 loaded Creating bottleneck features for batch 1908 (10, 48, 48, 3) Bottleneck features for batch 1908 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1918 loaded Creating bottleneck features for batch 1909 (10, 48, 48, 3) Bottleneck features for batch 1909 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1919 loaded Creating bottleneck features for batch 1910 (10, 48, 48, 3) Bottleneck features for batch 1910 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1920 loaded Creating bottleneck features for batch 1911 (10, 48, 48, 3) Bottleneck features for batch 1911 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1921 loaded Creating bottleneck features for batch 1912 (10, 48, 48, 3) Bottleneck features for batch 1912 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1922 loaded Creating bottleneck features for batch 1913 (10, 48, 48, 3) Bottleneck features for batch 1913 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1923 loaded Creating bottleneck features for batch 1914 (10, 48, 48, 3) Bottleneck features for batch 1914 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1924 loaded Creating bottleneck features for batch 1915 (10, 48, 48, 3) Bottleneck features for batch 1915 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1925 loaded Creating bottleneck features for batch 1916 (10, 48, 48, 3) Bottleneck features for batch 1916 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1926 loaded Creating bottleneck features for batch 1917 (10, 48, 48, 3) Bottleneck features for batch 1917 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1927 loaded Creating bottleneck features for batch 1918 (10, 48, 48, 3) Bottleneck features for batch 1918 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1928 loaded Creating bottleneck features for batch 1919 (10, 48, 48, 3) Bottleneck features for batch 1919 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1929 loaded Creating bottleneck features for batch 1920 (10, 48, 48, 3) Bottleneck features for batch 1920 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1930 loaded Creating bottleneck features for batch 1921 (10, 48, 48, 3) Bottleneck features for batch 1921 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1931 loaded Creating bottleneck features for batch 1922 (10, 48, 48, 3) Bottleneck features for batch 1922 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1932 loaded Creating bottleneck features for batch 1923 (10, 48, 48, 3) Bottleneck features for batch 1923 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1933 loaded Creating bottleneck features for batch 1924 (10, 48, 48, 3) Bottleneck features for batch 1924 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1934 loaded Creating bottleneck features for batch 1925 (10, 48, 48, 3) Bottleneck features for batch 1925 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 1935 loaded Creating bottleneck features for batch 1926 (10, 48, 48, 3) Bottleneck features for batch 1926 created and saved [[0 0 0 ... 0 1 0] [1 0 0 ... 0 0 0] [0 1 0 ... 0 0 0] ... [0 0 0 ... 0 0 0] [0 1 0 ... 0 0 0] [0 0 0 ... 0 0 1]] (3853, 7)
# creating bottleneck features for CV Human data using VGG-16- Image-net model model = VGG16(weights='imagenet', include_top=False) SAVEDIR = "../expression_image/Bottleneck_Features/Bottleneck_CVHumans/" SAVEDIR_LABELS = "../expression_image/Bottleneck_Features/CVHumans_Labels/" batch_size = 10 for i in range(int(len(CV_Humans) / 10 )): x, y = loadCVHumanBatch(10) print("Batch {} loaded".format(i + 10)) np.save(os.path.join(SAVEDIR_LABELS, "bottleneck_labels_{}".format(i + 1)), y) print("Creating bottleneck features for batch {}".format(i + 1)) print(x.shape) bottleneck_features = model.predict(x) np.save(os.path.join(SAVEDIR, "bottleneck_{}".format(i + 1)), bottleneck_features) print("Bottleneck features for batch {} created and saved\n".format(i + 1)) TestHuman = pd.get_dummies(Test_Humans["Labels"]) TestHuman_Labels=TestHuman.to_numpy() print(TestHuman_Labels) print(TestHuman_Labels.shape) def loadTestHumansBatch(batch_size): global TestHumans_batch_pointer batch_images = [] batch_labels = [] for i in range(batch_size): path1 = Test_Humans.iloc[TestHumans_batch_pointer + i]["folderName"] path2 = Test_Humans.iloc[TestHumans_batch_pointer + i]["imageName"] read_image = cv2.resize(cv2.imread(os.path.join(path1, path2)),(48,48)) print(read_image.shape, 'shape of image') read_image_final = read_image / 255.0 # here, we are normalizing the images batch_images.append(read_image_final) batch_labels.append(TestHuman_Labels[TestHumans_batch_pointer + i]) # appending corresponding labels TestHumans_batch_pointer += batch_size return np.array(batch_images), np.array(batch_labels) # creating bottleneck features for Test Humans data using VGG-16- Image-net model model = VGG16(weights='imagenet', include_top=False) SAVEDIR = "../expression_image/Bottleneck_Features/Bottleneck_TestHumans/" SAVEDIR_LABELS = "../expression_image/Bottleneck_Features/TestHumans_Labels/" batch_size = 10 for i in range(int(len(Test_Humans) / 10)): x, y = loadTestHumansBatch(batch_size) print("Batch {} loaded".format(i + 10)) np.save(os.path.join(SAVEDIR_LABELS, "bottleneck_labels_{}".format(i + 1)), y) print("Creating bottleneck features for batch {}".format(i + 1)) bottleneck_features = model.predict(x) np.save(os.path.join(SAVEDIR, "bottleneck_{}".format(i + 1)), bottleneck_features) print("Bottleneck features for batch {} created and saved\n".format(i + 1)) leftover_points = len(Test_Humans) - TestHumans_batch_pointer x, y = loadTestHumansBatch(leftover_points) np.save(os.path.join(SAVEDIR_LABELS, "bottleneck_labels_{}".format(int(len(Test_Humans) / batch_size) + 1)), y) bottleneck_features = model.predict(x) np.save(os.path.join(SAVEDIR, "bottleneck_{}".format(int(len(Test_Humans) / batch_size) + 1)), bottleneck_features) print("Bottleneck features for batch {} created and saved\n".format(i + 1))
(48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 10 loaded Creating bottleneck features for batch 1 (10, 48, 48, 3) Bottleneck features for batch 1 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 11 loaded Creating bottleneck features for batch 2 (10, 48, 48, 3) Bottleneck features for batch 2 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 12 loaded Creating bottleneck features for batch 3 (10, 48, 48, 3) Bottleneck features for batch 3 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 13 loaded Creating bottleneck features for batch 4 (10, 48, 48, 3) Bottleneck features for batch 4 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 14 loaded Creating bottleneck features for batch 5 (10, 48, 48, 3) Bottleneck features for batch 5 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 15 loaded Creating bottleneck features for batch 6 (10, 48, 48, 3) Bottleneck features for batch 6 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 16 loaded Creating bottleneck features for batch 7 (10, 48, 48, 3) Bottleneck features for batch 7 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 17 loaded Creating bottleneck features for batch 8 (10, 48, 48, 3) Bottleneck features for batch 8 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 18 loaded Creating bottleneck features for batch 9 (10, 48, 48, 3) Bottleneck features for batch 9 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 19 loaded Creating bottleneck features for batch 10 (10, 48, 48, 3) Bottleneck features for batch 10 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 20 loaded Creating bottleneck features for batch 11 (10, 48, 48, 3) Bottleneck features for batch 11 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 21 loaded Creating bottleneck features for batch 12 (10, 48, 48, 3) Bottleneck features for batch 12 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 22 loaded Creating bottleneck features for batch 13 (10, 48, 48, 3) Bottleneck features for batch 13 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 23 loaded Creating bottleneck features for batch 14 (10, 48, 48, 3) Bottleneck features for batch 14 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 24 loaded Creating bottleneck features for batch 15 (10, 48, 48, 3) Bottleneck features for batch 15 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 25 loaded Creating bottleneck features for batch 16 (10, 48, 48, 3) Bottleneck features for batch 16 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 26 loaded Creating bottleneck features for batch 17 (10, 48, 48, 3) Bottleneck features for batch 17 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 27 loaded Creating bottleneck features for batch 18 (10, 48, 48, 3) Bottleneck features for batch 18 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 28 loaded Creating bottleneck features for batch 19 (10, 48, 48, 3) Bottleneck features for batch 19 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 29 loaded Creating bottleneck features for batch 20 (10, 48, 48, 3) Bottleneck features for batch 20 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 30 loaded Creating bottleneck features for batch 21 (10, 48, 48, 3) Bottleneck features for batch 21 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 31 loaded Creating bottleneck features for batch 22 (10, 48, 48, 3) Bottleneck features for batch 22 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 32 loaded Creating bottleneck features for batch 23 (10, 48, 48, 3) Bottleneck features for batch 23 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 33 loaded Creating bottleneck features for batch 24 (10, 48, 48, 3) Bottleneck features for batch 24 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 34 loaded Creating bottleneck features for batch 25 (10, 48, 48, 3) Bottleneck features for batch 25 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 35 loaded Creating bottleneck features for batch 26 (10, 48, 48, 3) Bottleneck features for batch 26 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 36 loaded Creating bottleneck features for batch 27 (10, 48, 48, 3) Bottleneck features for batch 27 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 37 loaded Creating bottleneck features for batch 28 (10, 48, 48, 3) Bottleneck features for batch 28 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 38 loaded Creating bottleneck features for batch 29 (10, 48, 48, 3) Bottleneck features for batch 29 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 39 loaded Creating bottleneck features for batch 30 (10, 48, 48, 3) Bottleneck features for batch 30 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 40 loaded Creating bottleneck features for batch 31 (10, 48, 48, 3) Bottleneck features for batch 31 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 41 loaded Creating bottleneck features for batch 32 (10, 48, 48, 3) Bottleneck features for batch 32 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 42 loaded Creating bottleneck features for batch 33 (10, 48, 48, 3) Bottleneck features for batch 33 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 43 loaded Creating bottleneck features for batch 34 (10, 48, 48, 3) Bottleneck features for batch 34 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 44 loaded Creating bottleneck features for batch 35 (10, 48, 48, 3) Bottleneck features for batch 35 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 45 loaded Creating bottleneck features for batch 36 (10, 48, 48, 3) Bottleneck features for batch 36 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 46 loaded Creating bottleneck features for batch 37 (10, 48, 48, 3) Bottleneck features for batch 37 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 47 loaded Creating bottleneck features for batch 38 (10, 48, 48, 3) Bottleneck features for batch 38 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 48 loaded Creating bottleneck features for batch 39 (10, 48, 48, 3) Bottleneck features for batch 39 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 49 loaded Creating bottleneck features for batch 40 (10, 48, 48, 3) Bottleneck features for batch 40 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 50 loaded Creating bottleneck features for batch 41 (10, 48, 48, 3) Bottleneck features for batch 41 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 51 loaded Creating bottleneck features for batch 42 (10, 48, 48, 3) Bottleneck features for batch 42 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 52 loaded Creating bottleneck features for batch 43 (10, 48, 48, 3) Bottleneck features for batch 43 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 53 loaded Creating bottleneck features for batch 44 (10, 48, 48, 3) Bottleneck features for batch 44 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 54 loaded Creating bottleneck features for batch 45 (10, 48, 48, 3) Bottleneck features for batch 45 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 55 loaded Creating bottleneck features for batch 46 (10, 48, 48, 3) Bottleneck features for batch 46 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 56 loaded Creating bottleneck features for batch 47 (10, 48, 48, 3) Bottleneck features for batch 47 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 57 loaded Creating bottleneck features for batch 48 (10, 48, 48, 3) Bottleneck features for batch 48 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 58 loaded Creating bottleneck features for batch 49 (10, 48, 48, 3) Bottleneck features for batch 49 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 59 loaded Creating bottleneck features for batch 50 (10, 48, 48, 3) Bottleneck features for batch 50 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 60 loaded Creating bottleneck features for batch 51 (10, 48, 48, 3) Bottleneck features for batch 51 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 61 loaded Creating bottleneck features for batch 52 (10, 48, 48, 3) Bottleneck features for batch 52 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 62 loaded Creating bottleneck features for batch 53 (10, 48, 48, 3) Bottleneck features for batch 53 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 63 loaded Creating bottleneck features for batch 54 (10, 48, 48, 3) Bottleneck features for batch 54 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 64 loaded Creating bottleneck features for batch 55 (10, 48, 48, 3) Bottleneck features for batch 55 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 65 loaded Creating bottleneck features for batch 56 (10, 48, 48, 3) Bottleneck features for batch 56 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 66 loaded Creating bottleneck features for batch 57 (10, 48, 48, 3) Bottleneck features for batch 57 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 67 loaded Creating bottleneck features for batch 58 (10, 48, 48, 3) Bottleneck features for batch 58 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 68 loaded Creating bottleneck features for batch 59 (10, 48, 48, 3) Bottleneck features for batch 59 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 69 loaded Creating bottleneck features for batch 60 (10, 48, 48, 3) Bottleneck features for batch 60 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 70 loaded Creating bottleneck features for batch 61 (10, 48, 48, 3) Bottleneck features for batch 61 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 71 loaded Creating bottleneck features for batch 62 (10, 48, 48, 3) Bottleneck features for batch 62 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 72 loaded Creating bottleneck features for batch 63 (10, 48, 48, 3) Bottleneck features for batch 63 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 73 loaded Creating bottleneck features for batch 64 (10, 48, 48, 3) Bottleneck features for batch 64 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 74 loaded Creating bottleneck features for batch 65 (10, 48, 48, 3) Bottleneck features for batch 65 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 75 loaded Creating bottleneck features for batch 66 (10, 48, 48, 3) Bottleneck features for batch 66 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 76 loaded Creating bottleneck features for batch 67 (10, 48, 48, 3) Bottleneck features for batch 67 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 77 loaded Creating bottleneck features for batch 68 (10, 48, 48, 3) Bottleneck features for batch 68 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 78 loaded Creating bottleneck features for batch 69 (10, 48, 48, 3) Bottleneck features for batch 69 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 79 loaded Creating bottleneck features for batch 70 (10, 48, 48, 3) Bottleneck features for batch 70 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 80 loaded Creating bottleneck features for batch 71 (10, 48, 48, 3) Bottleneck features for batch 71 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 81 loaded Creating bottleneck features for batch 72 (10, 48, 48, 3) Bottleneck features for batch 72 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 82 loaded Creating bottleneck features for batch 73 (10, 48, 48, 3) Bottleneck features for batch 73 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 83 loaded Creating bottleneck features for batch 74 (10, 48, 48, 3) Bottleneck features for batch 74 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 84 loaded Creating bottleneck features for batch 75 (10, 48, 48, 3) Bottleneck features for batch 75 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 85 loaded Creating bottleneck features for batch 76 (10, 48, 48, 3) Bottleneck features for batch 76 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 86 loaded Creating bottleneck features for batch 77 (10, 48, 48, 3) Bottleneck features for batch 77 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 87 loaded Creating bottleneck features for batch 78 (10, 48, 48, 3) Bottleneck features for batch 78 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 88 loaded Creating bottleneck features for batch 79 (10, 48, 48, 3) Bottleneck features for batch 79 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 89 loaded Creating bottleneck features for batch 80 (10, 48, 48, 3) Bottleneck features for batch 80 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 90 loaded Creating bottleneck features for batch 81 (10, 48, 48, 3) Bottleneck features for batch 81 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 91 loaded Creating bottleneck features for batch 82 (10, 48, 48, 3) Bottleneck features for batch 82 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 92 loaded Creating bottleneck features for batch 83 (10, 48, 48, 3) Bottleneck features for batch 83 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 93 loaded Creating bottleneck features for batch 84 (10, 48, 48, 3) Bottleneck features for batch 84 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 94 loaded Creating bottleneck features for batch 85 (10, 48, 48, 3) Bottleneck features for batch 85 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 95 loaded Creating bottleneck features for batch 86 (10, 48, 48, 3) Bottleneck features for batch 86 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 96 loaded Creating bottleneck features for batch 87 (10, 48, 48, 3) Bottleneck features for batch 87 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 97 loaded Creating bottleneck features for batch 88 (10, 48, 48, 3) Bottleneck features for batch 88 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 98 loaded Creating bottleneck features for batch 89 (10, 48, 48, 3) Bottleneck features for batch 89 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 99 loaded Creating bottleneck features for batch 90 (10, 48, 48, 3) Bottleneck features for batch 90 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 100 loaded Creating bottleneck features for batch 91 (10, 48, 48, 3) Bottleneck features for batch 91 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 101 loaded Creating bottleneck features for batch 92 (10, 48, 48, 3) Bottleneck features for batch 92 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 102 loaded Creating bottleneck features for batch 93 (10, 48, 48, 3) Bottleneck features for batch 93 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 103 loaded Creating bottleneck features for batch 94 (10, 48, 48, 3) Bottleneck features for batch 94 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 104 loaded Creating bottleneck features for batch 95 (10, 48, 48, 3) Bottleneck features for batch 95 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 105 loaded Creating bottleneck features for batch 96 (10, 48, 48, 3) Bottleneck features for batch 96 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 106 loaded Creating bottleneck features for batch 97 (10, 48, 48, 3) Bottleneck features for batch 97 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 107 loaded Creating bottleneck features for batch 98 (10, 48, 48, 3) Bottleneck features for batch 98 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 108 loaded Creating bottleneck features for batch 99 (10, 48, 48, 3) Bottleneck features for batch 99 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 109 loaded Creating bottleneck features for batch 100 (10, 48, 48, 3) Bottleneck features for batch 100 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 110 loaded Creating bottleneck features for batch 101 (10, 48, 48, 3) Bottleneck features for batch 101 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 111 loaded Creating bottleneck features for batch 102 (10, 48, 48, 3) Bottleneck features for batch 102 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 112 loaded Creating bottleneck features for batch 103 (10, 48, 48, 3) Bottleneck features for batch 103 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 113 loaded Creating bottleneck features for batch 104 (10, 48, 48, 3) Bottleneck features for batch 104 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 114 loaded Creating bottleneck features for batch 105 (10, 48, 48, 3) Bottleneck features for batch 105 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 115 loaded Creating bottleneck features for batch 106 (10, 48, 48, 3) Bottleneck features for batch 106 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 116 loaded Creating bottleneck features for batch 107 (10, 48, 48, 3) Bottleneck features for batch 107 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 117 loaded Creating bottleneck features for batch 108 (10, 48, 48, 3) Bottleneck features for batch 108 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 118 loaded Creating bottleneck features for batch 109 (10, 48, 48, 3) Bottleneck features for batch 109 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 119 loaded Creating bottleneck features for batch 110 (10, 48, 48, 3) Bottleneck features for batch 110 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 120 loaded Creating bottleneck features for batch 111 (10, 48, 48, 3) Bottleneck features for batch 111 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 121 loaded Creating bottleneck features for batch 112 (10, 48, 48, 3) Bottleneck features for batch 112 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 122 loaded Creating bottleneck features for batch 113 (10, 48, 48, 3) Bottleneck features for batch 113 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 123 loaded Creating bottleneck features for batch 114 (10, 48, 48, 3) Bottleneck features for batch 114 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 124 loaded Creating bottleneck features for batch 115 (10, 48, 48, 3) Bottleneck features for batch 115 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 125 loaded Creating bottleneck features for batch 116 (10, 48, 48, 3) Bottleneck features for batch 116 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 126 loaded Creating bottleneck features for batch 117 (10, 48, 48, 3) Bottleneck features for batch 117 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 127 loaded Creating bottleneck features for batch 118 (10, 48, 48, 3) Bottleneck features for batch 118 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 128 loaded Creating bottleneck features for batch 119 (10, 48, 48, 3) Bottleneck features for batch 119 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 129 loaded Creating bottleneck features for batch 120 (10, 48, 48, 3) Bottleneck features for batch 120 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 130 loaded Creating bottleneck features for batch 121 (10, 48, 48, 3) Bottleneck features for batch 121 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 131 loaded Creating bottleneck features for batch 122 (10, 48, 48, 3) Bottleneck features for batch 122 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 132 loaded Creating bottleneck features for batch 123 (10, 48, 48, 3) Bottleneck features for batch 123 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 133 loaded Creating bottleneck features for batch 124 (10, 48, 48, 3) Bottleneck features for batch 124 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 134 loaded Creating bottleneck features for batch 125 (10, 48, 48, 3) Bottleneck features for batch 125 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 135 loaded Creating bottleneck features for batch 126 (10, 48, 48, 3) Bottleneck features for batch 126 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 136 loaded Creating bottleneck features for batch 127 (10, 48, 48, 3) Bottleneck features for batch 127 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 137 loaded Creating bottleneck features for batch 128 (10, 48, 48, 3) Bottleneck features for batch 128 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 138 loaded Creating bottleneck features for batch 129 (10, 48, 48, 3) Bottleneck features for batch 129 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 139 loaded Creating bottleneck features for batch 130 (10, 48, 48, 3) Bottleneck features for batch 130 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 140 loaded Creating bottleneck features for batch 131 (10, 48, 48, 3) Bottleneck features for batch 131 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 141 loaded Creating bottleneck features for batch 132 (10, 48, 48, 3) Bottleneck features for batch 132 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 142 loaded Creating bottleneck features for batch 133 (10, 48, 48, 3) Bottleneck features for batch 133 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 143 loaded Creating bottleneck features for batch 134 (10, 48, 48, 3) Bottleneck features for batch 134 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 144 loaded Creating bottleneck features for batch 135 (10, 48, 48, 3) Bottleneck features for batch 135 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 145 loaded Creating bottleneck features for batch 136 (10, 48, 48, 3) Bottleneck features for batch 136 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 146 loaded Creating bottleneck features for batch 137 (10, 48, 48, 3) Bottleneck features for batch 137 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 147 loaded Creating bottleneck features for batch 138 (10, 48, 48, 3) Bottleneck features for batch 138 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 148 loaded Creating bottleneck features for batch 139 (10, 48, 48, 3) Bottleneck features for batch 139 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 149 loaded Creating bottleneck features for batch 140 (10, 48, 48, 3) Bottleneck features for batch 140 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 150 loaded Creating bottleneck features for batch 141 (10, 48, 48, 3) Bottleneck features for batch 141 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 151 loaded Creating bottleneck features for batch 142 (10, 48, 48, 3) Bottleneck features for batch 142 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 152 loaded Creating bottleneck features for batch 143 (10, 48, 48, 3) Bottleneck features for batch 143 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 153 loaded Creating bottleneck features for batch 144 (10, 48, 48, 3) Bottleneck features for batch 144 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 154 loaded Creating bottleneck features for batch 145 (10, 48, 48, 3) Bottleneck features for batch 145 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 155 loaded Creating bottleneck features for batch 146 (10, 48, 48, 3) Bottleneck features for batch 146 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 156 loaded Creating bottleneck features for batch 147 (10, 48, 48, 3) Bottleneck features for batch 147 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 157 loaded Creating bottleneck features for batch 148 (10, 48, 48, 3) Bottleneck features for batch 148 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 158 loaded Creating bottleneck features for batch 149 (10, 48, 48, 3) Bottleneck features for batch 149 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 159 loaded Creating bottleneck features for batch 150 (10, 48, 48, 3) Bottleneck features for batch 150 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 160 loaded Creating bottleneck features for batch 151 (10, 48, 48, 3) Bottleneck features for batch 151 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 161 loaded Creating bottleneck features for batch 152 (10, 48, 48, 3) Bottleneck features for batch 152 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 162 loaded Creating bottleneck features for batch 153 (10, 48, 48, 3) Bottleneck features for batch 153 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 163 loaded Creating bottleneck features for batch 154 (10, 48, 48, 3) Bottleneck features for batch 154 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 164 loaded Creating bottleneck features for batch 155 (10, 48, 48, 3) Bottleneck features for batch 155 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 165 loaded Creating bottleneck features for batch 156 (10, 48, 48, 3) Bottleneck features for batch 156 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 166 loaded Creating bottleneck features for batch 157 (10, 48, 48, 3) Bottleneck features for batch 157 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 167 loaded Creating bottleneck features for batch 158 (10, 48, 48, 3) Bottleneck features for batch 158 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 168 loaded Creating bottleneck features for batch 159 (10, 48, 48, 3) Bottleneck features for batch 159 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 169 loaded Creating bottleneck features for batch 160 (10, 48, 48, 3) Bottleneck features for batch 160 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 170 loaded Creating bottleneck features for batch 161 (10, 48, 48, 3) Bottleneck features for batch 161 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 171 loaded Creating bottleneck features for batch 162 (10, 48, 48, 3) Bottleneck features for batch 162 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 172 loaded Creating bottleneck features for batch 163 (10, 48, 48, 3) Bottleneck features for batch 163 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 173 loaded Creating bottleneck features for batch 164 (10, 48, 48, 3) Bottleneck features for batch 164 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 174 loaded Creating bottleneck features for batch 165 (10, 48, 48, 3) Bottleneck features for batch 165 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 175 loaded Creating bottleneck features for batch 166 (10, 48, 48, 3) Bottleneck features for batch 166 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 176 loaded Creating bottleneck features for batch 167 (10, 48, 48, 3) Bottleneck features for batch 167 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 177 loaded Creating bottleneck features for batch 168 (10, 48, 48, 3) Bottleneck features for batch 168 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 178 loaded Creating bottleneck features for batch 169 (10, 48, 48, 3) Bottleneck features for batch 169 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 179 loaded Creating bottleneck features for batch 170 (10, 48, 48, 3) Bottleneck features for batch 170 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 180 loaded Creating bottleneck features for batch 171 (10, 48, 48, 3) Bottleneck features for batch 171 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 181 loaded Creating bottleneck features for batch 172 (10, 48, 48, 3) Bottleneck features for batch 172 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 182 loaded Creating bottleneck features for batch 173 (10, 48, 48, 3) Bottleneck features for batch 173 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 183 loaded Creating bottleneck features for batch 174 (10, 48, 48, 3) Bottleneck features for batch 174 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 184 loaded Creating bottleneck features for batch 175 (10, 48, 48, 3) Bottleneck features for batch 175 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 185 loaded Creating bottleneck features for batch 176 (10, 48, 48, 3) Bottleneck features for batch 176 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 186 loaded Creating bottleneck features for batch 177 (10, 48, 48, 3) Bottleneck features for batch 177 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 187 loaded Creating bottleneck features for batch 178 (10, 48, 48, 3) Bottleneck features for batch 178 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 188 loaded Creating bottleneck features for batch 179 (10, 48, 48, 3) Bottleneck features for batch 179 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 189 loaded Creating bottleneck features for batch 180 (10, 48, 48, 3) Bottleneck features for batch 180 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 190 loaded Creating bottleneck features for batch 181 (10, 48, 48, 3) Bottleneck features for batch 181 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 191 loaded Creating bottleneck features for batch 182 (10, 48, 48, 3) Bottleneck features for batch 182 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 192 loaded Creating bottleneck features for batch 183 (10, 48, 48, 3) Bottleneck features for batch 183 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 193 loaded Creating bottleneck features for batch 184 (10, 48, 48, 3) Bottleneck features for batch 184 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 194 loaded Creating bottleneck features for batch 185 (10, 48, 48, 3) Bottleneck features for batch 185 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 195 loaded Creating bottleneck features for batch 186 (10, 48, 48, 3) Bottleneck features for batch 186 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 196 loaded Creating bottleneck features for batch 187 (10, 48, 48, 3) Bottleneck features for batch 187 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 197 loaded Creating bottleneck features for batch 188 (10, 48, 48, 3) Bottleneck features for batch 188 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 198 loaded Creating bottleneck features for batch 189 (10, 48, 48, 3) Bottleneck features for batch 189 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 199 loaded Creating bottleneck features for batch 190 (10, 48, 48, 3) Bottleneck features for batch 190 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 200 loaded Creating bottleneck features for batch 191 (10, 48, 48, 3) Bottleneck features for batch 191 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 201 loaded Creating bottleneck features for batch 192 (10, 48, 48, 3) Bottleneck features for batch 192 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 202 loaded Creating bottleneck features for batch 193 (10, 48, 48, 3) Bottleneck features for batch 193 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 203 loaded Creating bottleneck features for batch 194 (10, 48, 48, 3) Bottleneck features for batch 194 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 204 loaded Creating bottleneck features for batch 195 (10, 48, 48, 3) Bottleneck features for batch 195 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 205 loaded Creating bottleneck features for batch 196 (10, 48, 48, 3) Bottleneck features for batch 196 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 206 loaded Creating bottleneck features for batch 197 (10, 48, 48, 3) Bottleneck features for batch 197 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 207 loaded Creating bottleneck features for batch 198 (10, 48, 48, 3) Bottleneck features for batch 198 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 208 loaded Creating bottleneck features for batch 199 (10, 48, 48, 3) Bottleneck features for batch 199 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 209 loaded Creating bottleneck features for batch 200 (10, 48, 48, 3) Bottleneck features for batch 200 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 210 loaded Creating bottleneck features for batch 201 (10, 48, 48, 3) Bottleneck features for batch 201 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 211 loaded Creating bottleneck features for batch 202 (10, 48, 48, 3) Bottleneck features for batch 202 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 212 loaded Creating bottleneck features for batch 203 (10, 48, 48, 3) Bottleneck features for batch 203 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 213 loaded Creating bottleneck features for batch 204 (10, 48, 48, 3) Bottleneck features for batch 204 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 214 loaded Creating bottleneck features for batch 205 (10, 48, 48, 3) Bottleneck features for batch 205 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 215 loaded Creating bottleneck features for batch 206 (10, 48, 48, 3) Bottleneck features for batch 206 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 216 loaded Creating bottleneck features for batch 207 (10, 48, 48, 3) Bottleneck features for batch 207 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 217 loaded Creating bottleneck features for batch 208 (10, 48, 48, 3) Bottleneck features for batch 208 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 218 loaded Creating bottleneck features for batch 209 (10, 48, 48, 3) Bottleneck features for batch 209 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 219 loaded Creating bottleneck features for batch 210 (10, 48, 48, 3) Bottleneck features for batch 210 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 220 loaded Creating bottleneck features for batch 211 (10, 48, 48, 3) Bottleneck features for batch 211 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 221 loaded Creating bottleneck features for batch 212 (10, 48, 48, 3) Bottleneck features for batch 212 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 222 loaded Creating bottleneck features for batch 213 (10, 48, 48, 3) Bottleneck features for batch 213 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 223 loaded Creating bottleneck features for batch 214 (10, 48, 48, 3) Bottleneck features for batch 214 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 224 loaded Creating bottleneck features for batch 215 (10, 48, 48, 3) Bottleneck features for batch 215 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 225 loaded Creating bottleneck features for batch 216 (10, 48, 48, 3) Bottleneck features for batch 216 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 226 loaded Creating bottleneck features for batch 217 (10, 48, 48, 3) Bottleneck features for batch 217 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 227 loaded Creating bottleneck features for batch 218 (10, 48, 48, 3) Bottleneck features for batch 218 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 228 loaded Creating bottleneck features for batch 219 (10, 48, 48, 3) Bottleneck features for batch 219 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 229 loaded Creating bottleneck features for batch 220 (10, 48, 48, 3) Bottleneck features for batch 220 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 230 loaded Creating bottleneck features for batch 221 (10, 48, 48, 3) Bottleneck features for batch 221 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 231 loaded Creating bottleneck features for batch 222 (10, 48, 48, 3) Bottleneck features for batch 222 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 232 loaded Creating bottleneck features for batch 223 (10, 48, 48, 3) Bottleneck features for batch 223 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 233 loaded Creating bottleneck features for batch 224 (10, 48, 48, 3) Bottleneck features for batch 224 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 234 loaded Creating bottleneck features for batch 225 (10, 48, 48, 3) Bottleneck features for batch 225 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 235 loaded Creating bottleneck features for batch 226 (10, 48, 48, 3) Bottleneck features for batch 226 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 236 loaded Creating bottleneck features for batch 227 (10, 48, 48, 3) Bottleneck features for batch 227 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 237 loaded Creating bottleneck features for batch 228 (10, 48, 48, 3) Bottleneck features for batch 228 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 238 loaded Creating bottleneck features for batch 229 (10, 48, 48, 3) Bottleneck features for batch 229 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 239 loaded Creating bottleneck features for batch 230 (10, 48, 48, 3) Bottleneck features for batch 230 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 240 loaded Creating bottleneck features for batch 231 (10, 48, 48, 3) Bottleneck features for batch 231 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 241 loaded Creating bottleneck features for batch 232 (10, 48, 48, 3) Bottleneck features for batch 232 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 242 loaded Creating bottleneck features for batch 233 (10, 48, 48, 3) Bottleneck features for batch 233 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 243 loaded Creating bottleneck features for batch 234 (10, 48, 48, 3) Bottleneck features for batch 234 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 244 loaded Creating bottleneck features for batch 235 (10, 48, 48, 3) Bottleneck features for batch 235 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 245 loaded Creating bottleneck features for batch 236 (10, 48, 48, 3) Bottleneck features for batch 236 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 246 loaded Creating bottleneck features for batch 237 (10, 48, 48, 3) Bottleneck features for batch 237 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 247 loaded Creating bottleneck features for batch 238 (10, 48, 48, 3) Bottleneck features for batch 238 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 248 loaded Creating bottleneck features for batch 239 (10, 48, 48, 3) Bottleneck features for batch 239 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 249 loaded Creating bottleneck features for batch 240 (10, 48, 48, 3) Bottleneck features for batch 240 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 250 loaded Creating bottleneck features for batch 241 (10, 48, 48, 3) Bottleneck features for batch 241 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image Batch 251 loaded Creating bottleneck features for batch 242 (10, 48, 48, 3) Bottleneck features for batch 242 created and saved (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape of image (48, 48, 3) shape