ebay-ml-lister/Shoe Classifier_InceptionResNetV2.ipynb
2022-08-02 20:14:38 -07:00

4223 lines
508 KiB
Plaintext

{
"cells": [
{
"cell_type": "code",
"execution_count": 1,
"id": "572dc7fb",
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"2022-08-01 23:44:19.985182: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.1\n"
]
}
],
"source": [
"from matplotlib import pyplot as plt\n",
"from matplotlib.image import imread\n",
"import pandas as pd\n",
"from collections import Counter\n",
"import json\n",
"import os\n",
"import re\n",
"import tempfile\n",
"import numpy as np\n",
"from os.path import exists\n",
"from imblearn.under_sampling import RandomUnderSampler\n",
"from PIL import ImageFile\n",
"import sklearn as sk\n",
"from sklearn.model_selection import train_test_split, StratifiedShuffleSplit\n",
"import tensorflow as tf\n",
"import tensorflow.keras\n",
"from tensorflow.keras.preprocessing.image import ImageDataGenerator\n",
"from tensorflow.keras.layers import Conv2D, MaxPooling2D, Dense, Dropout, Flatten, Activation\n",
"from tensorflow.keras.models import Sequential\n",
"from tensorflow.keras.optimizers import Adam\n",
"# custom modules\n",
"import image_faults\n",
"\n",
"ImageFile.LOAD_TRUNCATED_IMAGES = True"
]
},
{
"cell_type": "code",
"execution_count": 2,
"id": "23be4877",
"metadata": {},
"outputs": [],
"source": [
"# def dict_pics_jup():\n",
"# '''\n",
"# {source:target} dict used to replace source urls with image location as input\n",
"# '''\n",
"# target_dir = os.getcwd() + os.sep + \"training_images\"\n",
"# with open('temp_pics_source_list.txt') as f:\n",
"# temp_pics_source_list = json.load(f)\n",
" \n",
"# dict_pics = {}\n",
"# for k in temp_pics_source_list:\n",
"# patt_1 = re.search(r'[^/]+(?=/\\$_|.(\\.jpg|\\.jpeg|\\.png))', k, re.IGNORECASE)\n",
"# patt_2 = re.search(r'(\\.jpg|\\.jpeg|\\.png)', k, re.IGNORECASE)\n",
"# if patt_1 and patt_2 is not None:\n",
"# tag = patt_1.group() + patt_2.group().lower()\n",
"# file_name = target_dir + os.sep + tag\n",
"# dict_pics.update({k:file_name})\n",
"# print(\"{source:target} dictionary created @ \" + target_dir)\n",
"# return dict_pics\n",
"def dict_pics_jup():\n",
" '''\n",
" {source:target} dict used to replace source urls with image location as input\n",
" '''\n",
" target_dir = os.getcwd() + os.sep + \"training_images\"\n",
" with open('temp_pics_source_list.txt') as f:\n",
" temp_pics_source_list = json.load(f)\n",
" \n",
" dict_pics = {}\n",
" for k in temp_pics_source_list:\n",
" try: \n",
" patt_1 = re.search(r'[^/]+(?=/\\$_|.(\\.jpg|\\.jpeg|\\.png))', k, re.IGNORECASE)\n",
" patt_2 = re.search(r'(\\.jpg|\\.jpeg|\\.png)', k, re.IGNORECASE)\n",
" if patt_1 and patt_2 is not None:\n",
" tag = patt_1.group() + patt_2.group().lower()\n",
" file_name = target_dir + os.sep + tag\n",
" dict_pics.update({k:file_name})\n",
" except TypeError:\n",
" print(k)\n",
" print(\"{source:target} dictionary created @ \" + target_dir)\n",
" return dict_pics"
]
},
{
"cell_type": "code",
"execution_count": 3,
"id": "a5c72863",
"metadata": {},
"outputs": [],
"source": [
"# image_faults.faulty_images() # removes faulty images\n",
"df = pd.read_csv('expanded_class.csv', index_col=[0], low_memory=False)"
]
},
{
"cell_type": "code",
"execution_count": 4,
"id": "1057a442",
"metadata": {
"scrolled": true
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"nan\n",
"{source:target} dictionary created @ /home/unknown/Sync/projects/ebay ML Lister Project/training_images\n"
]
}
],
"source": [
"dict_pics = dict_pics_jup()\n",
"\n",
"with open('women_cat_list.txt') as f:\n",
" women_cats = json.load(f)\n",
"with open('men_cat_list.txt') as f:\n",
" men_cats = json.load(f)\n",
" \n",
"with open('temp_pics_source_list.txt') as f:\n",
" tempics = json.load(f)\n",
"# list of image urls that did not get named properly which will be removed from the dataframe\n",
"drop_row_vals = []\n",
"for pic in tempics:\n",
" try:\n",
" dict_pics[pic]\n",
" except KeyError:\n",
" drop_row_vals.append(pic)\n",
"\n",
"df['PrimaryCategoryID'] = df['PrimaryCategoryID'].astype(str) # pandas thinks ids are ints\n",
"ddf = df[df.PictureURL.isin(drop_row_vals)==False] # remove improperly named image files\n",
"df = ddf[ddf.PrimaryCategoryID.isin(men_cats)==False] # removes rows of womens categories\n",
"\n",
"blah = pd.Series(df.PictureURL)\n",
"df = df.drop(labels=['PictureURL'], axis=1)\n",
"\n",
"blah = blah.apply(lambda x: dict_pics[x])\n",
"df = pd.concat([blah, df],axis=1)\n",
"df = df.groupby('PrimaryCategoryID').filter(lambda x: len(x)>25) # removes cat outliers"
]
},
{
"cell_type": "code",
"execution_count": 5,
"id": "7a6146e6",
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"'/home/unknown/Sync/projects/ebay ML Lister Project/training_images/-wEAAOSw2OJh7PDi.jpg'"
]
},
"execution_count": 5,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"df=df.sample(frac=1)\n",
"dict_pics['https://i.ebayimg.com/00/s/MTA2N1gxNjAw/z/-wEAAOSw2OJh7PDi/$_1.JPG?set_id=880000500F']"
]
},
{
"cell_type": "code",
"execution_count": 6,
"id": "e0684985",
"metadata": {},
"outputs": [],
"source": [
"undersample = RandomUnderSampler(sampling_strategy='auto')\n",
"train, y_under = undersample.fit_resample(df, df['PrimaryCategoryID'])\n",
"#print(Counter(train['PrimaryCategoryID']))"
]
},
{
"cell_type": "code",
"execution_count": 7,
"id": "506aa5cf",
"metadata": {},
"outputs": [],
"source": [
"train, test = train_test_split(train, test_size=0.2, random_state=42)\n",
"# stratify=train['PrimaryCategoryID']\n",
"# train['PrimaryCategoryID'].value_counts()"
]
},
{
"cell_type": "code",
"execution_count": 8,
"id": "4d72eb90",
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/keras_preprocessing/image/dataframe_iterator.py:279: UserWarning: Found 4 invalid image filename(s) in x_col=\"PictureURL\". These filename(s) will be ignored.\n",
" warnings.warn(\n",
"/home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/keras_preprocessing/image/dataframe_iterator.py:279: UserWarning: Found 4 invalid image filename(s) in x_col=\"PictureURL\". These filename(s) will be ignored.\n",
" warnings.warn(\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Found 43744 validated image filenames belonging to 7 classes.\n",
"Found 10936 validated image filenames belonging to 7 classes.\n"
]
}
],
"source": [
"datagen = ImageDataGenerator(rescale=1./255., \n",
" validation_split=.2,\n",
" #samplewise_std_normalization=True,\n",
" #horizontal_flip= True,\n",
" #vertical_flip= True,\n",
" #width_shift_range= 0.2,\n",
" #height_shift_range= 0.2,\n",
" #rotation_range= 90,\n",
" preprocessing_function=tf.keras.applications.inception_resnet_v2.preprocess_input)\n",
"train_generator=datagen.flow_from_dataframe(\n",
" dataframe=train[:len(train)],\n",
" directory='./training_images',\n",
" x_col='PictureURL',\n",
" y_col='PrimaryCategoryID',\n",
" batch_size=32,\n",
" seed=42,\n",
" shuffle=True,\n",
" target_size=(299,299),\n",
" subset='training'\n",
" )\n",
"validation_generator=datagen.flow_from_dataframe(\n",
" dataframe=train[:len(train)], # is using train right?\n",
" directory='./training_images',\n",
" x_col='PictureURL',\n",
" y_col='PrimaryCategoryID',\n",
" batch_size=32,\n",
" seed=42,\n",
" shuffle=True,\n",
" target_size=(299,299),\n",
" subset='validation'\n",
" )"
]
},
{
"cell_type": "code",
"execution_count": 9,
"id": "7b70f37f",
"metadata": {},
"outputs": [],
"source": [
"imgs, labels = next(train_generator)"
]
},
{
"cell_type": "code",
"execution_count": 10,
"id": "1ed54bf5",
"metadata": {},
"outputs": [],
"source": [
"def plotImages(images_arr):\n",
" fig, axes = plt.subplots(1, 10, figsize=(20,20))\n",
" axes = axes.flatten()\n",
" for img, ax in zip( images_arr, axes):\n",
" ax.imshow(img)\n",
" ax.axis('off')\n",
" plt.tight_layout()\n",
" plt.show()"
]
},
{
"cell_type": "code",
"execution_count": 11,
"id": "85934565",
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n",
"Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).\n"
]
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABZgAAACSCAYAAADIDq8FAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/YYfK9AAAACXBIWXMAAAsTAAALEwEAmpwYAAAMTUlEQVR4nO3d7XqqOBQG0KTP3P8lnz0/EPlQlFIIIaw1U1utpyqlQl42OzkiEgAAAAAA/NbP2U8AAAAAAIBrEjADAAAAALCJgBkAAAAAgE0EzAAAAAAAbCJgBgAAAABgEwEzAAAAAACb/PfpmznnOPoJ5Nx9jsiT69Tp379/q35DPz8/h687XMvadafE+w7XEv0G4otm1535q2/zVR7i9usOm1l32GrtumNfmTn7ymxlm8VWa9Yd6w1zS+vNx4C5hLCqAgAAAABcUkUtMkL1MgAAAADAhZxewTwWs3LmPD4vWPgMAAAAAFCVqgLmuUiRumQ5UoqUshJnOMT84M5Ww5+ov1XYjVZSAAAAVKyiFhlLhpH1XiEYAAAAAAB/t6qCOafUlSZGnF5IFREqmWlcvPlqqm8f8/GgS/9nEm9u669E7FprPDyds98pAAAAACjhY8CcH90pJjdUECAJmbmNhT+zVYd63t0lXq+IggEAAADY6ksFc35ppbrUY7V0+4ouZB7fInAGAAAAACip6kn+vhln2jn3EwJCPfQNBwAAAKBluwXMfcuKeHMKPgAAAAAA7dm9gnmoIS47IeBkcrE8fSa5/54CZwA+WbOdcOwUAAAAnsq2yHhOEnjU6DyGT1JldjFfV6czX+qAAQAAAMCd7R8wjyYBfBvt5pQipiHdIfqWzNFVUucsaAbgi99umvpNi4NNywps8gEAADjPKZP85UcLizi0mnn6oyNCyMyLxUYui6ullARITo75LSEzAABAs04JmHv5MdosNeaMRz+Dl9pqQcF9CTyALbx3rGdZAQAANO3n1EfPw6c8u+1IZacfBAAAAABo06kVzCnlWaAs+OXvwsx7AAAAAFDEyQHzzCwXPLJl47iKeWE6Qi5HsAwAAAAAJVUVMOfZlaPnAAQAAAAAYLuqAua3Nct96nxg0DxM/jd6QEXN1dH6AgAAAADqUlfAnJ8Xw9U+Wc4pHZ0vRpIrA1DAkT2gAAAAoKC6Aua3CpQwj/S9mfVlLk+FMnArS5uZPd4KBdgAAAAUUn/A3A+Qc0p5lDUfOm6WLQMAAAAAfFV/wHyGGCqZU9KbGYCD7X3UVPUyAAAAhdQfMOeXLx5fPkbPBtFV0/YCAAAAANr1c/YT2MexHZMj9RXNwlIAdmTTAgAAwMVdN2AeDcpzsQkAAQAAAADo1d8iY8FQsxwp5VH4e3AK/Gz5kJ8XafoVKWmNAfCRt0gAAAAacd0K5rPF8wIAAAAA4JYuW8E8n/xvqCCOcrFvpJRy/2hqmAEAAACAe2m4grlQ4GuCJgAAAADgpq5bwbwkd9Fy6R7A/eNN6qkVNQMAAAAADWuwglmqCwAAAABQQnsVzCmllHLKo5w5UhRrYxGjyyzsBgAAAAAa1mAF8wJZLwAAAADArhqtYJ45aRK+mD2wimYAAAAAoCW3qGDOSQEzAAAAAMDe7lHB/GjIPA+ZIw4ubR7/eAk3AAAAANCYW1QwAwAAAACwPwEzAAAAAACb3KNFRg1imPQvZ/0yAAAAAIDrU8EMAAAAAMAmKphPMJ5cUDUzAAAAAHBVt65glu0C3ID3egAAADjMxwrmodI29/+3J6eU4uu9DhMRKfdLtskFDABl5JwnZwkBsKc376/Pm+YDmXh/8/KNAMCFraxgbnWwVkewG4//AIDthMsAAADlre/BHJHikcQ201piVKANAABwd5/mi1k6jrc0nOrv3/+Y7vr6+Wj2nLum/1nmwAGA/f1ykr9uoxyR2wmZK2F5AgAANVl7Zsj7szGHXoRbTjCZP/ZeZ6kImgFgf78MmHsxOhp93Q1zvHxxnv5ofp4f/7/u4gUAAKoXB42Hvv/QZ9j7uIjFns77ewbW+XlR6JEBoD0rezBTil7MAABAMY98uf846Smcx/ALAP7szwHzpbfHdczx9+LSyxQAALiALlKuZewRH64BAHXb2CJjJIadkiu3y6jLaJlWF38DAAAtiJSGapuzM90zH/99twwAYKWbt8iI0SUATfImDwAvJvPR3H5baVwIAH9x84AZAADghgTLMxYGAGx164D5eQqU06AAAABuTsgMAFv8vQfzSMSwQb5MP+bK9yEuuUwBAAAuyPgLAH7v1hXMUXm4DAAAAABQs10rmMeGI785OfC7j4hI/cK0SAEAgFVGlTVqbNaLGLVVBAAWFahgrncXxn4CAABwB+b02yIsMwBYoUiLjIiY9LKqRX3PaIUIvT0AAIDVjB7+wtIDgG+K9mCuMWQGAAAAAGCbw3owL+lPMvp9ewoNLcYiwqzGAADATEw+pZS6oZRan83ipRlzJDPjAMCgaAVzSsmODQAAwCGmk/k9+y4bg/1dJK0KAWBB8QrmlFK3cX5zsLffXB95HLilNh39a1HJDAAApJRm54u2M/apxrOaGQDonRMwJ7s6AAAAe4oP19jXQs0UANzSaQHzS0+whW8Nd3l/67qHanjnKnevL9u9AQCAe2t42FOVEqfeAsCFlO/BvNazYdhwFQAAgG+MngCAcuoLmGfB8nh2CrtJb1goAAAAAMBJzmuRMbY2JB2FzL+a1671EDYebTJM9gcAAFDEeAJ5YzEA7qy+CmYAAAAAAC6hjgpmAAAA1on+U+unal5HV8wc3bx/qpkBuJm6A+bxdtm+EwAAQBIt18hvBID7qjtg/rCNjjTNn9/eJ+61kdcDDAAA4DxrxqkA0JpmezDfLVyeu/vrBwCAVtnTBwBqUncF8yeRUuRu1ypHHt0cDhkDAABtiOfFIL/eRD26X9ljrOrMUgBu4LoBc0qTyS2yVBkAAGhOjC4nN1ErZ5MCcDPXDphHJtNc2J6nlIY2GY6aAwDAdRneXFNXaD50ZTYqA6BVbfVgtsUGAAAAACimjYC5D5Yd2gcAABpiiHNdz/bZEclvEoCWtREw21YDAABQK2NWABrWTA9mAACAFoRJ4gCAC2mjghkAAAAAgOJUMN/AuAIiZzMhAgBAdSKlSGHi8oZNxmX9L9rvG4AGqGAGAACAguLxHwC0QMAMAABwsmfYKHMEAC5GwAwAAAAAwCYCZgAAAAAANhEwAwAAQHFm+AOgDQLm29HUDQAA4HzGZgC04b+znwBlRaTU78jk7Ig5AABUod81lzkCABejghkAAOB0uftQBAIAXIyAGQAAAACATbTIAAAAONm4blmXjLtQrQ5AG1QwAwAAAACwiQpmAAAAKCXnlJWpA9AQAfONRXR7NcM8Ik7RAgAAOFYkYy8AWqJFBgAAAAAAmwiYSeH0LAAAgHJyUsQMQDMEzAAAAAAAbCJgBgAAAABgE5P80Z2ZFc+L8ax/AAAAAACLBMykcQtm0TIAAJwrjwo+woQpzclGXQA0RosMJnbbfTVpBQAAAAA0T8AMQBsc1AIAAIDiBMxMCWgAAAAAgJX0YOYQz75io8Ba/zjgUJG69xxvNQAAAFCMgJmpSCke6cx4chGAS+hD5vF1AAAA4DACZspRWQgAANxSTup3AGiVgJm3csqPSsB43rLLz5z9GG0zgN15WwEAAIBiTPLHWyGhAQAA2IfqZQAapoKZL47dE/rW51mFMwAAcHnzeSIAoCEqmFlmBwgAAOCPDKwAaJsKZhaNq4e/VRoDAAAAAPcjYKZqWmgAAADXFgp2AGiaFhkA0Muzj0/3YycWJsAnOWfhJABQNQEz92P/fGrz8rAgaVDMPijAggagbQ4QANA6LTJYJSKqzBM376y9+Wd3arfxstw2LsYbLTKYsu4DAKtUOIgCgJ2pYGY9gUrdvp3SDwAAFGTnHIB7UMEMD82culbwZTSzzOCj+XruaBsAsEakZH8ZgBsQMAPARwJlAM6Xc75VS7dmRLzsSSjSAKA1WmQAAAAAALCJgBkAAKByqpcBgFoJmAEAAAAA2ETADAAAcCl/7eH75d/n3N1l/LHr4wMALTHJHwAAQOUmE8NFSkeFzLH0/b+GzN86fByRWc/bivTL8Oh2IwuT+InlAWiVgBkAzpDT98E2ABR2VAga34qmj3jQhaA3/TZnXnpyb/59XnpMAGiYgBkASsuzz4JmAH7jghlmXU+5ezZ/zoLrelEAcBoBMwCUNg6UDU4BAAC4MJP8AcCZVC8DAABwYQJmAAAAAAA2ETADAAAAALBJjtVT5wIAAAAAwEAFMwAAAAAAmwiYAQAAAADYRMAMAAAAAMAmAmYAAAAAADYRMAMAAAAAsImAGQAAAACATf4HwEmVPvdSdecAAAAASUVORK5CYII=\n",
"text/plain": [
"<Figure size 1440x1440 with 10 Axes>"
]
},
"metadata": {
"needs_background": "light"
},
"output_type": "display_data"
}
],
"source": [
"plotImages(imgs)\n",
"#print(labels)"
]
},
{
"cell_type": "code",
"execution_count": 12,
"id": "6322bcad",
"metadata": {},
"outputs": [],
"source": [
"# physical_devices = tf.config.list_physical_devices('GPU')\n",
"# print(len(physical_devices))\n",
"# tf.config.experimental.set_memory_growth(physical_devices[0], True)"
]
},
{
"cell_type": "code",
"execution_count": 13,
"id": "07fd25c6",
"metadata": {},
"outputs": [],
"source": [
"# see https://www.kaggle.com/dmitrypukhov/cnn-with-imagedatagenerator-flow-from-dataframe for train/test/val split \n",
"# example\n",
"\n",
"# may need to either create a test dataset from the original dataset or just download a new one"
]
},
{
"cell_type": "code",
"execution_count": 14,
"id": "b31af79e",
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"2022-08-01 23:44:22.835941: I tensorflow/compiler/jit/xla_cpu_device.cc:41] Not creating XLA devices, tf_xla_enable_xla_devices not set\n",
"2022-08-01 23:44:22.836456: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcuda.so.1\n",
"2022-08-01 23:44:22.856415: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.856547: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties: \n",
"pciBusID: 0000:04:00.0 name: NVIDIA GeForce RTX 3090 computeCapability: 8.6\n",
"coreClock: 1.725GHz coreCount: 82 deviceMemorySize: 23.70GiB deviceMemoryBandwidth: 871.81GiB/s\n",
"2022-08-01 23:44:22.856595: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.856702: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 1 with properties: \n",
"pciBusID: 0000:0b:00.0 name: NVIDIA GeForce RTX 3090 computeCapability: 8.6\n",
"coreClock: 1.8GHz coreCount: 82 deviceMemorySize: 23.70GiB deviceMemoryBandwidth: 871.81GiB/s\n",
"2022-08-01 23:44:22.856716: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.1\n",
"2022-08-01 23:44:22.857318: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10\n",
"2022-08-01 23:44:22.857342: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublasLt.so.10\n",
"2022-08-01 23:44:22.858122: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10\n",
"2022-08-01 23:44:22.858251: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10\n",
"2022-08-01 23:44:22.858813: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10\n",
"2022-08-01 23:44:22.859112: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10\n",
"2022-08-01 23:44:22.860279: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.7\n",
"2022-08-01 23:44:22.860336: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.860481: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.860614: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.860743: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:22.860837: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1862] Adding visible gpu devices: 0, 1\n",
"2022-08-01 23:44:22.861014: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: SSE4.1 SSE4.2 AVX AVX2 FMA\n",
"To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.\n",
"2022-08-01 23:44:22.862879: I tensorflow/compiler/jit/xla_gpu_device.cc:99] Not creating XLA devices, tf_xla_enable_xla_devices not set\n",
"2022-08-01 23:44:23.035934: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036071: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties: \n",
"pciBusID: 0000:04:00.0 name: NVIDIA GeForce RTX 3090 computeCapability: 8.6\n",
"coreClock: 1.725GHz coreCount: 82 deviceMemorySize: 23.70GiB deviceMemoryBandwidth: 871.81GiB/s\n",
"2022-08-01 23:44:23.036153: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036250: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 1 with properties: \n",
"pciBusID: 0000:0b:00.0 name: NVIDIA GeForce RTX 3090 computeCapability: 8.6\n",
"coreClock: 1.8GHz coreCount: 82 deviceMemorySize: 23.70GiB deviceMemoryBandwidth: 871.81GiB/s\n",
"2022-08-01 23:44:23.036293: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.1\n",
"2022-08-01 23:44:23.036311: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10\n",
"2022-08-01 23:44:23.036323: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublasLt.so.10\n",
"2022-08-01 23:44:23.036332: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10\n",
"2022-08-01 23:44:23.036340: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10\n",
"2022-08-01 23:44:23.036349: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10\n",
"2022-08-01 23:44:23.036357: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10\n",
"2022-08-01 23:44:23.036366: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.7\n",
"2022-08-01 23:44:23.036415: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036545: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036671: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036795: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:44:23.036884: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1862] Adding visible gpu devices: 0, 1\n",
"2022-08-01 23:44:23.036906: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.1\n",
"2022-08-01 23:48:53.373267: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1261] Device interconnect StreamExecutor with strength 1 edge matrix:\n",
"2022-08-01 23:48:53.373289: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1267] 0 1 \n",
"2022-08-01 23:48:53.373294: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1280] 0: N N \n",
"2022-08-01 23:48:53.373296: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1280] 1: N N \n",
"2022-08-01 23:48:53.373556: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.373715: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.373849: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.373980: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.374089: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1406] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 474 MB memory) -> physical GPU (device: 0, name: NVIDIA GeForce RTX 3090, pci bus id: 0000:04:00.0, compute capability: 8.6)\n",
"2022-08-01 23:48:53.374939: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.375081: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero\n",
"2022-08-01 23:48:53.375178: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1406] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:1 with 329 MB memory) -> physical GPU (device: 1, name: NVIDIA GeForce RTX 3090, pci bus id: 0000:0b:00.0, compute capability: 8.6)\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Downloading data from https://storage.googleapis.com/tensorflow/keras-applications/inception_resnet_v2/inception_resnet_v2_weights_tf_dim_ordering_tf_kernels_notop.h5\n",
"219062272/219055592 [==============================] - 368s 2us/step\n"
]
}
],
"source": [
"base_model = tf.keras.applications.inception_resnet_v2.InceptionResNetV2(include_top=False, weights='imagenet', pooling='avg')\n",
"#base_model.summary()"
]
},
{
"cell_type": "code",
"execution_count": 15,
"id": "fe06f2bf",
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Model: \"model\"\n",
"__________________________________________________________________________________________________\n",
"Layer (type) Output Shape Param # Connected to \n",
"==================================================================================================\n",
"input_1 (InputLayer) [(None, None, None, 0 \n",
"__________________________________________________________________________________________________\n",
"conv2d (Conv2D) (None, None, None, 3 864 input_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization (BatchNorma (None, None, None, 3 96 conv2d[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation (Activation) (None, None, None, 3 0 batch_normalization[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_1 (Conv2D) (None, None, None, 3 9216 activation[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_1 (BatchNor (None, None, None, 3 96 conv2d_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_1 (Activation) (None, None, None, 3 0 batch_normalization_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_2 (Conv2D) (None, None, None, 6 18432 activation_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_2 (BatchNor (None, None, None, 6 192 conv2d_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_2 (Activation) (None, None, None, 6 0 batch_normalization_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"max_pooling2d (MaxPooling2D) (None, None, None, 6 0 activation_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_3 (Conv2D) (None, None, None, 8 5120 max_pooling2d[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_3 (BatchNor (None, None, None, 8 240 conv2d_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_3 (Activation) (None, None, None, 8 0 batch_normalization_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_4 (Conv2D) (None, None, None, 1 138240 activation_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_4 (BatchNor (None, None, None, 1 576 conv2d_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_4 (Activation) (None, None, None, 1 0 batch_normalization_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"max_pooling2d_1 (MaxPooling2D) (None, None, None, 1 0 activation_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_8 (Conv2D) (None, None, None, 6 12288 max_pooling2d_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_8 (BatchNor (None, None, None, 6 192 conv2d_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_8 (Activation) (None, None, None, 6 0 batch_normalization_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_6 (Conv2D) (None, None, None, 4 9216 max_pooling2d_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_9 (Conv2D) (None, None, None, 9 55296 activation_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_6 (BatchNor (None, None, None, 4 144 conv2d_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_9 (BatchNor (None, None, None, 9 288 conv2d_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_6 (Activation) (None, None, None, 4 0 batch_normalization_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_9 (Activation) (None, None, None, 9 0 batch_normalization_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"average_pooling2d (AveragePooli (None, None, None, 1 0 max_pooling2d_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_5 (Conv2D) (None, None, None, 9 18432 max_pooling2d_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_7 (Conv2D) (None, None, None, 6 76800 activation_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_10 (Conv2D) (None, None, None, 9 82944 activation_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_11 (Conv2D) (None, None, None, 6 12288 average_pooling2d[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_5 (BatchNor (None, None, None, 9 288 conv2d_5[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_7 (BatchNor (None, None, None, 6 192 conv2d_7[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_10 (BatchNo (None, None, None, 9 288 conv2d_10[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_11 (BatchNo (None, None, None, 6 192 conv2d_11[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_5 (Activation) (None, None, None, 9 0 batch_normalization_5[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_7 (Activation) (None, None, None, 6 0 batch_normalization_7[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_10 (Activation) (None, None, None, 9 0 batch_normalization_10[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_11 (Activation) (None, None, None, 6 0 batch_normalization_11[0][0] \n",
"__________________________________________________________________________________________________\n",
"mixed_5b (Concatenate) (None, None, None, 3 0 activation_5[0][0] \n",
" activation_7[0][0] \n",
" activation_10[0][0] \n",
" activation_11[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_15 (Conv2D) (None, None, None, 3 10240 mixed_5b[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_15 (BatchNo (None, None, None, 3 96 conv2d_15[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_15 (Activation) (None, None, None, 3 0 batch_normalization_15[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_13 (Conv2D) (None, None, None, 3 10240 mixed_5b[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_16 (Conv2D) (None, None, None, 4 13824 activation_15[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_13 (BatchNo (None, None, None, 3 96 conv2d_13[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_16 (BatchNo (None, None, None, 4 144 conv2d_16[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_13 (Activation) (None, None, None, 3 0 batch_normalization_13[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_16 (Activation) (None, None, None, 4 0 batch_normalization_16[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_12 (Conv2D) (None, None, None, 3 10240 mixed_5b[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_14 (Conv2D) (None, None, None, 3 9216 activation_13[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_17 (Conv2D) (None, None, None, 6 27648 activation_16[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_12 (BatchNo (None, None, None, 3 96 conv2d_12[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_14 (BatchNo (None, None, None, 3 96 conv2d_14[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_17 (BatchNo (None, None, None, 6 192 conv2d_17[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_12 (Activation) (None, None, None, 3 0 batch_normalization_12[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_14 (Activation) (None, None, None, 3 0 batch_normalization_14[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_17 (Activation) (None, None, None, 6 0 batch_normalization_17[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_1_mixed (Concatenate) (None, None, None, 1 0 activation_12[0][0] \n",
" activation_14[0][0] \n",
" activation_17[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_1_conv (Conv2D) (None, None, None, 3 41280 block35_1_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_1 (Lambda) (None, None, None, 3 0 mixed_5b[0][0] \n",
" block35_1_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_1_ac (Activation) (None, None, None, 3 0 block35_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_21 (Conv2D) (None, None, None, 3 10240 block35_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_21 (BatchNo (None, None, None, 3 96 conv2d_21[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_21 (Activation) (None, None, None, 3 0 batch_normalization_21[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_19 (Conv2D) (None, None, None, 3 10240 block35_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_22 (Conv2D) (None, None, None, 4 13824 activation_21[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_19 (BatchNo (None, None, None, 3 96 conv2d_19[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_22 (BatchNo (None, None, None, 4 144 conv2d_22[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_19 (Activation) (None, None, None, 3 0 batch_normalization_19[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_22 (Activation) (None, None, None, 4 0 batch_normalization_22[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_18 (Conv2D) (None, None, None, 3 10240 block35_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_20 (Conv2D) (None, None, None, 3 9216 activation_19[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_23 (Conv2D) (None, None, None, 6 27648 activation_22[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_18 (BatchNo (None, None, None, 3 96 conv2d_18[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_20 (BatchNo (None, None, None, 3 96 conv2d_20[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_23 (BatchNo (None, None, None, 6 192 conv2d_23[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_18 (Activation) (None, None, None, 3 0 batch_normalization_18[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_20 (Activation) (None, None, None, 3 0 batch_normalization_20[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_23 (Activation) (None, None, None, 6 0 batch_normalization_23[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_2_mixed (Concatenate) (None, None, None, 1 0 activation_18[0][0] \n",
" activation_20[0][0] \n",
" activation_23[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_2_conv (Conv2D) (None, None, None, 3 41280 block35_2_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_2 (Lambda) (None, None, None, 3 0 block35_1_ac[0][0] \n",
" block35_2_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_2_ac (Activation) (None, None, None, 3 0 block35_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_27 (Conv2D) (None, None, None, 3 10240 block35_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_27 (BatchNo (None, None, None, 3 96 conv2d_27[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_27 (Activation) (None, None, None, 3 0 batch_normalization_27[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_25 (Conv2D) (None, None, None, 3 10240 block35_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_28 (Conv2D) (None, None, None, 4 13824 activation_27[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_25 (BatchNo (None, None, None, 3 96 conv2d_25[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_28 (BatchNo (None, None, None, 4 144 conv2d_28[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_25 (Activation) (None, None, None, 3 0 batch_normalization_25[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_28 (Activation) (None, None, None, 4 0 batch_normalization_28[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_24 (Conv2D) (None, None, None, 3 10240 block35_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_26 (Conv2D) (None, None, None, 3 9216 activation_25[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_29 (Conv2D) (None, None, None, 6 27648 activation_28[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_24 (BatchNo (None, None, None, 3 96 conv2d_24[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_26 (BatchNo (None, None, None, 3 96 conv2d_26[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_29 (BatchNo (None, None, None, 6 192 conv2d_29[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_24 (Activation) (None, None, None, 3 0 batch_normalization_24[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_26 (Activation) (None, None, None, 3 0 batch_normalization_26[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_29 (Activation) (None, None, None, 6 0 batch_normalization_29[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_3_mixed (Concatenate) (None, None, None, 1 0 activation_24[0][0] \n",
" activation_26[0][0] \n",
" activation_29[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_3_conv (Conv2D) (None, None, None, 3 41280 block35_3_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_3 (Lambda) (None, None, None, 3 0 block35_2_ac[0][0] \n",
" block35_3_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_3_ac (Activation) (None, None, None, 3 0 block35_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_33 (Conv2D) (None, None, None, 3 10240 block35_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_33 (BatchNo (None, None, None, 3 96 conv2d_33[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_33 (Activation) (None, None, None, 3 0 batch_normalization_33[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_31 (Conv2D) (None, None, None, 3 10240 block35_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_34 (Conv2D) (None, None, None, 4 13824 activation_33[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_31 (BatchNo (None, None, None, 3 96 conv2d_31[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_34 (BatchNo (None, None, None, 4 144 conv2d_34[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_31 (Activation) (None, None, None, 3 0 batch_normalization_31[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_34 (Activation) (None, None, None, 4 0 batch_normalization_34[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_30 (Conv2D) (None, None, None, 3 10240 block35_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_32 (Conv2D) (None, None, None, 3 9216 activation_31[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_35 (Conv2D) (None, None, None, 6 27648 activation_34[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_30 (BatchNo (None, None, None, 3 96 conv2d_30[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_32 (BatchNo (None, None, None, 3 96 conv2d_32[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_35 (BatchNo (None, None, None, 6 192 conv2d_35[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_30 (Activation) (None, None, None, 3 0 batch_normalization_30[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_32 (Activation) (None, None, None, 3 0 batch_normalization_32[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_35 (Activation) (None, None, None, 6 0 batch_normalization_35[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_4_mixed (Concatenate) (None, None, None, 1 0 activation_30[0][0] \n",
" activation_32[0][0] \n",
" activation_35[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_4_conv (Conv2D) (None, None, None, 3 41280 block35_4_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_4 (Lambda) (None, None, None, 3 0 block35_3_ac[0][0] \n",
" block35_4_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_4_ac (Activation) (None, None, None, 3 0 block35_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_39 (Conv2D) (None, None, None, 3 10240 block35_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_39 (BatchNo (None, None, None, 3 96 conv2d_39[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_39 (Activation) (None, None, None, 3 0 batch_normalization_39[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_37 (Conv2D) (None, None, None, 3 10240 block35_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_40 (Conv2D) (None, None, None, 4 13824 activation_39[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_37 (BatchNo (None, None, None, 3 96 conv2d_37[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_40 (BatchNo (None, None, None, 4 144 conv2d_40[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_37 (Activation) (None, None, None, 3 0 batch_normalization_37[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_40 (Activation) (None, None, None, 4 0 batch_normalization_40[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_36 (Conv2D) (None, None, None, 3 10240 block35_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_38 (Conv2D) (None, None, None, 3 9216 activation_37[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_41 (Conv2D) (None, None, None, 6 27648 activation_40[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_36 (BatchNo (None, None, None, 3 96 conv2d_36[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_38 (BatchNo (None, None, None, 3 96 conv2d_38[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_41 (BatchNo (None, None, None, 6 192 conv2d_41[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_36 (Activation) (None, None, None, 3 0 batch_normalization_36[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_38 (Activation) (None, None, None, 3 0 batch_normalization_38[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_41 (Activation) (None, None, None, 6 0 batch_normalization_41[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_5_mixed (Concatenate) (None, None, None, 1 0 activation_36[0][0] \n",
" activation_38[0][0] \n",
" activation_41[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_5_conv (Conv2D) (None, None, None, 3 41280 block35_5_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_5 (Lambda) (None, None, None, 3 0 block35_4_ac[0][0] \n",
" block35_5_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_5_ac (Activation) (None, None, None, 3 0 block35_5[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_45 (Conv2D) (None, None, None, 3 10240 block35_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_45 (BatchNo (None, None, None, 3 96 conv2d_45[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_45 (Activation) (None, None, None, 3 0 batch_normalization_45[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_43 (Conv2D) (None, None, None, 3 10240 block35_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_46 (Conv2D) (None, None, None, 4 13824 activation_45[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_43 (BatchNo (None, None, None, 3 96 conv2d_43[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_46 (BatchNo (None, None, None, 4 144 conv2d_46[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_43 (Activation) (None, None, None, 3 0 batch_normalization_43[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_46 (Activation) (None, None, None, 4 0 batch_normalization_46[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_42 (Conv2D) (None, None, None, 3 10240 block35_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_44 (Conv2D) (None, None, None, 3 9216 activation_43[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_47 (Conv2D) (None, None, None, 6 27648 activation_46[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_42 (BatchNo (None, None, None, 3 96 conv2d_42[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_44 (BatchNo (None, None, None, 3 96 conv2d_44[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_47 (BatchNo (None, None, None, 6 192 conv2d_47[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_42 (Activation) (None, None, None, 3 0 batch_normalization_42[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_44 (Activation) (None, None, None, 3 0 batch_normalization_44[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_47 (Activation) (None, None, None, 6 0 batch_normalization_47[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_6_mixed (Concatenate) (None, None, None, 1 0 activation_42[0][0] \n",
" activation_44[0][0] \n",
" activation_47[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_6_conv (Conv2D) (None, None, None, 3 41280 block35_6_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_6 (Lambda) (None, None, None, 3 0 block35_5_ac[0][0] \n",
" block35_6_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_6_ac (Activation) (None, None, None, 3 0 block35_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_51 (Conv2D) (None, None, None, 3 10240 block35_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_51 (BatchNo (None, None, None, 3 96 conv2d_51[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_51 (Activation) (None, None, None, 3 0 batch_normalization_51[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_49 (Conv2D) (None, None, None, 3 10240 block35_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_52 (Conv2D) (None, None, None, 4 13824 activation_51[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_49 (BatchNo (None, None, None, 3 96 conv2d_49[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_52 (BatchNo (None, None, None, 4 144 conv2d_52[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_49 (Activation) (None, None, None, 3 0 batch_normalization_49[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_52 (Activation) (None, None, None, 4 0 batch_normalization_52[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_48 (Conv2D) (None, None, None, 3 10240 block35_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_50 (Conv2D) (None, None, None, 3 9216 activation_49[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_53 (Conv2D) (None, None, None, 6 27648 activation_52[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_48 (BatchNo (None, None, None, 3 96 conv2d_48[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_50 (BatchNo (None, None, None, 3 96 conv2d_50[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_53 (BatchNo (None, None, None, 6 192 conv2d_53[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_48 (Activation) (None, None, None, 3 0 batch_normalization_48[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_50 (Activation) (None, None, None, 3 0 batch_normalization_50[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_53 (Activation) (None, None, None, 6 0 batch_normalization_53[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_7_mixed (Concatenate) (None, None, None, 1 0 activation_48[0][0] \n",
" activation_50[0][0] \n",
" activation_53[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_7_conv (Conv2D) (None, None, None, 3 41280 block35_7_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_7 (Lambda) (None, None, None, 3 0 block35_6_ac[0][0] \n",
" block35_7_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_7_ac (Activation) (None, None, None, 3 0 block35_7[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_57 (Conv2D) (None, None, None, 3 10240 block35_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_57 (BatchNo (None, None, None, 3 96 conv2d_57[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_57 (Activation) (None, None, None, 3 0 batch_normalization_57[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_55 (Conv2D) (None, None, None, 3 10240 block35_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_58 (Conv2D) (None, None, None, 4 13824 activation_57[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_55 (BatchNo (None, None, None, 3 96 conv2d_55[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_58 (BatchNo (None, None, None, 4 144 conv2d_58[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_55 (Activation) (None, None, None, 3 0 batch_normalization_55[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_58 (Activation) (None, None, None, 4 0 batch_normalization_58[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_54 (Conv2D) (None, None, None, 3 10240 block35_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_56 (Conv2D) (None, None, None, 3 9216 activation_55[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_59 (Conv2D) (None, None, None, 6 27648 activation_58[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_54 (BatchNo (None, None, None, 3 96 conv2d_54[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_56 (BatchNo (None, None, None, 3 96 conv2d_56[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_59 (BatchNo (None, None, None, 6 192 conv2d_59[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_54 (Activation) (None, None, None, 3 0 batch_normalization_54[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_56 (Activation) (None, None, None, 3 0 batch_normalization_56[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_59 (Activation) (None, None, None, 6 0 batch_normalization_59[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_8_mixed (Concatenate) (None, None, None, 1 0 activation_54[0][0] \n",
" activation_56[0][0] \n",
" activation_59[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_8_conv (Conv2D) (None, None, None, 3 41280 block35_8_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_8 (Lambda) (None, None, None, 3 0 block35_7_ac[0][0] \n",
" block35_8_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_8_ac (Activation) (None, None, None, 3 0 block35_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_63 (Conv2D) (None, None, None, 3 10240 block35_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_63 (BatchNo (None, None, None, 3 96 conv2d_63[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_63 (Activation) (None, None, None, 3 0 batch_normalization_63[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_61 (Conv2D) (None, None, None, 3 10240 block35_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_64 (Conv2D) (None, None, None, 4 13824 activation_63[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_61 (BatchNo (None, None, None, 3 96 conv2d_61[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_64 (BatchNo (None, None, None, 4 144 conv2d_64[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_61 (Activation) (None, None, None, 3 0 batch_normalization_61[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_64 (Activation) (None, None, None, 4 0 batch_normalization_64[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_60 (Conv2D) (None, None, None, 3 10240 block35_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_62 (Conv2D) (None, None, None, 3 9216 activation_61[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_65 (Conv2D) (None, None, None, 6 27648 activation_64[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_60 (BatchNo (None, None, None, 3 96 conv2d_60[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_62 (BatchNo (None, None, None, 3 96 conv2d_62[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_65 (BatchNo (None, None, None, 6 192 conv2d_65[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_60 (Activation) (None, None, None, 3 0 batch_normalization_60[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_62 (Activation) (None, None, None, 3 0 batch_normalization_62[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_65 (Activation) (None, None, None, 6 0 batch_normalization_65[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_9_mixed (Concatenate) (None, None, None, 1 0 activation_60[0][0] \n",
" activation_62[0][0] \n",
" activation_65[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_9_conv (Conv2D) (None, None, None, 3 41280 block35_9_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_9 (Lambda) (None, None, None, 3 0 block35_8_ac[0][0] \n",
" block35_9_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_9_ac (Activation) (None, None, None, 3 0 block35_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_69 (Conv2D) (None, None, None, 3 10240 block35_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_69 (BatchNo (None, None, None, 3 96 conv2d_69[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_69 (Activation) (None, None, None, 3 0 batch_normalization_69[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_67 (Conv2D) (None, None, None, 3 10240 block35_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_70 (Conv2D) (None, None, None, 4 13824 activation_69[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_67 (BatchNo (None, None, None, 3 96 conv2d_67[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_70 (BatchNo (None, None, None, 4 144 conv2d_70[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_67 (Activation) (None, None, None, 3 0 batch_normalization_67[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_70 (Activation) (None, None, None, 4 0 batch_normalization_70[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_66 (Conv2D) (None, None, None, 3 10240 block35_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_68 (Conv2D) (None, None, None, 3 9216 activation_67[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_71 (Conv2D) (None, None, None, 6 27648 activation_70[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_66 (BatchNo (None, None, None, 3 96 conv2d_66[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_68 (BatchNo (None, None, None, 3 96 conv2d_68[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_71 (BatchNo (None, None, None, 6 192 conv2d_71[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_66 (Activation) (None, None, None, 3 0 batch_normalization_66[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_68 (Activation) (None, None, None, 3 0 batch_normalization_68[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_71 (Activation) (None, None, None, 6 0 batch_normalization_71[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_10_mixed (Concatenate) (None, None, None, 1 0 activation_66[0][0] \n",
" activation_68[0][0] \n",
" activation_71[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_10_conv (Conv2D) (None, None, None, 3 41280 block35_10_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_10 (Lambda) (None, None, None, 3 0 block35_9_ac[0][0] \n",
" block35_10_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block35_10_ac (Activation) (None, None, None, 3 0 block35_10[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_73 (Conv2D) (None, None, None, 2 81920 block35_10_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_73 (BatchNo (None, None, None, 2 768 conv2d_73[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_73 (Activation) (None, None, None, 2 0 batch_normalization_73[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_74 (Conv2D) (None, None, None, 2 589824 activation_73[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_74 (BatchNo (None, None, None, 2 768 conv2d_74[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_74 (Activation) (None, None, None, 2 0 batch_normalization_74[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_72 (Conv2D) (None, None, None, 3 1105920 block35_10_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_75 (Conv2D) (None, None, None, 3 884736 activation_74[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_72 (BatchNo (None, None, None, 3 1152 conv2d_72[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_75 (BatchNo (None, None, None, 3 1152 conv2d_75[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_72 (Activation) (None, None, None, 3 0 batch_normalization_72[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_75 (Activation) (None, None, None, 3 0 batch_normalization_75[0][0] \n",
"__________________________________________________________________________________________________\n",
"max_pooling2d_2 (MaxPooling2D) (None, None, None, 3 0 block35_10_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"mixed_6a (Concatenate) (None, None, None, 1 0 activation_72[0][0] \n",
" activation_75[0][0] \n",
" max_pooling2d_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_77 (Conv2D) (None, None, None, 1 139264 mixed_6a[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_77 (BatchNo (None, None, None, 1 384 conv2d_77[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_77 (Activation) (None, None, None, 1 0 batch_normalization_77[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_78 (Conv2D) (None, None, None, 1 143360 activation_77[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_78 (BatchNo (None, None, None, 1 480 conv2d_78[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_78 (Activation) (None, None, None, 1 0 batch_normalization_78[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_76 (Conv2D) (None, None, None, 1 208896 mixed_6a[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_79 (Conv2D) (None, None, None, 1 215040 activation_78[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_76 (BatchNo (None, None, None, 1 576 conv2d_76[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_79 (BatchNo (None, None, None, 1 576 conv2d_79[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_76 (Activation) (None, None, None, 1 0 batch_normalization_76[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_79 (Activation) (None, None, None, 1 0 batch_normalization_79[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_1_mixed (Concatenate) (None, None, None, 3 0 activation_76[0][0] \n",
" activation_79[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_1_conv (Conv2D) (None, None, None, 1 418880 block17_1_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_1 (Lambda) (None, None, None, 1 0 mixed_6a[0][0] \n",
" block17_1_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_1_ac (Activation) (None, None, None, 1 0 block17_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_81 (Conv2D) (None, None, None, 1 139264 block17_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_81 (BatchNo (None, None, None, 1 384 conv2d_81[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_81 (Activation) (None, None, None, 1 0 batch_normalization_81[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_82 (Conv2D) (None, None, None, 1 143360 activation_81[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_82 (BatchNo (None, None, None, 1 480 conv2d_82[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_82 (Activation) (None, None, None, 1 0 batch_normalization_82[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_80 (Conv2D) (None, None, None, 1 208896 block17_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_83 (Conv2D) (None, None, None, 1 215040 activation_82[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_80 (BatchNo (None, None, None, 1 576 conv2d_80[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_83 (BatchNo (None, None, None, 1 576 conv2d_83[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_80 (Activation) (None, None, None, 1 0 batch_normalization_80[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_83 (Activation) (None, None, None, 1 0 batch_normalization_83[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_2_mixed (Concatenate) (None, None, None, 3 0 activation_80[0][0] \n",
" activation_83[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_2_conv (Conv2D) (None, None, None, 1 418880 block17_2_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_2 (Lambda) (None, None, None, 1 0 block17_1_ac[0][0] \n",
" block17_2_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_2_ac (Activation) (None, None, None, 1 0 block17_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_85 (Conv2D) (None, None, None, 1 139264 block17_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_85 (BatchNo (None, None, None, 1 384 conv2d_85[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_85 (Activation) (None, None, None, 1 0 batch_normalization_85[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_86 (Conv2D) (None, None, None, 1 143360 activation_85[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_86 (BatchNo (None, None, None, 1 480 conv2d_86[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_86 (Activation) (None, None, None, 1 0 batch_normalization_86[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_84 (Conv2D) (None, None, None, 1 208896 block17_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_87 (Conv2D) (None, None, None, 1 215040 activation_86[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_84 (BatchNo (None, None, None, 1 576 conv2d_84[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_87 (BatchNo (None, None, None, 1 576 conv2d_87[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_84 (Activation) (None, None, None, 1 0 batch_normalization_84[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_87 (Activation) (None, None, None, 1 0 batch_normalization_87[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_3_mixed (Concatenate) (None, None, None, 3 0 activation_84[0][0] \n",
" activation_87[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_3_conv (Conv2D) (None, None, None, 1 418880 block17_3_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_3 (Lambda) (None, None, None, 1 0 block17_2_ac[0][0] \n",
" block17_3_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_3_ac (Activation) (None, None, None, 1 0 block17_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_89 (Conv2D) (None, None, None, 1 139264 block17_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_89 (BatchNo (None, None, None, 1 384 conv2d_89[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_89 (Activation) (None, None, None, 1 0 batch_normalization_89[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_90 (Conv2D) (None, None, None, 1 143360 activation_89[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_90 (BatchNo (None, None, None, 1 480 conv2d_90[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_90 (Activation) (None, None, None, 1 0 batch_normalization_90[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_88 (Conv2D) (None, None, None, 1 208896 block17_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_91 (Conv2D) (None, None, None, 1 215040 activation_90[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_88 (BatchNo (None, None, None, 1 576 conv2d_88[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_91 (BatchNo (None, None, None, 1 576 conv2d_91[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_88 (Activation) (None, None, None, 1 0 batch_normalization_88[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_91 (Activation) (None, None, None, 1 0 batch_normalization_91[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_4_mixed (Concatenate) (None, None, None, 3 0 activation_88[0][0] \n",
" activation_91[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_4_conv (Conv2D) (None, None, None, 1 418880 block17_4_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_4 (Lambda) (None, None, None, 1 0 block17_3_ac[0][0] \n",
" block17_4_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_4_ac (Activation) (None, None, None, 1 0 block17_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_93 (Conv2D) (None, None, None, 1 139264 block17_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_93 (BatchNo (None, None, None, 1 384 conv2d_93[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_93 (Activation) (None, None, None, 1 0 batch_normalization_93[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_94 (Conv2D) (None, None, None, 1 143360 activation_93[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_94 (BatchNo (None, None, None, 1 480 conv2d_94[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_94 (Activation) (None, None, None, 1 0 batch_normalization_94[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_92 (Conv2D) (None, None, None, 1 208896 block17_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_95 (Conv2D) (None, None, None, 1 215040 activation_94[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_92 (BatchNo (None, None, None, 1 576 conv2d_92[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_95 (BatchNo (None, None, None, 1 576 conv2d_95[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_92 (Activation) (None, None, None, 1 0 batch_normalization_92[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_95 (Activation) (None, None, None, 1 0 batch_normalization_95[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_5_mixed (Concatenate) (None, None, None, 3 0 activation_92[0][0] \n",
" activation_95[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_5_conv (Conv2D) (None, None, None, 1 418880 block17_5_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_5 (Lambda) (None, None, None, 1 0 block17_4_ac[0][0] \n",
" block17_5_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_5_ac (Activation) (None, None, None, 1 0 block17_5[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_97 (Conv2D) (None, None, None, 1 139264 block17_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_97 (BatchNo (None, None, None, 1 384 conv2d_97[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_97 (Activation) (None, None, None, 1 0 batch_normalization_97[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_98 (Conv2D) (None, None, None, 1 143360 activation_97[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_98 (BatchNo (None, None, None, 1 480 conv2d_98[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_98 (Activation) (None, None, None, 1 0 batch_normalization_98[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_96 (Conv2D) (None, None, None, 1 208896 block17_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_99 (Conv2D) (None, None, None, 1 215040 activation_98[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_96 (BatchNo (None, None, None, 1 576 conv2d_96[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_99 (BatchNo (None, None, None, 1 576 conv2d_99[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_96 (Activation) (None, None, None, 1 0 batch_normalization_96[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_99 (Activation) (None, None, None, 1 0 batch_normalization_99[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_6_mixed (Concatenate) (None, None, None, 3 0 activation_96[0][0] \n",
" activation_99[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_6_conv (Conv2D) (None, None, None, 1 418880 block17_6_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_6 (Lambda) (None, None, None, 1 0 block17_5_ac[0][0] \n",
" block17_6_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_6_ac (Activation) (None, None, None, 1 0 block17_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_101 (Conv2D) (None, None, None, 1 139264 block17_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_101 (BatchN (None, None, None, 1 384 conv2d_101[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_101 (Activation) (None, None, None, 1 0 batch_normalization_101[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_102 (Conv2D) (None, None, None, 1 143360 activation_101[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_102 (BatchN (None, None, None, 1 480 conv2d_102[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_102 (Activation) (None, None, None, 1 0 batch_normalization_102[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_100 (Conv2D) (None, None, None, 1 208896 block17_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_103 (Conv2D) (None, None, None, 1 215040 activation_102[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_100 (BatchN (None, None, None, 1 576 conv2d_100[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_103 (BatchN (None, None, None, 1 576 conv2d_103[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_100 (Activation) (None, None, None, 1 0 batch_normalization_100[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_103 (Activation) (None, None, None, 1 0 batch_normalization_103[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_7_mixed (Concatenate) (None, None, None, 3 0 activation_100[0][0] \n",
" activation_103[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_7_conv (Conv2D) (None, None, None, 1 418880 block17_7_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_7 (Lambda) (None, None, None, 1 0 block17_6_ac[0][0] \n",
" block17_7_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_7_ac (Activation) (None, None, None, 1 0 block17_7[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_105 (Conv2D) (None, None, None, 1 139264 block17_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_105 (BatchN (None, None, None, 1 384 conv2d_105[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_105 (Activation) (None, None, None, 1 0 batch_normalization_105[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_106 (Conv2D) (None, None, None, 1 143360 activation_105[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_106 (BatchN (None, None, None, 1 480 conv2d_106[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_106 (Activation) (None, None, None, 1 0 batch_normalization_106[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_104 (Conv2D) (None, None, None, 1 208896 block17_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_107 (Conv2D) (None, None, None, 1 215040 activation_106[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_104 (BatchN (None, None, None, 1 576 conv2d_104[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_107 (BatchN (None, None, None, 1 576 conv2d_107[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_104 (Activation) (None, None, None, 1 0 batch_normalization_104[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_107 (Activation) (None, None, None, 1 0 batch_normalization_107[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_8_mixed (Concatenate) (None, None, None, 3 0 activation_104[0][0] \n",
" activation_107[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_8_conv (Conv2D) (None, None, None, 1 418880 block17_8_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_8 (Lambda) (None, None, None, 1 0 block17_7_ac[0][0] \n",
" block17_8_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_8_ac (Activation) (None, None, None, 1 0 block17_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_109 (Conv2D) (None, None, None, 1 139264 block17_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_109 (BatchN (None, None, None, 1 384 conv2d_109[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_109 (Activation) (None, None, None, 1 0 batch_normalization_109[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_110 (Conv2D) (None, None, None, 1 143360 activation_109[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_110 (BatchN (None, None, None, 1 480 conv2d_110[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_110 (Activation) (None, None, None, 1 0 batch_normalization_110[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_108 (Conv2D) (None, None, None, 1 208896 block17_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_111 (Conv2D) (None, None, None, 1 215040 activation_110[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_108 (BatchN (None, None, None, 1 576 conv2d_108[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_111 (BatchN (None, None, None, 1 576 conv2d_111[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_108 (Activation) (None, None, None, 1 0 batch_normalization_108[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_111 (Activation) (None, None, None, 1 0 batch_normalization_111[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_9_mixed (Concatenate) (None, None, None, 3 0 activation_108[0][0] \n",
" activation_111[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_9_conv (Conv2D) (None, None, None, 1 418880 block17_9_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_9 (Lambda) (None, None, None, 1 0 block17_8_ac[0][0] \n",
" block17_9_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_9_ac (Activation) (None, None, None, 1 0 block17_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_113 (Conv2D) (None, None, None, 1 139264 block17_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_113 (BatchN (None, None, None, 1 384 conv2d_113[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_113 (Activation) (None, None, None, 1 0 batch_normalization_113[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_114 (Conv2D) (None, None, None, 1 143360 activation_113[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_114 (BatchN (None, None, None, 1 480 conv2d_114[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_114 (Activation) (None, None, None, 1 0 batch_normalization_114[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_112 (Conv2D) (None, None, None, 1 208896 block17_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_115 (Conv2D) (None, None, None, 1 215040 activation_114[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_112 (BatchN (None, None, None, 1 576 conv2d_112[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_115 (BatchN (None, None, None, 1 576 conv2d_115[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_112 (Activation) (None, None, None, 1 0 batch_normalization_112[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_115 (Activation) (None, None, None, 1 0 batch_normalization_115[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_10_mixed (Concatenate) (None, None, None, 3 0 activation_112[0][0] \n",
" activation_115[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_10_conv (Conv2D) (None, None, None, 1 418880 block17_10_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_10 (Lambda) (None, None, None, 1 0 block17_9_ac[0][0] \n",
" block17_10_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_10_ac (Activation) (None, None, None, 1 0 block17_10[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_117 (Conv2D) (None, None, None, 1 139264 block17_10_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_117 (BatchN (None, None, None, 1 384 conv2d_117[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_117 (Activation) (None, None, None, 1 0 batch_normalization_117[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_118 (Conv2D) (None, None, None, 1 143360 activation_117[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_118 (BatchN (None, None, None, 1 480 conv2d_118[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_118 (Activation) (None, None, None, 1 0 batch_normalization_118[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_116 (Conv2D) (None, None, None, 1 208896 block17_10_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_119 (Conv2D) (None, None, None, 1 215040 activation_118[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_116 (BatchN (None, None, None, 1 576 conv2d_116[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_119 (BatchN (None, None, None, 1 576 conv2d_119[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_116 (Activation) (None, None, None, 1 0 batch_normalization_116[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_119 (Activation) (None, None, None, 1 0 batch_normalization_119[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_11_mixed (Concatenate) (None, None, None, 3 0 activation_116[0][0] \n",
" activation_119[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_11_conv (Conv2D) (None, None, None, 1 418880 block17_11_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_11 (Lambda) (None, None, None, 1 0 block17_10_ac[0][0] \n",
" block17_11_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_11_ac (Activation) (None, None, None, 1 0 block17_11[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_121 (Conv2D) (None, None, None, 1 139264 block17_11_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_121 (BatchN (None, None, None, 1 384 conv2d_121[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_121 (Activation) (None, None, None, 1 0 batch_normalization_121[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_122 (Conv2D) (None, None, None, 1 143360 activation_121[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_122 (BatchN (None, None, None, 1 480 conv2d_122[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_122 (Activation) (None, None, None, 1 0 batch_normalization_122[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_120 (Conv2D) (None, None, None, 1 208896 block17_11_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_123 (Conv2D) (None, None, None, 1 215040 activation_122[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_120 (BatchN (None, None, None, 1 576 conv2d_120[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_123 (BatchN (None, None, None, 1 576 conv2d_123[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_120 (Activation) (None, None, None, 1 0 batch_normalization_120[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_123 (Activation) (None, None, None, 1 0 batch_normalization_123[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_12_mixed (Concatenate) (None, None, None, 3 0 activation_120[0][0] \n",
" activation_123[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_12_conv (Conv2D) (None, None, None, 1 418880 block17_12_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_12 (Lambda) (None, None, None, 1 0 block17_11_ac[0][0] \n",
" block17_12_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_12_ac (Activation) (None, None, None, 1 0 block17_12[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_125 (Conv2D) (None, None, None, 1 139264 block17_12_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_125 (BatchN (None, None, None, 1 384 conv2d_125[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_125 (Activation) (None, None, None, 1 0 batch_normalization_125[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_126 (Conv2D) (None, None, None, 1 143360 activation_125[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_126 (BatchN (None, None, None, 1 480 conv2d_126[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_126 (Activation) (None, None, None, 1 0 batch_normalization_126[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_124 (Conv2D) (None, None, None, 1 208896 block17_12_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_127 (Conv2D) (None, None, None, 1 215040 activation_126[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_124 (BatchN (None, None, None, 1 576 conv2d_124[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_127 (BatchN (None, None, None, 1 576 conv2d_127[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_124 (Activation) (None, None, None, 1 0 batch_normalization_124[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_127 (Activation) (None, None, None, 1 0 batch_normalization_127[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_13_mixed (Concatenate) (None, None, None, 3 0 activation_124[0][0] \n",
" activation_127[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_13_conv (Conv2D) (None, None, None, 1 418880 block17_13_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_13 (Lambda) (None, None, None, 1 0 block17_12_ac[0][0] \n",
" block17_13_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_13_ac (Activation) (None, None, None, 1 0 block17_13[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_129 (Conv2D) (None, None, None, 1 139264 block17_13_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_129 (BatchN (None, None, None, 1 384 conv2d_129[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_129 (Activation) (None, None, None, 1 0 batch_normalization_129[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_130 (Conv2D) (None, None, None, 1 143360 activation_129[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_130 (BatchN (None, None, None, 1 480 conv2d_130[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_130 (Activation) (None, None, None, 1 0 batch_normalization_130[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_128 (Conv2D) (None, None, None, 1 208896 block17_13_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_131 (Conv2D) (None, None, None, 1 215040 activation_130[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_128 (BatchN (None, None, None, 1 576 conv2d_128[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_131 (BatchN (None, None, None, 1 576 conv2d_131[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_128 (Activation) (None, None, None, 1 0 batch_normalization_128[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_131 (Activation) (None, None, None, 1 0 batch_normalization_131[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_14_mixed (Concatenate) (None, None, None, 3 0 activation_128[0][0] \n",
" activation_131[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_14_conv (Conv2D) (None, None, None, 1 418880 block17_14_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_14 (Lambda) (None, None, None, 1 0 block17_13_ac[0][0] \n",
" block17_14_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_14_ac (Activation) (None, None, None, 1 0 block17_14[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_133 (Conv2D) (None, None, None, 1 139264 block17_14_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_133 (BatchN (None, None, None, 1 384 conv2d_133[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_133 (Activation) (None, None, None, 1 0 batch_normalization_133[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_134 (Conv2D) (None, None, None, 1 143360 activation_133[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_134 (BatchN (None, None, None, 1 480 conv2d_134[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_134 (Activation) (None, None, None, 1 0 batch_normalization_134[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_132 (Conv2D) (None, None, None, 1 208896 block17_14_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_135 (Conv2D) (None, None, None, 1 215040 activation_134[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_132 (BatchN (None, None, None, 1 576 conv2d_132[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_135 (BatchN (None, None, None, 1 576 conv2d_135[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_132 (Activation) (None, None, None, 1 0 batch_normalization_132[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_135 (Activation) (None, None, None, 1 0 batch_normalization_135[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_15_mixed (Concatenate) (None, None, None, 3 0 activation_132[0][0] \n",
" activation_135[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_15_conv (Conv2D) (None, None, None, 1 418880 block17_15_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_15 (Lambda) (None, None, None, 1 0 block17_14_ac[0][0] \n",
" block17_15_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_15_ac (Activation) (None, None, None, 1 0 block17_15[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_137 (Conv2D) (None, None, None, 1 139264 block17_15_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_137 (BatchN (None, None, None, 1 384 conv2d_137[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_137 (Activation) (None, None, None, 1 0 batch_normalization_137[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_138 (Conv2D) (None, None, None, 1 143360 activation_137[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_138 (BatchN (None, None, None, 1 480 conv2d_138[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_138 (Activation) (None, None, None, 1 0 batch_normalization_138[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_136 (Conv2D) (None, None, None, 1 208896 block17_15_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_139 (Conv2D) (None, None, None, 1 215040 activation_138[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_136 (BatchN (None, None, None, 1 576 conv2d_136[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_139 (BatchN (None, None, None, 1 576 conv2d_139[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_136 (Activation) (None, None, None, 1 0 batch_normalization_136[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_139 (Activation) (None, None, None, 1 0 batch_normalization_139[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_16_mixed (Concatenate) (None, None, None, 3 0 activation_136[0][0] \n",
" activation_139[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_16_conv (Conv2D) (None, None, None, 1 418880 block17_16_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_16 (Lambda) (None, None, None, 1 0 block17_15_ac[0][0] \n",
" block17_16_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_16_ac (Activation) (None, None, None, 1 0 block17_16[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_141 (Conv2D) (None, None, None, 1 139264 block17_16_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_141 (BatchN (None, None, None, 1 384 conv2d_141[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_141 (Activation) (None, None, None, 1 0 batch_normalization_141[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_142 (Conv2D) (None, None, None, 1 143360 activation_141[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_142 (BatchN (None, None, None, 1 480 conv2d_142[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_142 (Activation) (None, None, None, 1 0 batch_normalization_142[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_140 (Conv2D) (None, None, None, 1 208896 block17_16_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_143 (Conv2D) (None, None, None, 1 215040 activation_142[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_140 (BatchN (None, None, None, 1 576 conv2d_140[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_143 (BatchN (None, None, None, 1 576 conv2d_143[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_140 (Activation) (None, None, None, 1 0 batch_normalization_140[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_143 (Activation) (None, None, None, 1 0 batch_normalization_143[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_17_mixed (Concatenate) (None, None, None, 3 0 activation_140[0][0] \n",
" activation_143[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_17_conv (Conv2D) (None, None, None, 1 418880 block17_17_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_17 (Lambda) (None, None, None, 1 0 block17_16_ac[0][0] \n",
" block17_17_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_17_ac (Activation) (None, None, None, 1 0 block17_17[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_145 (Conv2D) (None, None, None, 1 139264 block17_17_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_145 (BatchN (None, None, None, 1 384 conv2d_145[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_145 (Activation) (None, None, None, 1 0 batch_normalization_145[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_146 (Conv2D) (None, None, None, 1 143360 activation_145[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_146 (BatchN (None, None, None, 1 480 conv2d_146[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_146 (Activation) (None, None, None, 1 0 batch_normalization_146[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_144 (Conv2D) (None, None, None, 1 208896 block17_17_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_147 (Conv2D) (None, None, None, 1 215040 activation_146[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_144 (BatchN (None, None, None, 1 576 conv2d_144[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_147 (BatchN (None, None, None, 1 576 conv2d_147[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_144 (Activation) (None, None, None, 1 0 batch_normalization_144[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_147 (Activation) (None, None, None, 1 0 batch_normalization_147[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_18_mixed (Concatenate) (None, None, None, 3 0 activation_144[0][0] \n",
" activation_147[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_18_conv (Conv2D) (None, None, None, 1 418880 block17_18_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_18 (Lambda) (None, None, None, 1 0 block17_17_ac[0][0] \n",
" block17_18_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_18_ac (Activation) (None, None, None, 1 0 block17_18[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_149 (Conv2D) (None, None, None, 1 139264 block17_18_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_149 (BatchN (None, None, None, 1 384 conv2d_149[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_149 (Activation) (None, None, None, 1 0 batch_normalization_149[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_150 (Conv2D) (None, None, None, 1 143360 activation_149[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_150 (BatchN (None, None, None, 1 480 conv2d_150[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_150 (Activation) (None, None, None, 1 0 batch_normalization_150[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_148 (Conv2D) (None, None, None, 1 208896 block17_18_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_151 (Conv2D) (None, None, None, 1 215040 activation_150[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_148 (BatchN (None, None, None, 1 576 conv2d_148[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_151 (BatchN (None, None, None, 1 576 conv2d_151[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_148 (Activation) (None, None, None, 1 0 batch_normalization_148[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_151 (Activation) (None, None, None, 1 0 batch_normalization_151[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_19_mixed (Concatenate) (None, None, None, 3 0 activation_148[0][0] \n",
" activation_151[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_19_conv (Conv2D) (None, None, None, 1 418880 block17_19_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_19 (Lambda) (None, None, None, 1 0 block17_18_ac[0][0] \n",
" block17_19_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_19_ac (Activation) (None, None, None, 1 0 block17_19[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_153 (Conv2D) (None, None, None, 1 139264 block17_19_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_153 (BatchN (None, None, None, 1 384 conv2d_153[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_153 (Activation) (None, None, None, 1 0 batch_normalization_153[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_154 (Conv2D) (None, None, None, 1 143360 activation_153[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_154 (BatchN (None, None, None, 1 480 conv2d_154[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_154 (Activation) (None, None, None, 1 0 batch_normalization_154[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_152 (Conv2D) (None, None, None, 1 208896 block17_19_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_155 (Conv2D) (None, None, None, 1 215040 activation_154[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_152 (BatchN (None, None, None, 1 576 conv2d_152[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_155 (BatchN (None, None, None, 1 576 conv2d_155[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_152 (Activation) (None, None, None, 1 0 batch_normalization_152[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_155 (Activation) (None, None, None, 1 0 batch_normalization_155[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_20_mixed (Concatenate) (None, None, None, 3 0 activation_152[0][0] \n",
" activation_155[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_20_conv (Conv2D) (None, None, None, 1 418880 block17_20_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_20 (Lambda) (None, None, None, 1 0 block17_19_ac[0][0] \n",
" block17_20_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block17_20_ac (Activation) (None, None, None, 1 0 block17_20[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_160 (Conv2D) (None, None, None, 2 278528 block17_20_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_160 (BatchN (None, None, None, 2 768 conv2d_160[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_160 (Activation) (None, None, None, 2 0 batch_normalization_160[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_156 (Conv2D) (None, None, None, 2 278528 block17_20_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_158 (Conv2D) (None, None, None, 2 278528 block17_20_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_161 (Conv2D) (None, None, None, 2 663552 activation_160[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_156 (BatchN (None, None, None, 2 768 conv2d_156[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_158 (BatchN (None, None, None, 2 768 conv2d_158[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_161 (BatchN (None, None, None, 2 864 conv2d_161[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_156 (Activation) (None, None, None, 2 0 batch_normalization_156[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_158 (Activation) (None, None, None, 2 0 batch_normalization_158[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_161 (Activation) (None, None, None, 2 0 batch_normalization_161[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_157 (Conv2D) (None, None, None, 3 884736 activation_156[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_159 (Conv2D) (None, None, None, 2 663552 activation_158[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_162 (Conv2D) (None, None, None, 3 829440 activation_161[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_157 (BatchN (None, None, None, 3 1152 conv2d_157[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_159 (BatchN (None, None, None, 2 864 conv2d_159[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_162 (BatchN (None, None, None, 3 960 conv2d_162[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_157 (Activation) (None, None, None, 3 0 batch_normalization_157[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_159 (Activation) (None, None, None, 2 0 batch_normalization_159[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_162 (Activation) (None, None, None, 3 0 batch_normalization_162[0][0] \n",
"__________________________________________________________________________________________________\n",
"max_pooling2d_3 (MaxPooling2D) (None, None, None, 1 0 block17_20_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"mixed_7a (Concatenate) (None, None, None, 2 0 activation_157[0][0] \n",
" activation_159[0][0] \n",
" activation_162[0][0] \n",
" max_pooling2d_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_164 (Conv2D) (None, None, None, 1 399360 mixed_7a[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_164 (BatchN (None, None, None, 1 576 conv2d_164[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_164 (Activation) (None, None, None, 1 0 batch_normalization_164[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_165 (Conv2D) (None, None, None, 2 129024 activation_164[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_165 (BatchN (None, None, None, 2 672 conv2d_165[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_165 (Activation) (None, None, None, 2 0 batch_normalization_165[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_163 (Conv2D) (None, None, None, 1 399360 mixed_7a[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_166 (Conv2D) (None, None, None, 2 172032 activation_165[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_163 (BatchN (None, None, None, 1 576 conv2d_163[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_166 (BatchN (None, None, None, 2 768 conv2d_166[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_163 (Activation) (None, None, None, 1 0 batch_normalization_163[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_166 (Activation) (None, None, None, 2 0 batch_normalization_166[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_1_mixed (Concatenate) (None, None, None, 4 0 activation_163[0][0] \n",
" activation_166[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_1_conv (Conv2D) (None, None, None, 2 933920 block8_1_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_1 (Lambda) (None, None, None, 2 0 mixed_7a[0][0] \n",
" block8_1_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_1_ac (Activation) (None, None, None, 2 0 block8_1[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_168 (Conv2D) (None, None, None, 1 399360 block8_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_168 (BatchN (None, None, None, 1 576 conv2d_168[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_168 (Activation) (None, None, None, 1 0 batch_normalization_168[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_169 (Conv2D) (None, None, None, 2 129024 activation_168[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_169 (BatchN (None, None, None, 2 672 conv2d_169[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_169 (Activation) (None, None, None, 2 0 batch_normalization_169[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_167 (Conv2D) (None, None, None, 1 399360 block8_1_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_170 (Conv2D) (None, None, None, 2 172032 activation_169[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_167 (BatchN (None, None, None, 1 576 conv2d_167[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_170 (BatchN (None, None, None, 2 768 conv2d_170[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_167 (Activation) (None, None, None, 1 0 batch_normalization_167[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_170 (Activation) (None, None, None, 2 0 batch_normalization_170[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_2_mixed (Concatenate) (None, None, None, 4 0 activation_167[0][0] \n",
" activation_170[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_2_conv (Conv2D) (None, None, None, 2 933920 block8_2_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_2 (Lambda) (None, None, None, 2 0 block8_1_ac[0][0] \n",
" block8_2_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_2_ac (Activation) (None, None, None, 2 0 block8_2[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_172 (Conv2D) (None, None, None, 1 399360 block8_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_172 (BatchN (None, None, None, 1 576 conv2d_172[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_172 (Activation) (None, None, None, 1 0 batch_normalization_172[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_173 (Conv2D) (None, None, None, 2 129024 activation_172[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_173 (BatchN (None, None, None, 2 672 conv2d_173[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_173 (Activation) (None, None, None, 2 0 batch_normalization_173[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_171 (Conv2D) (None, None, None, 1 399360 block8_2_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_174 (Conv2D) (None, None, None, 2 172032 activation_173[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_171 (BatchN (None, None, None, 1 576 conv2d_171[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_174 (BatchN (None, None, None, 2 768 conv2d_174[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_171 (Activation) (None, None, None, 1 0 batch_normalization_171[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_174 (Activation) (None, None, None, 2 0 batch_normalization_174[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_3_mixed (Concatenate) (None, None, None, 4 0 activation_171[0][0] \n",
" activation_174[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_3_conv (Conv2D) (None, None, None, 2 933920 block8_3_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_3 (Lambda) (None, None, None, 2 0 block8_2_ac[0][0] \n",
" block8_3_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_3_ac (Activation) (None, None, None, 2 0 block8_3[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_176 (Conv2D) (None, None, None, 1 399360 block8_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_176 (BatchN (None, None, None, 1 576 conv2d_176[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_176 (Activation) (None, None, None, 1 0 batch_normalization_176[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_177 (Conv2D) (None, None, None, 2 129024 activation_176[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_177 (BatchN (None, None, None, 2 672 conv2d_177[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_177 (Activation) (None, None, None, 2 0 batch_normalization_177[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_175 (Conv2D) (None, None, None, 1 399360 block8_3_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_178 (Conv2D) (None, None, None, 2 172032 activation_177[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_175 (BatchN (None, None, None, 1 576 conv2d_175[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_178 (BatchN (None, None, None, 2 768 conv2d_178[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_175 (Activation) (None, None, None, 1 0 batch_normalization_175[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_178 (Activation) (None, None, None, 2 0 batch_normalization_178[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_4_mixed (Concatenate) (None, None, None, 4 0 activation_175[0][0] \n",
" activation_178[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_4_conv (Conv2D) (None, None, None, 2 933920 block8_4_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_4 (Lambda) (None, None, None, 2 0 block8_3_ac[0][0] \n",
" block8_4_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_4_ac (Activation) (None, None, None, 2 0 block8_4[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_180 (Conv2D) (None, None, None, 1 399360 block8_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_180 (BatchN (None, None, None, 1 576 conv2d_180[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_180 (Activation) (None, None, None, 1 0 batch_normalization_180[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_181 (Conv2D) (None, None, None, 2 129024 activation_180[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_181 (BatchN (None, None, None, 2 672 conv2d_181[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_181 (Activation) (None, None, None, 2 0 batch_normalization_181[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_179 (Conv2D) (None, None, None, 1 399360 block8_4_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_182 (Conv2D) (None, None, None, 2 172032 activation_181[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_179 (BatchN (None, None, None, 1 576 conv2d_179[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_182 (BatchN (None, None, None, 2 768 conv2d_182[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_179 (Activation) (None, None, None, 1 0 batch_normalization_179[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_182 (Activation) (None, None, None, 2 0 batch_normalization_182[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_5_mixed (Concatenate) (None, None, None, 4 0 activation_179[0][0] \n",
" activation_182[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_5_conv (Conv2D) (None, None, None, 2 933920 block8_5_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_5 (Lambda) (None, None, None, 2 0 block8_4_ac[0][0] \n",
" block8_5_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_5_ac (Activation) (None, None, None, 2 0 block8_5[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_184 (Conv2D) (None, None, None, 1 399360 block8_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_184 (BatchN (None, None, None, 1 576 conv2d_184[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_184 (Activation) (None, None, None, 1 0 batch_normalization_184[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_185 (Conv2D) (None, None, None, 2 129024 activation_184[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_185 (BatchN (None, None, None, 2 672 conv2d_185[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_185 (Activation) (None, None, None, 2 0 batch_normalization_185[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_183 (Conv2D) (None, None, None, 1 399360 block8_5_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_186 (Conv2D) (None, None, None, 2 172032 activation_185[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_183 (BatchN (None, None, None, 1 576 conv2d_183[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_186 (BatchN (None, None, None, 2 768 conv2d_186[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_183 (Activation) (None, None, None, 1 0 batch_normalization_183[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_186 (Activation) (None, None, None, 2 0 batch_normalization_186[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_6_mixed (Concatenate) (None, None, None, 4 0 activation_183[0][0] \n",
" activation_186[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_6_conv (Conv2D) (None, None, None, 2 933920 block8_6_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_6 (Lambda) (None, None, None, 2 0 block8_5_ac[0][0] \n",
" block8_6_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_6_ac (Activation) (None, None, None, 2 0 block8_6[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_188 (Conv2D) (None, None, None, 1 399360 block8_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_188 (BatchN (None, None, None, 1 576 conv2d_188[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_188 (Activation) (None, None, None, 1 0 batch_normalization_188[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_189 (Conv2D) (None, None, None, 2 129024 activation_188[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_189 (BatchN (None, None, None, 2 672 conv2d_189[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_189 (Activation) (None, None, None, 2 0 batch_normalization_189[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_187 (Conv2D) (None, None, None, 1 399360 block8_6_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_190 (Conv2D) (None, None, None, 2 172032 activation_189[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_187 (BatchN (None, None, None, 1 576 conv2d_187[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_190 (BatchN (None, None, None, 2 768 conv2d_190[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_187 (Activation) (None, None, None, 1 0 batch_normalization_187[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_190 (Activation) (None, None, None, 2 0 batch_normalization_190[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_7_mixed (Concatenate) (None, None, None, 4 0 activation_187[0][0] \n",
" activation_190[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_7_conv (Conv2D) (None, None, None, 2 933920 block8_7_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_7 (Lambda) (None, None, None, 2 0 block8_6_ac[0][0] \n",
" block8_7_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_7_ac (Activation) (None, None, None, 2 0 block8_7[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_192 (Conv2D) (None, None, None, 1 399360 block8_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_192 (BatchN (None, None, None, 1 576 conv2d_192[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_192 (Activation) (None, None, None, 1 0 batch_normalization_192[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_193 (Conv2D) (None, None, None, 2 129024 activation_192[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_193 (BatchN (None, None, None, 2 672 conv2d_193[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_193 (Activation) (None, None, None, 2 0 batch_normalization_193[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_191 (Conv2D) (None, None, None, 1 399360 block8_7_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_194 (Conv2D) (None, None, None, 2 172032 activation_193[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_191 (BatchN (None, None, None, 1 576 conv2d_191[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_194 (BatchN (None, None, None, 2 768 conv2d_194[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_191 (Activation) (None, None, None, 1 0 batch_normalization_191[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_194 (Activation) (None, None, None, 2 0 batch_normalization_194[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_8_mixed (Concatenate) (None, None, None, 4 0 activation_191[0][0] \n",
" activation_194[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_8_conv (Conv2D) (None, None, None, 2 933920 block8_8_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_8 (Lambda) (None, None, None, 2 0 block8_7_ac[0][0] \n",
" block8_8_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_8_ac (Activation) (None, None, None, 2 0 block8_8[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_196 (Conv2D) (None, None, None, 1 399360 block8_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_196 (BatchN (None, None, None, 1 576 conv2d_196[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_196 (Activation) (None, None, None, 1 0 batch_normalization_196[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_197 (Conv2D) (None, None, None, 2 129024 activation_196[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_197 (BatchN (None, None, None, 2 672 conv2d_197[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_197 (Activation) (None, None, None, 2 0 batch_normalization_197[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_195 (Conv2D) (None, None, None, 1 399360 block8_8_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_198 (Conv2D) (None, None, None, 2 172032 activation_197[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_195 (BatchN (None, None, None, 1 576 conv2d_195[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_198 (BatchN (None, None, None, 2 768 conv2d_198[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_195 (Activation) (None, None, None, 1 0 batch_normalization_195[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_198 (Activation) (None, None, None, 2 0 batch_normalization_198[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_9_mixed (Concatenate) (None, None, None, 4 0 activation_195[0][0] \n",
" activation_198[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_9_conv (Conv2D) (None, None, None, 2 933920 block8_9_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_9 (Lambda) (None, None, None, 2 0 block8_8_ac[0][0] \n",
" block8_9_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_9_ac (Activation) (None, None, None, 2 0 block8_9[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_200 (Conv2D) (None, None, None, 1 399360 block8_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_200 (BatchN (None, None, None, 1 576 conv2d_200[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_200 (Activation) (None, None, None, 1 0 batch_normalization_200[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_201 (Conv2D) (None, None, None, 2 129024 activation_200[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_201 (BatchN (None, None, None, 2 672 conv2d_201[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_201 (Activation) (None, None, None, 2 0 batch_normalization_201[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_199 (Conv2D) (None, None, None, 1 399360 block8_9_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv2d_202 (Conv2D) (None, None, None, 2 172032 activation_201[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_199 (BatchN (None, None, None, 1 576 conv2d_199[0][0] \n",
"__________________________________________________________________________________________________\n",
"batch_normalization_202 (BatchN (None, None, None, 2 768 conv2d_202[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_199 (Activation) (None, None, None, 1 0 batch_normalization_199[0][0] \n",
"__________________________________________________________________________________________________\n",
"activation_202 (Activation) (None, None, None, 2 0 batch_normalization_202[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_10_mixed (Concatenate) (None, None, None, 4 0 activation_199[0][0] \n",
" activation_202[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_10_conv (Conv2D) (None, None, None, 2 933920 block8_10_mixed[0][0] \n",
"__________________________________________________________________________________________________\n",
"block8_10 (Lambda) (None, None, None, 2 0 block8_9_ac[0][0] \n",
" block8_10_conv[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv_7b (Conv2D) (None, None, None, 1 3194880 block8_10[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv_7b_bn (BatchNormalization) (None, None, None, 1 4608 conv_7b[0][0] \n",
"__________________________________________________________________________________________________\n",
"conv_7b_ac (Activation) (None, None, None, 1 0 conv_7b_bn[0][0] \n",
"__________________________________________________________________________________________________\n",
"global_average_pooling2d (Globa (None, 1536) 0 conv_7b_ac[0][0] \n",
"__________________________________________________________________________________________________\n",
"dense (Dense) (None, 7) 10759 global_average_pooling2d[0][0] \n",
"==================================================================================================\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Total params: 54,347,495\n",
"Trainable params: 54,286,951\n",
"Non-trainable params: 60,544\n",
"__________________________________________________________________________________________________\n"
]
}
],
"source": [
"for layer in base_model.layers:\n",
" layer.trainable = True\n",
" \n",
"output = Dense(7, activation='softmax')(base_model.output)\n",
"model = tf.keras.Model(base_model.input, output)\n",
"#model = add_regularization(model)\n",
"model.summary()\n"
]
},
{
"cell_type": "code",
"execution_count": 16,
"id": "ea620129",
"metadata": {},
"outputs": [],
"source": [
"#model.add(Dropout(.5))\n",
"#model.add(Dense(64, activation='softmax'))\n",
"# model.add(Dropout(.25))\n",
"#model = add_regularization(model)\n"
]
},
{
"cell_type": "code",
"execution_count": 17,
"id": "fd5d1246",
"metadata": {},
"outputs": [],
"source": [
"model.compile(optimizer=Adam(learning_rate=.0001), loss='categorical_crossentropy',\n",
" metrics=['accuracy'])\n",
"# sparse_categorical_crossentropy"
]
},
{
"cell_type": "code",
"execution_count": 18,
"id": "9cd2ba27",
"metadata": {
"scrolled": false
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"2022-08-01 23:55:41.928470: I tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc:116] None of the MLIR optimization passes are enabled (registered 2)\n",
"2022-08-01 23:55:41.940358: I tensorflow/core/platform/profile_utils/cpu_utils.cc:112] CPU Frequency: 3393750000 Hz\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Epoch 1/30\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"2022-08-01 23:55:53.471745: W tensorflow/core/common_runtime/bfc_allocator.cc:433] Allocator (GPU_0_bfc) ran out of memory trying to allocate 3.38MiB (rounded to 3538944)requested by op Fill\n",
"Current allocation summary follows.\n",
"2022-08-01 23:55:53.471796: I tensorflow/core/common_runtime/bfc_allocator.cc:972] BFCAllocator dump for GPU_0_bfc\n",
"2022-08-01 23:55:53.471803: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (256): \tTotal Chunks: 479, Chunks in use: 479. 119.8KiB allocated for chunks. 119.8KiB in use in bin. 65.2KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471807: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (512): \tTotal Chunks: 525, Chunks in use: 525. 363.0KiB allocated for chunks. 363.0KiB in use in bin. 347.2KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471811: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (1024): \tTotal Chunks: 190, Chunks in use: 190. 211.2KiB allocated for chunks. 211.2KiB in use in bin. 198.4KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471814: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (2048): \tTotal Chunks: 5, Chunks in use: 5. 14.2KiB allocated for chunks. 14.2KiB in use in bin. 11.0KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471817: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (4096): \tTotal Chunks: 46, Chunks in use: 46. 206.5KiB allocated for chunks. 206.5KiB in use in bin. 203.4KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471820: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (8192): \tTotal Chunks: 20, Chunks in use: 20. 168.8KiB allocated for chunks. 168.8KiB in use in bin. 162.5KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471823: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (16384): \tTotal Chunks: 2, Chunks in use: 2. 40.0KiB allocated for chunks. 40.0KiB in use in bin. 40.0KiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471826: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (32768): \tTotal Chunks: 151, Chunks in use: 151. 6.32MiB allocated for chunks. 6.32MiB in use in bin. 6.14MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471828: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (65536): \tTotal Chunks: 43, Chunks in use: 43. 3.88MiB allocated for chunks. 3.88MiB in use in bin. 3.46MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471831: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (131072): \tTotal Chunks: 37, Chunks in use: 37. 6.12MiB allocated for chunks. 6.12MiB in use in bin. 5.54MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471834: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (262144): \tTotal Chunks: 25, Chunks in use: 25. 10.43MiB allocated for chunks. 10.43MiB in use in bin. 9.89MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471837: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (524288): \tTotal Chunks: 165, Chunks in use: 165. 115.12MiB allocated for chunks. 115.12MiB in use in bin. 107.24MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471841: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (1048576): \tTotal Chunks: 94, Chunks in use: 94. 132.08MiB allocated for chunks. 132.08MiB in use in bin. 123.59MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471844: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (2097152): \tTotal Chunks: 46, Chunks in use: 46. 137.52MiB allocated for chunks. 137.52MiB in use in bin. 119.97MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471847: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (4194304): \tTotal Chunks: 7, Chunks in use: 7. 37.82MiB allocated for chunks. 37.82MiB in use in bin. 26.48MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471850: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (8388608): \tTotal Chunks: 2, Chunks in use: 2. 24.38MiB allocated for chunks. 24.38MiB in use in bin. 24.38MiB client-requested in use in bin.\n",
"2022-08-01 23:55:53.471852: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (16777216): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n",
"2022-08-01 23:55:53.471855: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (33554432): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n",
"2022-08-01 23:55:53.471863: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (67108864): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n",
"2022-08-01 23:55:53.471865: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (134217728): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n",
"2022-08-01 23:55:53.471868: I tensorflow/core/common_runtime/bfc_allocator.cc:979] Bin (268435456): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n",
"2022-08-01 23:55:53.471871: I tensorflow/core/common_runtime/bfc_allocator.cc:995] Bin for 3.38MiB was 2.00MiB, Chunk State: \n",
"2022-08-01 23:55:53.471873: I tensorflow/core/common_runtime/bfc_allocator.cc:1008] Next region of size 497811456\n",
"2022-08-01 23:55:53.471879: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000000 of size 1280 next 1\n",
"2022-08-01 23:55:53.471881: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000500 of size 256 next 5\n",
"2022-08-01 23:55:53.471884: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000600 of size 256 next 8\n",
"2022-08-01 23:55:53.471886: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000700 of size 256 next 9\n",
"2022-08-01 23:55:53.471888: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000800 of size 256 next 10\n",
"2022-08-01 23:55:53.471890: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000900 of size 256 next 11\n",
"2022-08-01 23:55:53.471892: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000a00 of size 256 next 12\n",
"2022-08-01 23:55:53.471894: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000b00 of size 256 next 13\n",
"2022-08-01 23:55:53.471896: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000c00 of size 256 next 15\n",
"2022-08-01 23:55:53.471898: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000d00 of size 256 next 16\n",
"2022-08-01 23:55:53.471900: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000e00 of size 256 next 14\n",
"2022-08-01 23:55:53.471902: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432000f00 of size 256 next 19\n",
"2022-08-01 23:55:53.471905: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001000 of size 256 next 20\n",
"2022-08-01 23:55:53.471907: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001100 of size 256 next 21\n",
"2022-08-01 23:55:53.471909: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001200 of size 256 next 2\n",
"2022-08-01 23:55:53.471911: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001300 of size 256 next 3\n",
"2022-08-01 23:55:53.471913: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001400 of size 256 next 4\n",
"2022-08-01 23:55:53.471915: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001500 of size 256 next 22\n",
"2022-08-01 23:55:53.471917: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001600 of size 256 next 25\n",
"2022-08-01 23:55:53.471919: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001700 of size 256 next 26\n",
"2022-08-01 23:55:53.471921: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001800 of size 256 next 27\n",
"2022-08-01 23:55:53.471923: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001900 of size 256 next 28\n",
"2022-08-01 23:55:53.471925: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001a00 of size 256 next 30\n",
"2022-08-01 23:55:53.471927: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001b00 of size 256 next 31\n",
"2022-08-01 23:55:53.471930: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001c00 of size 512 next 29\n",
"2022-08-01 23:55:53.471933: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432001e00 of size 512 next 32\n",
"2022-08-01 23:55:53.471935: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002000 of size 512 next 34\n",
"2022-08-01 23:55:53.471937: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002200 of size 512 next 6\n",
"2022-08-01 23:55:53.471939: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002400 of size 256 next 1176\n",
"2022-08-01 23:55:53.471941: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002500 of size 512 next 1179\n",
"2022-08-01 23:55:53.471943: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002700 of size 768 next 1180\n",
"2022-08-01 23:55:53.471945: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432002a00 of size 2048 next 7\n",
"2022-08-01 23:55:53.471948: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003200 of size 256 next 36\n",
"2022-08-01 23:55:53.471950: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003300 of size 256 next 37\n",
"2022-08-01 23:55:53.471952: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003400 of size 768 next 35\n",
"2022-08-01 23:55:53.471954: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003700 of size 768 next 40\n",
"2022-08-01 23:55:53.471956: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003a00 of size 768 next 41\n",
"2022-08-01 23:55:53.471958: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003d00 of size 256 next 226\n",
"2022-08-01 23:55:53.471960: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003e00 of size 256 next 256\n",
"2022-08-01 23:55:53.471962: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432003f00 of size 256 next 42\n",
"2022-08-01 23:55:53.471964: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004000 of size 256 next 43\n",
"2022-08-01 23:55:53.471967: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004100 of size 256 next 44\n",
"2022-08-01 23:55:53.471969: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004200 of size 512 next 47\n",
"2022-08-01 23:55:53.471971: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004400 of size 512 next 48\n",
"2022-08-01 23:55:53.471973: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004600 of size 512 next 49\n",
"2022-08-01 23:55:53.471975: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004800 of size 512 next 50\n",
"2022-08-01 23:55:53.471977: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004a00 of size 256 next 52\n",
"2022-08-01 23:55:53.471979: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004b00 of size 256 next 53\n",
"2022-08-01 23:55:53.471981: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004c00 of size 256 next 51\n",
"2022-08-01 23:55:53.471983: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004d00 of size 256 next 55\n",
"2022-08-01 23:55:53.471985: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004e00 of size 256 next 56\n",
"2022-08-01 23:55:53.471987: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432004f00 of size 256 next 57\n",
"2022-08-01 23:55:53.471989: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005000 of size 256 next 59\n",
"2022-08-01 23:55:53.471991: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005100 of size 256 next 60\n",
"2022-08-01 23:55:53.471993: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005200 of size 256 next 58\n",
"2022-08-01 23:55:53.471995: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005300 of size 256 next 61\n",
"2022-08-01 23:55:53.471998: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005400 of size 256 next 63\n",
"2022-08-01 23:55:53.472000: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005500 of size 256 next 64\n",
"2022-08-01 23:55:53.472002: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005600 of size 256 next 65\n",
"2022-08-01 23:55:53.472004: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005700 of size 256 next 66\n",
"2022-08-01 23:55:53.472006: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005800 of size 256 next 69\n",
"2022-08-01 23:55:53.472008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005900 of size 256 next 70\n",
"2022-08-01 23:55:53.472011: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005a00 of size 256 next 71\n",
"2022-08-01 23:55:53.472013: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005b00 of size 256 next 72\n",
"2022-08-01 23:55:53.472015: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005c00 of size 256 next 74\n",
"2022-08-01 23:55:53.472017: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005d00 of size 256 next 75\n",
"2022-08-01 23:55:53.472019: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432005e00 of size 512 next 73\n",
"2022-08-01 23:55:53.472021: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006000 of size 512 next 77\n",
"2022-08-01 23:55:53.472023: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006200 of size 512 next 78\n",
"2022-08-01 23:55:53.472025: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006400 of size 512 next 79\n",
"2022-08-01 23:55:53.472027: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006600 of size 256 next 80\n",
"2022-08-01 23:55:53.472029: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006700 of size 256 next 81\n",
"2022-08-01 23:55:53.472031: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006800 of size 512 next 84\n",
"2022-08-01 23:55:53.472033: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006a00 of size 512 next 85\n",
"2022-08-01 23:55:53.472035: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006c00 of size 512 next 86\n",
"2022-08-01 23:55:53.472038: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006e00 of size 256 next 163\n",
"2022-08-01 23:55:53.472040: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432006f00 of size 256 next 87\n",
"2022-08-01 23:55:53.472042: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007000 of size 256 next 89\n",
"2022-08-01 23:55:53.472044: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007100 of size 256 next 90\n",
"2022-08-01 23:55:53.472046: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007200 of size 256 next 91\n",
"2022-08-01 23:55:53.472048: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007300 of size 256 next 92\n",
"2022-08-01 23:55:53.472050: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007400 of size 256 next 93\n",
"2022-08-01 23:55:53.472052: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007500 of size 256 next 94\n",
"2022-08-01 23:55:53.472054: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007600 of size 256 next 96\n",
"2022-08-01 23:55:53.472056: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007700 of size 256 next 97\n",
"2022-08-01 23:55:53.472059: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007800 of size 256 next 98\n",
"2022-08-01 23:55:53.472061: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007900 of size 256 next 99\n",
"2022-08-01 23:55:53.472063: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007a00 of size 256 next 101\n",
"2022-08-01 23:55:53.472065: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007b00 of size 256 next 102\n",
"2022-08-01 23:55:53.472068: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007c00 of size 256 next 103\n",
"2022-08-01 23:55:53.472070: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007d00 of size 256 next 104\n",
"2022-08-01 23:55:53.472072: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007e00 of size 256 next 106\n",
"2022-08-01 23:55:53.472074: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432007f00 of size 256 next 107\n",
"2022-08-01 23:55:53.472076: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008000 of size 256 next 108\n",
"2022-08-01 23:55:53.472078: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008100 of size 256 next 109\n",
"2022-08-01 23:55:53.472080: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008200 of size 256 next 112\n",
"2022-08-01 23:55:53.472082: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008300 of size 256 next 113\n",
"2022-08-01 23:55:53.472084: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008400 of size 256 next 114\n",
"2022-08-01 23:55:53.472086: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008500 of size 256 next 115\n",
"2022-08-01 23:55:53.472088: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008600 of size 256 next 117\n",
"2022-08-01 23:55:53.472090: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008700 of size 256 next 118\n",
"2022-08-01 23:55:53.472092: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008800 of size 256 next 116\n",
"2022-08-01 23:55:53.472094: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008900 of size 256 next 120\n",
"2022-08-01 23:55:53.472096: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008a00 of size 256 next 121\n",
"2022-08-01 23:55:53.472098: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008b00 of size 256 next 122\n",
"2022-08-01 23:55:53.472100: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008c00 of size 256 next 123\n",
"2022-08-01 23:55:53.472102: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008d00 of size 256 next 124\n",
"2022-08-01 23:55:53.472104: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008e00 of size 256 next 127\n",
"2022-08-01 23:55:53.472106: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432008f00 of size 256 next 128\n",
"2022-08-01 23:55:53.472108: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009000 of size 256 next 129\n",
"2022-08-01 23:55:53.472110: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009100 of size 256 next 130\n",
"2022-08-01 23:55:53.472112: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009200 of size 256 next 131\n",
"2022-08-01 23:55:53.472114: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009300 of size 256 next 132\n",
"2022-08-01 23:55:53.472116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009400 of size 1280 next 135\n",
"2022-08-01 23:55:53.472118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009900 of size 256 next 137\n",
"2022-08-01 23:55:53.472120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009a00 of size 256 next 138\n",
"2022-08-01 23:55:53.472122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009b00 of size 256 next 139\n",
"2022-08-01 23:55:53.472124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009c00 of size 256 next 140\n",
"2022-08-01 23:55:53.472126: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009d00 of size 256 next 141\n",
"2022-08-01 23:55:53.472128: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009e00 of size 256 next 142\n",
"2022-08-01 23:55:53.472131: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432009f00 of size 256 next 143\n",
"2022-08-01 23:55:53.472133: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a000 of size 256 next 144\n",
"2022-08-01 23:55:53.472135: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a100 of size 256 next 145\n",
"2022-08-01 23:55:53.472137: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a200 of size 256 next 146\n",
"2022-08-01 23:55:53.472139: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a300 of size 256 next 147\n",
"2022-08-01 23:55:53.472141: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a400 of size 256 next 148\n",
"2022-08-01 23:55:53.472143: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a500 of size 256 next 149\n",
"2022-08-01 23:55:53.472145: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a600 of size 256 next 151\n",
"2022-08-01 23:55:53.472147: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a700 of size 256 next 152\n",
"2022-08-01 23:55:53.472149: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a800 of size 256 next 153\n",
"2022-08-01 23:55:53.472151: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200a900 of size 256 next 154\n",
"2022-08-01 23:55:53.472153: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200aa00 of size 256 next 156\n",
"2022-08-01 23:55:53.472155: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ab00 of size 256 next 157\n",
"2022-08-01 23:55:53.472157: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ac00 of size 256 next 158\n",
"2022-08-01 23:55:53.472159: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ad00 of size 256 next 160\n",
"2022-08-01 23:55:53.472161: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ae00 of size 256 next 161\n",
"2022-08-01 23:55:53.472163: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200af00 of size 256 next 162\n",
"2022-08-01 23:55:53.472165: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200b000 of size 1536 next 165\n",
"2022-08-01 23:55:53.472167: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200b600 of size 256 next 167\n",
"2022-08-01 23:55:53.472169: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200b700 of size 256 next 168\n",
"2022-08-01 23:55:53.472171: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200b800 of size 256 next 169\n",
"2022-08-01 23:55:53.472173: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200b900 of size 256 next 170\n",
"2022-08-01 23:55:53.472175: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ba00 of size 256 next 172\n",
"2022-08-01 23:55:53.472177: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200bb00 of size 256 next 173\n",
"2022-08-01 23:55:53.472179: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200bc00 of size 256 next 174\n",
"2022-08-01 23:55:53.472181: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200bd00 of size 256 next 175\n",
"2022-08-01 23:55:53.472183: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200be00 of size 256 next 176\n",
"2022-08-01 23:55:53.472185: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200bf00 of size 256 next 177\n",
"2022-08-01 23:55:53.472187: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c000 of size 256 next 178\n",
"2022-08-01 23:55:53.472189: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c100 of size 256 next 179\n",
"2022-08-01 23:55:53.472191: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c200 of size 256 next 180\n",
"2022-08-01 23:55:53.472193: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c300 of size 256 next 182\n",
"2022-08-01 23:55:53.472196: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c400 of size 256 next 62\n",
"2022-08-01 23:55:53.472198: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c500 of size 256 next 184\n",
"2022-08-01 23:55:53.472200: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c600 of size 256 next 185\n",
"2022-08-01 23:55:53.472202: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c700 of size 256 next 186\n",
"2022-08-01 23:55:53.472204: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c800 of size 256 next 188\n",
"2022-08-01 23:55:53.472206: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200c900 of size 256 next 189\n",
"2022-08-01 23:55:53.472208: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ca00 of size 256 next 192\n",
"2022-08-01 23:55:53.472210: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200cb00 of size 256 next 193\n",
"2022-08-01 23:55:53.472212: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200cc00 of size 256 next 191\n",
"2022-08-01 23:55:53.472214: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200cd00 of size 256 next 195\n",
"2022-08-01 23:55:53.472216: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200ce00 of size 256 next 200\n",
"2022-08-01 23:55:53.472218: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200cf00 of size 256 next 201\n",
"2022-08-01 23:55:53.472220: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200d000 of size 256 next 202\n",
"2022-08-01 23:55:53.472222: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200d100 of size 1536 next 220\n",
"2022-08-01 23:55:53.472224: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200d700 of size 4352 next 463\n",
"2022-08-01 23:55:53.472226: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200e800 of size 4352 next 654\n",
"2022-08-01 23:55:53.472229: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143200f900 of size 8448 next 1183\n",
"2022-08-01 23:55:53.472231: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011a00 of size 256 next 1224\n",
"2022-08-01 23:55:53.472233: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011b00 of size 256 next 1227\n",
"2022-08-01 23:55:53.472235: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011c00 of size 256 next 1228\n",
"2022-08-01 23:55:53.472237: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011d00 of size 256 next 1231\n",
"2022-08-01 23:55:53.472239: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011e00 of size 256 next 1232\n",
"2022-08-01 23:55:53.472241: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432011f00 of size 256 next 1233\n",
"2022-08-01 23:55:53.472243: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012000 of size 1280 next 1235\n",
"2022-08-01 23:55:53.472245: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012500 of size 256 next 1237\n",
"2022-08-01 23:55:53.472247: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012600 of size 256 next 1240\n",
"2022-08-01 23:55:53.472249: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012700 of size 256 next 1241\n",
"2022-08-01 23:55:53.472251: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012800 of size 256 next 1245\n",
"2022-08-01 23:55:53.472253: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012900 of size 256 next 1246\n",
"2022-08-01 23:55:53.472270: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012a00 of size 256 next 1247\n",
"2022-08-01 23:55:53.472273: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432012b00 of size 1280 next 1249\n",
"2022-08-01 23:55:53.472275: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013000 of size 256 next 1251\n",
"2022-08-01 23:55:53.472277: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013100 of size 256 next 1254\n",
"2022-08-01 23:55:53.472279: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013200 of size 256 next 1255\n",
"2022-08-01 23:55:53.472282: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013300 of size 256 next 1259\n",
"2022-08-01 23:55:53.472284: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013400 of size 256 next 1260\n",
"2022-08-01 23:55:53.472286: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013500 of size 256 next 1261\n",
"2022-08-01 23:55:53.472288: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013600 of size 1280 next 1263\n",
"2022-08-01 23:55:53.472290: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013b00 of size 256 next 1265\n",
"2022-08-01 23:55:53.472292: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013c00 of size 256 next 1268\n",
"2022-08-01 23:55:53.472294: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013d00 of size 256 next 1269\n",
"2022-08-01 23:55:53.472296: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013e00 of size 256 next 1273\n",
"2022-08-01 23:55:53.472298: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432013f00 of size 256 next 1274\n",
"2022-08-01 23:55:53.472300: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014000 of size 256 next 1275\n",
"2022-08-01 23:55:53.472302: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014100 of size 1280 next 1277\n",
"2022-08-01 23:55:53.472304: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014600 of size 256 next 1279\n",
"2022-08-01 23:55:53.472306: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014700 of size 256 next 1282\n",
"2022-08-01 23:55:53.472308: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014800 of size 256 next 1283\n",
"2022-08-01 23:55:53.472310: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014900 of size 256 next 1287\n",
"2022-08-01 23:55:53.472312: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014a00 of size 256 next 1288\n",
"2022-08-01 23:55:53.472314: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014b00 of size 256 next 1289\n",
"2022-08-01 23:55:53.472316: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432014c00 of size 1536 next 18\n",
"2022-08-01 23:55:53.472318: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432015200 of size 36864 next 17\n",
"2022-08-01 23:55:53.472320: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143201e200 of size 36864 next 105\n",
"2022-08-01 23:55:53.472322: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027200 of size 1280 next 196\n",
"2022-08-01 23:55:53.472324: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027700 of size 256 next 203\n",
"2022-08-01 23:55:53.472327: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027800 of size 256 next 204\n",
"2022-08-01 23:55:53.472329: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027900 of size 256 next 205\n",
"2022-08-01 23:55:53.472331: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027a00 of size 256 next 206\n",
"2022-08-01 23:55:53.472333: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027b00 of size 256 next 207\n",
"2022-08-01 23:55:53.472335: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027c00 of size 256 next 208\n",
"2022-08-01 23:55:53.472337: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027d00 of size 256 next 209\n",
"2022-08-01 23:55:53.472339: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027e00 of size 256 next 210\n",
"2022-08-01 23:55:53.472341: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432027f00 of size 256 next 211\n",
"2022-08-01 23:55:53.472343: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028000 of size 256 next 213\n",
"2022-08-01 23:55:53.472345: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028100 of size 256 next 159\n",
"2022-08-01 23:55:53.472347: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028200 of size 256 next 215\n",
"2022-08-01 23:55:53.472349: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028300 of size 256 next 216\n",
"2022-08-01 23:55:53.472351: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028400 of size 256 next 219\n",
"2022-08-01 23:55:53.472353: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028500 of size 256 next 199\n",
"2022-08-01 23:55:53.472355: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028600 of size 256 next 221\n",
"2022-08-01 23:55:53.472357: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028700 of size 256 next 223\n",
"2022-08-01 23:55:53.472360: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028800 of size 256 next 224\n",
"2022-08-01 23:55:53.472362: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028900 of size 256 next 225\n",
"2022-08-01 23:55:53.472364: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432028a00 of size 1536 next 227\n",
"2022-08-01 23:55:53.472366: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029000 of size 256 next 231\n",
"2022-08-01 23:55:53.472368: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029100 of size 256 next 232\n",
"2022-08-01 23:55:53.472370: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029200 of size 256 next 233\n",
"2022-08-01 23:55:53.472372: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029300 of size 256 next 234\n",
"2022-08-01 23:55:53.472374: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029400 of size 256 next 235\n",
"2022-08-01 23:55:53.472376: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029500 of size 256 next 236\n",
"2022-08-01 23:55:53.472378: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029600 of size 256 next 237\n",
"2022-08-01 23:55:53.472380: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029700 of size 256 next 238\n",
"2022-08-01 23:55:53.472382: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029800 of size 256 next 239\n",
"2022-08-01 23:55:53.472384: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029900 of size 256 next 240\n",
"2022-08-01 23:55:53.472386: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029a00 of size 256 next 241\n",
"2022-08-01 23:55:53.472388: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029b00 of size 256 next 242\n",
"2022-08-01 23:55:53.472390: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029c00 of size 256 next 245\n",
"2022-08-01 23:55:53.472392: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029d00 of size 256 next 246\n",
"2022-08-01 23:55:53.472394: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029e00 of size 256 next 247\n",
"2022-08-01 23:55:53.472396: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432029f00 of size 256 next 248\n",
"2022-08-01 23:55:53.472398: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a000 of size 256 next 251\n",
"2022-08-01 23:55:53.472400: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a100 of size 256 next 252\n",
"2022-08-01 23:55:53.472402: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a200 of size 256 next 253\n",
"2022-08-01 23:55:53.472404: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a300 of size 256 next 254\n",
"2022-08-01 23:55:53.472406: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a400 of size 256 next 257\n",
"2022-08-01 23:55:53.472409: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a500 of size 256 next 258\n",
"2022-08-01 23:55:53.472411: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a600 of size 256 next 259\n",
"2022-08-01 23:55:53.472413: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202a700 of size 1536 next 263\n",
"2022-08-01 23:55:53.472415: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ad00 of size 256 next 264\n",
"2022-08-01 23:55:53.472417: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ae00 of size 256 next 265\n",
"2022-08-01 23:55:53.472419: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202af00 of size 256 next 266\n",
"2022-08-01 23:55:53.472421: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b000 of size 256 next 267\n",
"2022-08-01 23:55:53.472423: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b100 of size 256 next 268\n",
"2022-08-01 23:55:53.472425: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b200 of size 256 next 269\n",
"2022-08-01 23:55:53.472427: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b300 of size 256 next 270\n",
"2022-08-01 23:55:53.472429: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b400 of size 256 next 271\n",
"2022-08-01 23:55:53.472432: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b500 of size 256 next 272\n",
"2022-08-01 23:55:53.472434: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b600 of size 256 next 273\n",
"2022-08-01 23:55:53.472436: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b700 of size 256 next 274\n",
"2022-08-01 23:55:53.472438: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b800 of size 256 next 275\n",
"2022-08-01 23:55:53.472440: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202b900 of size 256 next 276\n",
"2022-08-01 23:55:53.472442: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ba00 of size 256 next 278\n",
"2022-08-01 23:55:53.472444: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202bb00 of size 256 next 260\n",
"2022-08-01 23:55:53.472446: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202bc00 of size 256 next 280\n",
"2022-08-01 23:55:53.472448: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202bd00 of size 256 next 281\n",
"2022-08-01 23:55:53.472450: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202be00 of size 256 next 283\n",
"2022-08-01 23:55:53.472452: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202bf00 of size 256 next 284\n",
"2022-08-01 23:55:53.472454: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202c000 of size 256 next 285\n",
"2022-08-01 23:55:53.472456: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202c100 of size 256 next 287\n",
"2022-08-01 23:55:53.472458: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202c200 of size 256 next 288\n",
"2022-08-01 23:55:53.472460: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202c300 of size 256 next 290\n",
"2022-08-01 23:55:53.472462: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202c400 of size 1536 next 293\n",
"2022-08-01 23:55:53.472464: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ca00 of size 256 next 295\n",
"2022-08-01 23:55:53.472466: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202cb00 of size 256 next 296\n",
"2022-08-01 23:55:53.472468: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202cc00 of size 256 next 297\n",
"2022-08-01 23:55:53.472470: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202cd00 of size 256 next 298\n",
"2022-08-01 23:55:53.472472: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ce00 of size 256 next 300\n",
"2022-08-01 23:55:53.472474: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202cf00 of size 256 next 301\n",
"2022-08-01 23:55:53.472476: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d000 of size 256 next 302\n",
"2022-08-01 23:55:53.472478: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d100 of size 256 next 303\n",
"2022-08-01 23:55:53.472480: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d200 of size 256 next 304\n",
"2022-08-01 23:55:53.472482: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d300 of size 256 next 305\n",
"2022-08-01 23:55:53.472484: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d400 of size 256 next 306\n",
"2022-08-01 23:55:53.472487: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d500 of size 256 next 307\n",
"2022-08-01 23:55:53.472489: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d600 of size 256 next 309\n",
"2022-08-01 23:55:53.472491: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d700 of size 256 next 310\n",
"2022-08-01 23:55:53.472493: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d800 of size 256 next 311\n",
"2022-08-01 23:55:53.472495: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202d900 of size 256 next 312\n",
"2022-08-01 23:55:53.472497: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202da00 of size 256 next 313\n",
"2022-08-01 23:55:53.472499: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202db00 of size 256 next 315\n",
"2022-08-01 23:55:53.472501: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202dc00 of size 256 next 316\n",
"2022-08-01 23:55:53.472503: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202dd00 of size 256 next 317\n",
"2022-08-01 23:55:53.472505: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202de00 of size 256 next 320\n",
"2022-08-01 23:55:53.472507: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202df00 of size 256 next 321\n",
"2022-08-01 23:55:53.472509: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e000 of size 256 next 322\n",
"2022-08-01 23:55:53.472511: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e100 of size 256 next 286\n",
"2022-08-01 23:55:53.472513: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e200 of size 1280 next 326\n",
"2022-08-01 23:55:53.472515: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e700 of size 256 next 327\n",
"2022-08-01 23:55:53.472517: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e800 of size 256 next 328\n",
"2022-08-01 23:55:53.472519: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202e900 of size 256 next 329\n",
"2022-08-01 23:55:53.472521: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ea00 of size 256 next 330\n",
"2022-08-01 23:55:53.472523: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202eb00 of size 256 next 332\n",
"2022-08-01 23:55:53.472525: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ec00 of size 256 next 333\n",
"2022-08-01 23:55:53.472527: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ed00 of size 256 next 334\n",
"2022-08-01 23:55:53.472529: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ee00 of size 256 next 335\n",
"2022-08-01 23:55:53.472531: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ef00 of size 256 next 336\n",
"2022-08-01 23:55:53.472533: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f000 of size 256 next 337\n",
"2022-08-01 23:55:53.472536: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f100 of size 256 next 338\n",
"2022-08-01 23:55:53.472538: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f200 of size 256 next 339\n",
"2022-08-01 23:55:53.472540: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f300 of size 256 next 341\n",
"2022-08-01 23:55:53.472542: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f400 of size 256 next 342\n",
"2022-08-01 23:55:53.472544: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f500 of size 256 next 343\n",
"2022-08-01 23:55:53.472546: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f600 of size 256 next 344\n",
"2022-08-01 23:55:53.472548: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f700 of size 256 next 345\n",
"2022-08-01 23:55:53.472550: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f800 of size 256 next 347\n",
"2022-08-01 23:55:53.472552: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202f900 of size 256 next 348\n",
"2022-08-01 23:55:53.472554: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202fa00 of size 256 next 349\n",
"2022-08-01 23:55:53.472556: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202fb00 of size 256 next 352\n",
"2022-08-01 23:55:53.472558: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202fc00 of size 256 next 353\n",
"2022-08-01 23:55:53.472561: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202fd00 of size 256 next 354\n",
"2022-08-01 23:55:53.472563: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202fe00 of size 256 next 355\n",
"2022-08-01 23:55:53.472565: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143202ff00 of size 256 next 359\n",
"2022-08-01 23:55:53.472567: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432030000 of size 256 next 360\n",
"2022-08-01 23:55:53.472569: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432030100 of size 256 next 24\n",
"2022-08-01 23:55:53.472571: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432030200 of size 73728 next 23\n",
"2022-08-01 23:55:53.472573: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432042200 of size 36864 next 54\n",
"2022-08-01 23:55:53.472575: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204b200 of size 256 next 358\n",
"2022-08-01 23:55:53.472577: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204b300 of size 1280 next 361\n",
"2022-08-01 23:55:53.472579: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204b800 of size 256 next 363\n",
"2022-08-01 23:55:53.472581: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204b900 of size 256 next 364\n",
"2022-08-01 23:55:53.472583: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204ba00 of size 256 next 365\n",
"2022-08-01 23:55:53.472585: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204bb00 of size 256 next 366\n",
"2022-08-01 23:55:53.472587: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204bc00 of size 256 next 367\n",
"2022-08-01 23:55:53.472589: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204bd00 of size 256 next 368\n",
"2022-08-01 23:55:53.472591: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204be00 of size 256 next 369\n",
"2022-08-01 23:55:53.472593: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204bf00 of size 256 next 370\n",
"2022-08-01 23:55:53.472595: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c000 of size 256 next 372\n",
"2022-08-01 23:55:53.472597: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c100 of size 256 next 373\n",
"2022-08-01 23:55:53.472599: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c200 of size 256 next 374\n",
"2022-08-01 23:55:53.472601: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c300 of size 256 next 375\n",
"2022-08-01 23:55:53.472603: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c400 of size 256 next 376\n",
"2022-08-01 23:55:53.472606: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c500 of size 256 next 378\n",
"2022-08-01 23:55:53.472608: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c600 of size 256 next 379\n",
"2022-08-01 23:55:53.472610: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c700 of size 256 next 380\n",
"2022-08-01 23:55:53.472612: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c800 of size 256 next 383\n",
"2022-08-01 23:55:53.472614: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204c900 of size 256 next 384\n",
"2022-08-01 23:55:53.472616: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204ca00 of size 256 next 385\n",
"2022-08-01 23:55:53.472618: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204cb00 of size 256 next 386\n",
"2022-08-01 23:55:53.472620: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204cc00 of size 1280 next 389\n",
"2022-08-01 23:55:53.472622: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d100 of size 256 next 390\n",
"2022-08-01 23:55:53.472624: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d200 of size 256 next 391\n",
"2022-08-01 23:55:53.472626: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d300 of size 256 next 392\n",
"2022-08-01 23:55:53.472628: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d400 of size 256 next 393\n",
"2022-08-01 23:55:53.472630: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d500 of size 256 next 395\n",
"2022-08-01 23:55:53.472632: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d600 of size 256 next 396\n",
"2022-08-01 23:55:53.472634: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d700 of size 256 next 397\n",
"2022-08-01 23:55:53.472636: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d800 of size 256 next 398\n",
"2022-08-01 23:55:53.472638: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204d900 of size 256 next 399\n",
"2022-08-01 23:55:53.472640: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204da00 of size 256 next 400\n",
"2022-08-01 23:55:53.472642: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204db00 of size 256 next 401\n",
"2022-08-01 23:55:53.472644: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204dc00 of size 256 next 402\n",
"2022-08-01 23:55:53.472646: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204dd00 of size 256 next 404\n",
"2022-08-01 23:55:53.472649: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204de00 of size 256 next 405\n",
"2022-08-01 23:55:53.472651: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204df00 of size 256 next 406\n",
"2022-08-01 23:55:53.472653: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e000 of size 256 next 407\n",
"2022-08-01 23:55:53.472655: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e100 of size 256 next 408\n",
"2022-08-01 23:55:53.472657: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e200 of size 256 next 410\n",
"2022-08-01 23:55:53.472659: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e300 of size 256 next 411\n",
"2022-08-01 23:55:53.472661: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e400 of size 256 next 412\n",
"2022-08-01 23:55:53.472663: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e500 of size 256 next 415\n",
"2022-08-01 23:55:53.472665: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e600 of size 256 next 416\n",
"2022-08-01 23:55:53.472667: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e700 of size 256 next 417\n",
"2022-08-01 23:55:53.472669: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204e800 of size 1536 next 421\n",
"2022-08-01 23:55:53.472671: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204ee00 of size 256 next 423\n",
"2022-08-01 23:55:53.472673: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204ef00 of size 256 next 424\n",
"2022-08-01 23:55:53.472675: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204f000 of size 1536 next 422\n",
"2022-08-01 23:55:53.472677: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204f600 of size 1536 next 427\n",
"2022-08-01 23:55:53.472679: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143204fc00 of size 1536 next 428\n",
"2022-08-01 23:55:53.472681: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432050200 of size 1536 next 429\n",
"2022-08-01 23:55:53.472683: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432050800 of size 1024 next 430\n",
"2022-08-01 23:55:53.472686: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432050c00 of size 1024 next 433\n",
"2022-08-01 23:55:53.472688: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051000 of size 1024 next 434\n",
"2022-08-01 23:55:53.472690: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051400 of size 1024 next 435\n",
"2022-08-01 23:55:53.472692: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051800 of size 256 next 437\n",
"2022-08-01 23:55:53.472694: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051900 of size 256 next 438\n",
"2022-08-01 23:55:53.472696: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051a00 of size 1024 next 436\n",
"2022-08-01 23:55:53.472698: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432051e00 of size 1024 next 439\n",
"2022-08-01 23:55:53.472700: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052200 of size 1024 next 441\n",
"2022-08-01 23:55:53.472702: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052600 of size 512 next 425\n",
"2022-08-01 23:55:53.472704: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052800 of size 512 next 442\n",
"2022-08-01 23:55:53.472706: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052a00 of size 256 next 443\n",
"2022-08-01 23:55:53.472708: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052b00 of size 256 next 444\n",
"2022-08-01 23:55:53.472710: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432052c00 of size 1536 next 447\n",
"2022-08-01 23:55:53.472712: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432053200 of size 1536 next 448\n",
"2022-08-01 23:55:53.472714: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432053800 of size 2560 next 46\n",
"2022-08-01 23:55:53.472716: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432054200 of size 73728 next 45\n",
"2022-08-01 23:55:53.472719: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432066200 of size 49152 next 68\n",
"2022-08-01 23:55:53.472721: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432072200 of size 49152 next 67\n",
"2022-08-01 23:55:53.472723: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143207e200 of size 55296 next 119\n",
"2022-08-01 23:55:53.472725: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143208ba00 of size 276480 next 155\n",
"2022-08-01 23:55:53.472727: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14320cf200 of size 557056 next 136\n",
"2022-08-01 23:55:53.472729: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432157200 of size 835584 next 95\n",
"2022-08-01 23:55:53.472732: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432223200 of size 40960 next 100\n",
"2022-08-01 23:55:53.472734: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143222d200 of size 40960 next 111\n",
"2022-08-01 23:55:53.472736: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432237200 of size 40960 next 110\n",
"2022-08-01 23:55:53.472738: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432241200 of size 40960 next 150\n",
"2022-08-01 23:55:53.472740: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143224b200 of size 77824 next 83\n",
"2022-08-01 23:55:53.472743: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143225e200 of size 40960 next 76\n",
"2022-08-01 23:55:53.472745: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432268200 of size 55296 next 1181\n",
"2022-08-01 23:55:53.472747: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432275a00 of size 110592 next 88\n",
"2022-08-01 23:55:53.472749: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432290a00 of size 55296 next 126\n",
"2022-08-01 23:55:53.472751: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143229e200 of size 69632 next 82\n",
"2022-08-01 23:55:53.472753: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322af200 of size 40960 next 166\n",
"2022-08-01 23:55:53.472755: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322b9200 of size 40960 next 171\n",
"2022-08-01 23:55:53.472757: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3200 of size 768 next 453\n",
"2022-08-01 23:55:53.472759: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3500 of size 768 next 449\n",
"2022-08-01 23:55:53.472761: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3800 of size 256 next 451\n",
"2022-08-01 23:55:53.472763: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3900 of size 256 next 452\n",
"2022-08-01 23:55:53.472766: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3a00 of size 768 next 450\n",
"2022-08-01 23:55:53.472768: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c3d00 of size 768 next 455\n",
"2022-08-01 23:55:53.472770: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4000 of size 768 next 456\n",
"2022-08-01 23:55:53.472772: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4300 of size 768 next 457\n",
"2022-08-01 23:55:53.472774: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4600 of size 256 next 458\n",
"2022-08-01 23:55:53.472776: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4700 of size 256 next 459\n",
"2022-08-01 23:55:53.472778: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4800 of size 512 next 461\n",
"2022-08-01 23:55:53.472780: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4a00 of size 512 next 462\n",
"2022-08-01 23:55:53.472782: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c4c00 of size 1024 next 464\n",
"2022-08-01 23:55:53.472784: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5000 of size 256 next 465\n",
"2022-08-01 23:55:53.472786: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5100 of size 256 next 466\n",
"2022-08-01 23:55:53.472788: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5200 of size 768 next 467\n",
"2022-08-01 23:55:53.472790: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5500 of size 768 next 468\n",
"2022-08-01 23:55:53.472792: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5800 of size 768 next 469\n",
"2022-08-01 23:55:53.472794: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5b00 of size 768 next 470\n",
"2022-08-01 23:55:53.472796: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5e00 of size 256 next 471\n",
"2022-08-01 23:55:53.472798: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c5f00 of size 256 next 472\n",
"2022-08-01 23:55:53.472800: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6000 of size 768 next 475\n",
"2022-08-01 23:55:53.472802: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6300 of size 768 next 476\n",
"2022-08-01 23:55:53.472804: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6600 of size 768 next 477\n",
"2022-08-01 23:55:53.472806: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6900 of size 768 next 478\n",
"2022-08-01 23:55:53.472809: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6c00 of size 256 next 479\n",
"2022-08-01 23:55:53.472811: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6d00 of size 256 next 480\n",
"2022-08-01 23:55:53.472813: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c6e00 of size 4352 next 483\n",
"2022-08-01 23:55:53.472815: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c7f00 of size 768 next 485\n",
"2022-08-01 23:55:53.472817: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8200 of size 768 next 486\n",
"2022-08-01 23:55:53.472819: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8500 of size 768 next 487\n",
"2022-08-01 23:55:53.472821: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8800 of size 768 next 488\n",
"2022-08-01 23:55:53.472823: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8b00 of size 512 next 489\n",
"2022-08-01 23:55:53.472825: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8d00 of size 512 next 490\n",
"2022-08-01 23:55:53.472827: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c8f00 of size 512 next 491\n",
"2022-08-01 23:55:53.472829: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9100 of size 512 next 492\n",
"2022-08-01 23:55:53.472831: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9300 of size 768 next 493\n",
"2022-08-01 23:55:53.472833: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9600 of size 768 next 494\n",
"2022-08-01 23:55:53.472835: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9900 of size 768 next 125\n",
"2022-08-01 23:55:53.472837: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9c00 of size 768 next 496\n",
"2022-08-01 23:55:53.472840: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322c9f00 of size 768 next 497\n",
"2022-08-01 23:55:53.472842: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322ca200 of size 768 next 498\n",
"2022-08-01 23:55:53.472844: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322ca500 of size 768 next 501\n",
"2022-08-01 23:55:53.472846: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322ca800 of size 5120 next 504\n",
"2022-08-01 23:55:53.472848: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cbc00 of size 768 next 505\n",
"2022-08-01 23:55:53.472850: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cbf00 of size 768 next 507\n",
"2022-08-01 23:55:53.472852: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cc200 of size 768 next 508\n",
"2022-08-01 23:55:53.472854: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cc500 of size 768 next 509\n",
"2022-08-01 23:55:53.472856: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cc800 of size 512 next 510\n",
"2022-08-01 23:55:53.472858: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cca00 of size 512 next 511\n",
"2022-08-01 23:55:53.472860: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322ccc00 of size 512 next 512\n",
"2022-08-01 23:55:53.472862: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cce00 of size 512 next 513\n",
"2022-08-01 23:55:53.472864: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cd000 of size 512 next 181\n",
"2022-08-01 23:55:53.472866: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322cd200 of size 40960 next 134\n",
"2022-08-01 23:55:53.472869: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322d7200 of size 163840 next 133\n",
"2022-08-01 23:55:53.472871: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14322ff200 of size 55296 next 183\n",
"2022-08-01 23:55:53.472873: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143230ca00 of size 219136 next 164\n",
"2022-08-01 23:55:53.472875: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432342200 of size 40960 next 212\n",
"2022-08-01 23:55:53.472878: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143234c200 of size 180224 next 190\n",
"2022-08-01 23:55:53.472880: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432378200 of size 40960 next 230\n",
"2022-08-01 23:55:53.472882: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432382200 of size 69632 next 218\n",
"2022-08-01 23:55:53.472884: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432393200 of size 55296 next 217\n",
"2022-08-01 23:55:53.472886: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323a0a00 of size 40960 next 244\n",
"2022-08-01 23:55:53.472888: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323aaa00 of size 40960 next 243\n",
"2022-08-01 23:55:53.472890: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323b4a00 of size 79872 next 198\n",
"2022-08-01 23:55:53.472892: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323c8200 of size 40960 next 214\n",
"2022-08-01 23:55:53.472894: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323d2200 of size 55296 next 187\n",
"2022-08-01 23:55:53.472896: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323dfa00 of size 67584 next 197\n",
"2022-08-01 23:55:53.472898: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14323f0200 of size 110592 next 222\n",
"2022-08-01 23:55:53.472900: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143240b200 of size 55296 next 250\n",
"2022-08-01 23:55:53.472902: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432418a00 of size 55296 next 249\n",
"2022-08-01 23:55:53.472905: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432426200 of size 55296 next 282\n",
"2022-08-01 23:55:53.472907: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432433a00 of size 40960 next 294\n",
"2022-08-01 23:55:53.472909: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143243da00 of size 40960 next 299\n",
"2022-08-01 23:55:53.472911: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432447a00 of size 79872 next 229\n",
"2022-08-01 23:55:53.472913: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143245b200 of size 163840 next 228\n",
"2022-08-01 23:55:53.472915: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432483200 of size 40960 next 277\n",
"2022-08-01 23:55:53.472917: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143248d200 of size 180224 next 255\n",
"2022-08-01 23:55:53.472919: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14324b9200 of size 40960 next 308\n",
"2022-08-01 23:55:53.472921: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14324c3200 of size 55296 next 314\n",
"2022-08-01 23:55:53.472923: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14324d0a00 of size 67584 next 262\n",
"2022-08-01 23:55:53.472925: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14324e1200 of size 40960 next 279\n",
"2022-08-01 23:55:53.472928: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14324eb200 of size 122880 next 261\n",
"2022-08-01 23:55:53.472930: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432509200 of size 55296 next 289\n",
"2022-08-01 23:55:53.472932: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432516a00 of size 96256 next 340\n",
"2022-08-01 23:55:53.472934: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252e200 of size 768 next 515\n",
"2022-08-01 23:55:53.472936: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252e500 of size 768 next 516\n",
"2022-08-01 23:55:53.472938: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252e800 of size 768 next 517\n",
"2022-08-01 23:55:53.472940: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252eb00 of size 768 next 518\n",
"2022-08-01 23:55:53.472943: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252ee00 of size 768 next 521\n",
"2022-08-01 23:55:53.472945: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252f100 of size 768 next 522\n",
"2022-08-01 23:55:53.472947: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252f400 of size 768 next 523\n",
"2022-08-01 23:55:53.472949: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252f700 of size 768 next 519\n",
"2022-08-01 23:55:53.472951: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143252fa00 of size 4352 next 525\n",
"2022-08-01 23:55:53.472953: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432530b00 of size 768 next 528\n",
"2022-08-01 23:55:53.472955: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432530e00 of size 768 next 529\n",
"2022-08-01 23:55:53.472957: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531100 of size 768 next 530\n",
"2022-08-01 23:55:53.472959: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531400 of size 768 next 531\n",
"2022-08-01 23:55:53.472962: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531700 of size 512 next 532\n",
"2022-08-01 23:55:53.472964: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531900 of size 512 next 533\n",
"2022-08-01 23:55:53.472966: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531b00 of size 512 next 534\n",
"2022-08-01 23:55:53.472968: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432531d00 of size 768 next 536\n",
"2022-08-01 23:55:53.472970: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532000 of size 768 next 537\n",
"2022-08-01 23:55:53.472972: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532300 of size 768 next 538\n",
"2022-08-01 23:55:53.472974: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532600 of size 768 next 539\n",
"2022-08-01 23:55:53.472976: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532900 of size 768 next 540\n",
"2022-08-01 23:55:53.472978: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532c00 of size 768 next 541\n",
"2022-08-01 23:55:53.472980: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432532f00 of size 768 next 543\n",
"2022-08-01 23:55:53.472983: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432533200 of size 768 next 544\n",
"2022-08-01 23:55:53.472985: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432533500 of size 4352 next 547\n",
"2022-08-01 23:55:53.472987: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432534600 of size 768 next 548\n",
"2022-08-01 23:55:53.472989: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432534900 of size 768 next 550\n",
"2022-08-01 23:55:53.472991: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432534c00 of size 768 next 551\n",
"2022-08-01 23:55:53.472993: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432534f00 of size 768 next 552\n",
"2022-08-01 23:55:53.472995: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535200 of size 512 next 553\n",
"2022-08-01 23:55:53.472997: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535400 of size 512 next 554\n",
"2022-08-01 23:55:53.472999: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535600 of size 512 next 555\n",
"2022-08-01 23:55:53.473001: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535800 of size 512 next 556\n",
"2022-08-01 23:55:53.473004: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535a00 of size 768 next 558\n",
"2022-08-01 23:55:53.473006: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432535d00 of size 768 next 559\n",
"2022-08-01 23:55:53.473008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536000 of size 768 next 560\n",
"2022-08-01 23:55:53.473010: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536300 of size 768 next 561\n",
"2022-08-01 23:55:53.473012: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536600 of size 768 next 564\n",
"2022-08-01 23:55:53.473014: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536900 of size 768 next 565\n",
"2022-08-01 23:55:53.473016: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536c00 of size 768 next 566\n",
"2022-08-01 23:55:53.473018: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432536f00 of size 768 next 562\n",
"2022-08-01 23:55:53.473020: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432537200 of size 4352 next 568\n",
"2022-08-01 23:55:53.473023: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432538300 of size 768 next 571\n",
"2022-08-01 23:55:53.473025: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432538600 of size 768 next 572\n",
"2022-08-01 23:55:53.473027: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432538900 of size 768 next 573\n",
"2022-08-01 23:55:53.473029: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432538c00 of size 768 next 574\n",
"2022-08-01 23:55:53.473031: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432538f00 of size 512 next 575\n",
"2022-08-01 23:55:53.473033: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539100 of size 512 next 576\n",
"2022-08-01 23:55:53.473035: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539300 of size 512 next 577\n",
"2022-08-01 23:55:53.473037: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539500 of size 512 next 578\n",
"2022-08-01 23:55:53.473039: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539700 of size 768 next 580\n",
"2022-08-01 23:55:53.473041: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539a00 of size 768 next 581\n",
"2022-08-01 23:55:53.473043: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432539d00 of size 768 next 582\n",
"2022-08-01 23:55:53.473045: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253a000 of size 768 next 583\n",
"2022-08-01 23:55:53.473048: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253a300 of size 768 next 584\n",
"2022-08-01 23:55:53.473050: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253a600 of size 768 next 585\n",
"2022-08-01 23:55:53.473052: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253a900 of size 768 next 587\n",
"2022-08-01 23:55:53.473054: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253ac00 of size 768 next 588\n",
"2022-08-01 23:55:53.473056: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253af00 of size 768 next 592\n",
"2022-08-01 23:55:53.473058: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253b200 of size 768 next 594\n",
"2022-08-01 23:55:53.473060: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253b500 of size 1280 next 346\n",
"2022-08-01 23:55:53.473062: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143253ba00 of size 67584 next 292\n",
"2022-08-01 23:55:53.473064: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143254c200 of size 163840 next 291\n",
"2022-08-01 23:55:53.473067: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432574200 of size 40960 next 331\n",
"2022-08-01 23:55:53.473069: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143257e200 of size 69632 next 319\n",
"2022-08-01 23:55:53.473071: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143258f200 of size 110592 next 318\n",
"2022-08-01 23:55:53.473074: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14325aa200 of size 40960 next 371\n",
"2022-08-01 23:55:53.473076: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14325b4200 of size 55296 next 377\n",
"2022-08-01 23:55:53.473078: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14325c1a00 of size 67584 next 325\n",
"2022-08-01 23:55:53.473080: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14325d2200 of size 163840 next 324\n",
"2022-08-01 23:55:53.473082: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14325fa200 of size 40960 next 362\n",
"2022-08-01 23:55:53.473084: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432604200 of size 180224 next 350\n",
"2022-08-01 23:55:53.473086: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432630200 of size 40960 next 403\n",
"2022-08-01 23:55:53.473088: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263a200 of size 768 next 591\n",
"2022-08-01 23:55:53.473090: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263a500 of size 4352 next 595\n",
"2022-08-01 23:55:53.473093: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263b600 of size 512 next 596\n",
"2022-08-01 23:55:53.473095: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263b800 of size 512 next 597\n",
"2022-08-01 23:55:53.473097: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263ba00 of size 512 next 598\n",
"2022-08-01 23:55:53.473099: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263bc00 of size 512 next 599\n",
"2022-08-01 23:55:53.473101: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263be00 of size 768 next 601\n",
"2022-08-01 23:55:53.473103: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263c100 of size 768 next 602\n",
"2022-08-01 23:55:53.473105: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263c400 of size 768 next 603\n",
"2022-08-01 23:55:53.473107: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263c700 of size 768 next 604\n",
"2022-08-01 23:55:53.473109: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263ca00 of size 768 next 607\n",
"2022-08-01 23:55:53.473111: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263cd00 of size 768 next 608\n",
"2022-08-01 23:55:53.473113: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263d000 of size 768 next 609\n",
"2022-08-01 23:55:53.473116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263d300 of size 768 next 605\n",
"2022-08-01 23:55:53.473118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263d600 of size 4352 next 611\n",
"2022-08-01 23:55:53.473120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263e700 of size 768 next 614\n",
"2022-08-01 23:55:53.473122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263ea00 of size 768 next 615\n",
"2022-08-01 23:55:53.473124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263ed00 of size 768 next 616\n",
"2022-08-01 23:55:53.473126: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263f000 of size 768 next 617\n",
"2022-08-01 23:55:53.473128: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263f300 of size 512 next 618\n",
"2022-08-01 23:55:53.473130: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263f500 of size 512 next 619\n",
"2022-08-01 23:55:53.473132: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263f700 of size 512 next 620\n",
"2022-08-01 23:55:53.473134: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263f900 of size 512 next 621\n",
"2022-08-01 23:55:53.473137: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263fb00 of size 768 next 623\n",
"2022-08-01 23:55:53.473139: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143263fe00 of size 768 next 624\n",
"2022-08-01 23:55:53.473141: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432640100 of size 768 next 625\n",
"2022-08-01 23:55:53.473143: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432640400 of size 768 next 626\n",
"2022-08-01 23:55:53.473145: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432640700 of size 768 next 627\n",
"2022-08-01 23:55:53.473147: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432640a00 of size 768 next 628\n",
"2022-08-01 23:55:53.473149: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432640d00 of size 768 next 630\n",
"2022-08-01 23:55:53.473151: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432641000 of size 768 next 631\n",
"2022-08-01 23:55:53.473153: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432641300 of size 4352 next 634\n",
"2022-08-01 23:55:53.473155: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432642400 of size 768 next 635\n",
"2022-08-01 23:55:53.473157: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432642700 of size 768 next 637\n",
"2022-08-01 23:55:53.473160: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432642a00 of size 768 next 638\n",
"2022-08-01 23:55:53.473162: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432642d00 of size 768 next 639\n",
"2022-08-01 23:55:53.473164: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643000 of size 512 next 640\n",
"2022-08-01 23:55:53.473166: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643200 of size 512 next 641\n",
"2022-08-01 23:55:53.473168: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643400 of size 512 next 642\n",
"2022-08-01 23:55:53.473170: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643600 of size 512 next 643\n",
"2022-08-01 23:55:53.473172: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643800 of size 768 next 645\n",
"2022-08-01 23:55:53.473174: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643b00 of size 768 next 646\n",
"2022-08-01 23:55:53.473176: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432643e00 of size 768 next 647\n",
"2022-08-01 23:55:53.473178: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432644100 of size 768 next 648\n",
"2022-08-01 23:55:53.473181: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432644400 of size 768 next 651\n",
"2022-08-01 23:55:53.473183: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432644700 of size 768 next 652\n",
"2022-08-01 23:55:53.473185: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432644a00 of size 768 next 653\n",
"2022-08-01 23:55:53.473187: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432644d00 of size 768 next 649\n",
"2022-08-01 23:55:53.473189: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432645000 of size 4352 next 655\n",
"2022-08-01 23:55:53.473191: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646100 of size 768 next 658\n",
"2022-08-01 23:55:53.473193: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646400 of size 768 next 659\n",
"2022-08-01 23:55:53.473195: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646700 of size 768 next 660\n",
"2022-08-01 23:55:53.473197: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646a00 of size 768 next 661\n",
"2022-08-01 23:55:53.473199: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646d00 of size 512 next 662\n",
"2022-08-01 23:55:53.473202: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432646f00 of size 512 next 663\n",
"2022-08-01 23:55:53.473204: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432647100 of size 512 next 664\n",
"2022-08-01 23:55:53.473206: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432647300 of size 512 next 665\n",
"2022-08-01 23:55:53.473208: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432647500 of size 1280 next 409\n",
"2022-08-01 23:55:53.473211: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432647a00 of size 20480 next 1195\n",
"2022-08-01 23:55:53.473213: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143264ca00 of size 47104 next 357\n",
"2022-08-01 23:55:53.473215: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432658200 of size 163840 next 356\n",
"2022-08-01 23:55:53.473217: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432680200 of size 40960 next 394\n",
"2022-08-01 23:55:53.473219: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143268a200 of size 69632 next 382\n",
"2022-08-01 23:55:53.473221: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143269b200 of size 55296 next 351\n",
"2022-08-01 23:55:53.473223: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326a8a00 of size 56832 next 822\n",
"2022-08-01 23:55:53.473226: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b6800 of size 768 next 825\n",
"2022-08-01 23:55:53.473228: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b6b00 of size 768 next 826\n",
"2022-08-01 23:55:53.473230: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b6e00 of size 768 next 827\n",
"2022-08-01 23:55:53.473232: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b7100 of size 5120 next 829\n",
"2022-08-01 23:55:53.473234: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b8500 of size 768 next 832\n",
"2022-08-01 23:55:53.473236: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b8800 of size 768 next 833\n",
"2022-08-01 23:55:53.473238: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b8b00 of size 768 next 834\n",
"2022-08-01 23:55:53.473240: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b8e00 of size 768 next 835\n",
"2022-08-01 23:55:53.473242: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9100 of size 512 next 836\n",
"2022-08-01 23:55:53.473244: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9300 of size 512 next 837\n",
"2022-08-01 23:55:53.473247: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9500 of size 512 next 838\n",
"2022-08-01 23:55:53.473249: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9700 of size 512 next 839\n",
"2022-08-01 23:55:53.473251: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9900 of size 768 next 841\n",
"2022-08-01 23:55:53.473253: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9c00 of size 768 next 842\n",
"2022-08-01 23:55:53.473258: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326b9f00 of size 768 next 843\n",
"2022-08-01 23:55:53.473260: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ba200 of size 768 next 844\n",
"2022-08-01 23:55:53.473271: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ba500 of size 768 next 845\n",
"2022-08-01 23:55:53.473273: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ba800 of size 768 next 846\n",
"2022-08-01 23:55:53.473275: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bab00 of size 768 next 848\n",
"2022-08-01 23:55:53.473278: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bae00 of size 5120 next 852\n",
"2022-08-01 23:55:53.473280: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bc200 of size 768 next 853\n",
"2022-08-01 23:55:53.473282: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bc500 of size 768 next 855\n",
"2022-08-01 23:55:53.473284: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bc800 of size 768 next 856\n",
"2022-08-01 23:55:53.473286: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bcb00 of size 768 next 857\n",
"2022-08-01 23:55:53.473288: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bce00 of size 512 next 858\n",
"2022-08-01 23:55:53.473290: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bd000 of size 512 next 859\n",
"2022-08-01 23:55:53.473292: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bd200 of size 512 next 860\n",
"2022-08-01 23:55:53.473294: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bd400 of size 512 next 861\n",
"2022-08-01 23:55:53.473296: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bd600 of size 768 next 863\n",
"2022-08-01 23:55:53.473299: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bd900 of size 768 next 864\n",
"2022-08-01 23:55:53.473301: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bdc00 of size 768 next 865\n",
"2022-08-01 23:55:53.473303: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bdf00 of size 768 next 866\n",
"2022-08-01 23:55:53.473305: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326be200 of size 768 next 869\n",
"2022-08-01 23:55:53.473307: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326be500 of size 768 next 870\n",
"2022-08-01 23:55:53.473309: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326be800 of size 768 next 871\n",
"2022-08-01 23:55:53.473311: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326beb00 of size 768 next 867\n",
"2022-08-01 23:55:53.473313: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bee00 of size 4352 next 873\n",
"2022-08-01 23:55:53.473315: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326bff00 of size 768 next 876\n",
"2022-08-01 23:55:53.473317: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0200 of size 768 next 877\n",
"2022-08-01 23:55:53.473319: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0500 of size 768 next 878\n",
"2022-08-01 23:55:53.473321: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0800 of size 768 next 879\n",
"2022-08-01 23:55:53.473324: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0b00 of size 512 next 880\n",
"2022-08-01 23:55:53.473326: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0d00 of size 512 next 881\n",
"2022-08-01 23:55:53.473328: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c0f00 of size 512 next 882\n",
"2022-08-01 23:55:53.473330: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1100 of size 256 next 967\n",
"2022-08-01 23:55:53.473332: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1200 of size 256 next 883\n",
"2022-08-01 23:55:53.473334: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1300 of size 768 next 885\n",
"2022-08-01 23:55:53.473336: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1600 of size 768 next 886\n",
"2022-08-01 23:55:53.473338: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1900 of size 768 next 887\n",
"2022-08-01 23:55:53.473340: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1c00 of size 768 next 888\n",
"2022-08-01 23:55:53.473342: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c1f00 of size 768 next 889\n",
"2022-08-01 23:55:53.473345: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c2200 of size 768 next 890\n",
"2022-08-01 23:55:53.473347: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c2500 of size 768 next 892\n",
"2022-08-01 23:55:53.473349: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c2800 of size 1024 next 893\n",
"2022-08-01 23:55:53.473351: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c2c00 of size 1280 next 872\n",
"2022-08-01 23:55:53.473354: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c3100 of size 2816 next 896\n",
"2022-08-01 23:55:53.473356: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c3c00 of size 256 next 897\n",
"2022-08-01 23:55:53.473358: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c3d00 of size 256 next 898\n",
"2022-08-01 23:55:53.473360: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c3e00 of size 1024 next 900\n",
"2022-08-01 23:55:53.473362: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c4200 of size 1024 next 901\n",
"2022-08-01 23:55:53.473364: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c4600 of size 1024 next 902\n",
"2022-08-01 23:55:53.473366: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c4a00 of size 1024 next 903\n",
"2022-08-01 23:55:53.473368: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c4e00 of size 1536 next 904\n",
"2022-08-01 23:55:53.473371: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c5400 of size 1536 next 907\n",
"2022-08-01 23:55:53.473373: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c5a00 of size 1536 next 908\n",
"2022-08-01 23:55:53.473375: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c6000 of size 1536 next 909\n",
"2022-08-01 23:55:53.473377: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c6600 of size 1024 next 911\n",
"2022-08-01 23:55:53.473379: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c6a00 of size 1024 next 912\n",
"2022-08-01 23:55:53.473381: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c6e00 of size 1024 next 913\n",
"2022-08-01 23:55:53.473383: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c7200 of size 1024 next 914\n",
"2022-08-01 23:55:53.473385: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c7600 of size 256 next 916\n",
"2022-08-01 23:55:53.473387: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c7700 of size 256 next 917\n",
"2022-08-01 23:55:53.473390: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c7800 of size 1280 next 915\n",
"2022-08-01 23:55:53.473392: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c7d00 of size 1280 next 919\n",
"2022-08-01 23:55:53.473394: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c8200 of size 1280 next 920\n",
"2022-08-01 23:55:53.473396: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c8700 of size 1280 next 921\n",
"2022-08-01 23:55:53.473398: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c8c00 of size 1024 next 923\n",
"2022-08-01 23:55:53.473400: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c9000 of size 1024 next 924\n",
"2022-08-01 23:55:53.473402: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c9400 of size 1024 next 925\n",
"2022-08-01 23:55:53.473404: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c9800 of size 1024 next 926\n",
"2022-08-01 23:55:53.473406: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326c9c00 of size 1280 next 929\n",
"2022-08-01 23:55:53.473408: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ca100 of size 1280 next 930\n",
"2022-08-01 23:55:53.473411: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ca600 of size 1280 next 931\n",
"2022-08-01 23:55:53.473413: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cab00 of size 1280 next 932\n",
"2022-08-01 23:55:53.473415: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cb000 of size 256 next 933\n",
"2022-08-01 23:55:53.473417: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cb100 of size 256 next 934\n",
"2022-08-01 23:55:53.473419: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cb200 of size 1280 next 937\n",
"2022-08-01 23:55:53.473422: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cb700 of size 1280 next 938\n",
"2022-08-01 23:55:53.473424: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cbc00 of size 1280 next 939\n",
"2022-08-01 23:55:53.473426: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cc100 of size 1280 next 940\n",
"2022-08-01 23:55:53.473428: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cc600 of size 256 next 941\n",
"2022-08-01 23:55:53.473430: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cc700 of size 256 next 942\n",
"2022-08-01 23:55:53.473432: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cc800 of size 768 next 943\n",
"2022-08-01 23:55:53.473434: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ccb00 of size 768 next 944\n",
"2022-08-01 23:55:53.473436: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cce00 of size 768 next 945\n",
"2022-08-01 23:55:53.473438: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cd100 of size 768 next 946\n",
"2022-08-01 23:55:53.473441: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cd400 of size 768 next 948\n",
"2022-08-01 23:55:53.473443: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cd700 of size 768 next 949\n",
"2022-08-01 23:55:53.473445: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cda00 of size 768 next 950\n",
"2022-08-01 23:55:53.473447: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cdd00 of size 768 next 951\n",
"2022-08-01 23:55:53.473449: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ce000 of size 256 next 952\n",
"2022-08-01 23:55:53.473451: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ce100 of size 256 next 953\n",
"2022-08-01 23:55:53.473453: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ce200 of size 1024 next 955\n",
"2022-08-01 23:55:53.473455: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326ce600 of size 1024 next 956\n",
"2022-08-01 23:55:53.473457: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cea00 of size 1024 next 957\n",
"2022-08-01 23:55:53.473459: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cee00 of size 1024 next 958\n",
"2022-08-01 23:55:53.473461: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cf200 of size 1024 next 960\n",
"2022-08-01 23:55:53.473464: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cf600 of size 1024 next 961\n",
"2022-08-01 23:55:53.473466: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cfa00 of size 1024 next 962\n",
"2022-08-01 23:55:53.473468: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326cfe00 of size 1024 next 963\n",
"2022-08-01 23:55:53.473470: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d0200 of size 256 next 964\n",
"2022-08-01 23:55:53.473472: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d0300 of size 256 next 965\n",
"2022-08-01 23:55:53.473474: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d0400 of size 8448 next 968\n",
"2022-08-01 23:55:53.473476: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d2500 of size 768 next 969\n",
"2022-08-01 23:55:53.473478: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d2800 of size 768 next 971\n",
"2022-08-01 23:55:53.473480: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d2b00 of size 768 next 972\n",
"2022-08-01 23:55:53.473483: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d2e00 of size 768 next 973\n",
"2022-08-01 23:55:53.473485: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d3100 of size 768 next 975\n",
"2022-08-01 23:55:53.473487: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d3400 of size 768 next 976\n",
"2022-08-01 23:55:53.473489: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d3700 of size 768 next 977\n",
"2022-08-01 23:55:53.473491: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d3a00 of size 768 next 978\n",
"2022-08-01 23:55:53.473493: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d3d00 of size 1024 next 980\n",
"2022-08-01 23:55:53.473495: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d4100 of size 1024 next 981\n",
"2022-08-01 23:55:53.473497: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d4500 of size 1024 next 982\n",
"2022-08-01 23:55:53.473500: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d4900 of size 1024 next 983\n",
"2022-08-01 23:55:53.473502: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d4d00 of size 1024 next 985\n",
"2022-08-01 23:55:53.473504: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d5100 of size 1024 next 986\n",
"2022-08-01 23:55:53.473506: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d5500 of size 1024 next 987\n",
"2022-08-01 23:55:53.473508: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d5900 of size 9472 next 989\n",
"2022-08-01 23:55:53.473510: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d7e00 of size 768 next 992\n",
"2022-08-01 23:55:53.473512: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d8100 of size 768 next 994\n",
"2022-08-01 23:55:53.473514: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d8400 of size 768 next 995\n",
"2022-08-01 23:55:53.473516: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d8700 of size 768 next 996\n",
"2022-08-01 23:55:53.473519: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d8a00 of size 768 next 998\n",
"2022-08-01 23:55:53.473521: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d8d00 of size 768 next 999\n",
"2022-08-01 23:55:53.473523: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d9000 of size 768 next 1000\n",
"2022-08-01 23:55:53.473525: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d9300 of size 768 next 1001\n",
"2022-08-01 23:55:53.473527: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d9600 of size 1024 next 1002\n",
"2022-08-01 23:55:53.473529: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d9a00 of size 1024 next 1003\n",
"2022-08-01 23:55:53.473531: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326d9e00 of size 1024 next 1004\n",
"2022-08-01 23:55:53.473533: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326da200 of size 1024 next 1005\n",
"2022-08-01 23:55:53.473535: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326da600 of size 1024 next 1007\n",
"2022-08-01 23:55:53.473537: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326daa00 of size 1024 next 1008\n",
"2022-08-01 23:55:53.473540: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326dae00 of size 1024 next 1009\n",
"2022-08-01 23:55:53.473542: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326db200 of size 1024 next 997\n",
"2022-08-01 23:55:53.473544: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326db600 of size 11264 next 388\n",
"2022-08-01 23:55:53.473546: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14326de200 of size 163840 next 387\n",
"2022-08-01 23:55:53.473548: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432706200 of size 768 next 667\n",
"2022-08-01 23:55:53.473550: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432706500 of size 768 next 668\n",
"2022-08-01 23:55:53.473552: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432706800 of size 768 next 669\n",
"2022-08-01 23:55:53.473555: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432706b00 of size 768 next 670\n",
"2022-08-01 23:55:53.473557: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432706e00 of size 768 next 671\n",
"2022-08-01 23:55:53.473559: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432707100 of size 768 next 673\n",
"2022-08-01 23:55:53.473561: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432707400 of size 768 next 674\n",
"2022-08-01 23:55:53.473563: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432707700 of size 4352 next 677\n",
"2022-08-01 23:55:53.473565: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432708800 of size 768 next 678\n",
"2022-08-01 23:55:53.473567: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432708b00 of size 768 next 680\n",
"2022-08-01 23:55:53.473569: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432708e00 of size 768 next 681\n",
"2022-08-01 23:55:53.473571: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709100 of size 768 next 682\n",
"2022-08-01 23:55:53.473573: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709400 of size 512 next 683\n",
"2022-08-01 23:55:53.473576: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709600 of size 512 next 684\n",
"2022-08-01 23:55:53.473578: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709800 of size 512 next 685\n",
"2022-08-01 23:55:53.473580: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709a00 of size 512 next 686\n",
"2022-08-01 23:55:53.473582: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709c00 of size 768 next 688\n",
"2022-08-01 23:55:53.473584: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432709f00 of size 768 next 689\n",
"2022-08-01 23:55:53.473586: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270a200 of size 768 next 690\n",
"2022-08-01 23:55:53.473588: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270a500 of size 768 next 691\n",
"2022-08-01 23:55:53.473590: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270a800 of size 768 next 694\n",
"2022-08-01 23:55:53.473592: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270ab00 of size 768 next 695\n",
"2022-08-01 23:55:53.473594: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270ae00 of size 768 next 696\n",
"2022-08-01 23:55:53.473597: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270b100 of size 768 next 692\n",
"2022-08-01 23:55:53.473599: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270b400 of size 4352 next 698\n",
"2022-08-01 23:55:53.473601: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270c500 of size 768 next 701\n",
"2022-08-01 23:55:53.473603: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270c800 of size 768 next 702\n",
"2022-08-01 23:55:53.473605: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270cb00 of size 768 next 703\n",
"2022-08-01 23:55:53.473607: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270ce00 of size 768 next 704\n",
"2022-08-01 23:55:53.473609: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270d100 of size 512 next 705\n",
"2022-08-01 23:55:53.473611: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270d300 of size 512 next 706\n",
"2022-08-01 23:55:53.473613: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270d500 of size 512 next 707\n",
"2022-08-01 23:55:53.473615: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270d700 of size 512 next 708\n",
"2022-08-01 23:55:53.473618: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270d900 of size 768 next 710\n",
"2022-08-01 23:55:53.473620: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270dc00 of size 768 next 711\n",
"2022-08-01 23:55:53.473622: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270df00 of size 768 next 712\n",
"2022-08-01 23:55:53.473653: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270e200 of size 768 next 713\n",
"2022-08-01 23:55:53.473655: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270e500 of size 768 next 714\n",
"2022-08-01 23:55:53.473657: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270e800 of size 768 next 715\n",
"2022-08-01 23:55:53.473659: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270eb00 of size 768 next 717\n",
"2022-08-01 23:55:53.473662: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270ee00 of size 768 next 709\n",
"2022-08-01 23:55:53.473664: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143270f100 of size 4352 next 721\n",
"2022-08-01 23:55:53.473666: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432710200 of size 768 next 722\n",
"2022-08-01 23:55:53.473668: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432710500 of size 768 next 724\n",
"2022-08-01 23:55:53.473670: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432710800 of size 768 next 725\n",
"2022-08-01 23:55:53.473672: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432710b00 of size 768 next 726\n",
"2022-08-01 23:55:53.473674: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432710e00 of size 512 next 727\n",
"2022-08-01 23:55:53.473676: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711000 of size 512 next 728\n",
"2022-08-01 23:55:53.473678: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711200 of size 512 next 729\n",
"2022-08-01 23:55:53.473680: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711400 of size 512 next 730\n",
"2022-08-01 23:55:53.473683: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711600 of size 768 next 732\n",
"2022-08-01 23:55:53.473685: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711900 of size 768 next 733\n",
"2022-08-01 23:55:53.473687: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711c00 of size 768 next 734\n",
"2022-08-01 23:55:53.473689: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432711f00 of size 768 next 735\n",
"2022-08-01 23:55:53.473691: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432712200 of size 768 next 738\n",
"2022-08-01 23:55:53.473693: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432712500 of size 768 next 739\n",
"2022-08-01 23:55:53.473695: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432712800 of size 768 next 740\n",
"2022-08-01 23:55:53.473697: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432712b00 of size 768 next 736\n",
"2022-08-01 23:55:53.473699: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432712e00 of size 4352 next 742\n",
"2022-08-01 23:55:53.473701: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432713f00 of size 768 next 745\n",
"2022-08-01 23:55:53.473704: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714200 of size 768 next 746\n",
"2022-08-01 23:55:53.473706: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714500 of size 768 next 747\n",
"2022-08-01 23:55:53.473708: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714800 of size 768 next 748\n",
"2022-08-01 23:55:53.473710: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714b00 of size 512 next 749\n",
"2022-08-01 23:55:53.473712: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714d00 of size 512 next 750\n",
"2022-08-01 23:55:53.473714: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432714f00 of size 512 next 751\n",
"2022-08-01 23:55:53.473716: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715100 of size 512 next 752\n",
"2022-08-01 23:55:53.473718: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715300 of size 768 next 754\n",
"2022-08-01 23:55:53.473784: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715600 of size 768 next 755\n",
"2022-08-01 23:55:53.473792: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715900 of size 768 next 756\n",
"2022-08-01 23:55:53.473796: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715c00 of size 768 next 757\n",
"2022-08-01 23:55:53.473798: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432715f00 of size 768 next 758\n",
"2022-08-01 23:55:53.473800: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432716200 of size 768 next 759\n",
"2022-08-01 23:55:53.473802: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432716500 of size 768 next 761\n",
"2022-08-01 23:55:53.473805: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432716800 of size 768 next 753\n",
"2022-08-01 23:55:53.473807: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432716b00 of size 4352 next 765\n",
"2022-08-01 23:55:53.473809: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432717c00 of size 768 next 766\n",
"2022-08-01 23:55:53.473811: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432717f00 of size 768 next 768\n",
"2022-08-01 23:55:53.473813: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718200 of size 768 next 769\n",
"2022-08-01 23:55:53.473815: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718500 of size 768 next 770\n",
"2022-08-01 23:55:53.473817: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718800 of size 512 next 771\n",
"2022-08-01 23:55:53.473819: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718a00 of size 512 next 772\n",
"2022-08-01 23:55:53.473821: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718c00 of size 512 next 773\n",
"2022-08-01 23:55:53.473823: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432718e00 of size 512 next 774\n",
"2022-08-01 23:55:53.473825: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719000 of size 768 next 776\n",
"2022-08-01 23:55:53.473827: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719300 of size 768 next 777\n",
"2022-08-01 23:55:53.473830: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719600 of size 768 next 778\n",
"2022-08-01 23:55:53.473832: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719900 of size 768 next 779\n",
"2022-08-01 23:55:53.473834: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719c00 of size 768 next 782\n",
"2022-08-01 23:55:53.473836: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432719f00 of size 768 next 783\n",
"2022-08-01 23:55:53.473838: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271a200 of size 768 next 784\n",
"2022-08-01 23:55:53.473840: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271a500 of size 768 next 780\n",
"2022-08-01 23:55:53.473842: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271a800 of size 4352 next 786\n",
"2022-08-01 23:55:53.473844: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271b900 of size 768 next 789\n",
"2022-08-01 23:55:53.473846: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271bc00 of size 768 next 790\n",
"2022-08-01 23:55:53.473848: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271bf00 of size 768 next 791\n",
"2022-08-01 23:55:53.473850: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271c200 of size 768 next 792\n",
"2022-08-01 23:55:53.473852: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271c500 of size 512 next 793\n",
"2022-08-01 23:55:53.473854: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271c700 of size 512 next 794\n",
"2022-08-01 23:55:53.473857: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271c900 of size 512 next 795\n",
"2022-08-01 23:55:53.473881: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271cb00 of size 512 next 796\n",
"2022-08-01 23:55:53.473883: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271cd00 of size 768 next 798\n",
"2022-08-01 23:55:53.473885: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271d000 of size 768 next 799\n",
"2022-08-01 23:55:53.473887: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271d300 of size 768 next 800\n",
"2022-08-01 23:55:53.473890: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271d600 of size 768 next 801\n",
"2022-08-01 23:55:53.473892: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271d900 of size 768 next 802\n",
"2022-08-01 23:55:53.473894: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271dc00 of size 768 next 803\n",
"2022-08-01 23:55:53.473896: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271df00 of size 768 next 805\n",
"2022-08-01 23:55:53.473898: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271e200 of size 768 next 806\n",
"2022-08-01 23:55:53.473900: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271e500 of size 768 next 414\n",
"2022-08-01 23:55:53.473902: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271e800 of size 768 next 381\n",
"2022-08-01 23:55:53.473904: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271eb00 of size 768 next 785\n",
"2022-08-01 23:55:53.473906: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271ee00 of size 768 next 823\n",
"2022-08-01 23:55:53.473908: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271f100 of size 1280 next 809\n",
"2022-08-01 23:55:53.473910: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271f600 of size 768 next 810\n",
"2022-08-01 23:55:53.473912: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271f900 of size 768 next 812\n",
"2022-08-01 23:55:53.473914: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271fc00 of size 768 next 813\n",
"2022-08-01 23:55:53.473917: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143271ff00 of size 768 next 814\n",
"2022-08-01 23:55:53.473919: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720200 of size 512 next 815\n",
"2022-08-01 23:55:53.473921: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720400 of size 512 next 816\n",
"2022-08-01 23:55:53.473923: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720600 of size 512 next 817\n",
"2022-08-01 23:55:53.473925: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720800 of size 512 next 818\n",
"2022-08-01 23:55:53.473927: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720a00 of size 768 next 820\n",
"2022-08-01 23:55:53.473929: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432720d00 of size 111872 next 413\n",
"2022-08-01 23:55:53.473932: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273c200 of size 768 next 1013\n",
"2022-08-01 23:55:53.473934: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273c500 of size 768 next 1015\n",
"2022-08-01 23:55:53.473936: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273c800 of size 768 next 1016\n",
"2022-08-01 23:55:53.473938: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273cb00 of size 768 next 1017\n",
"2022-08-01 23:55:53.473940: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273ce00 of size 768 next 1019\n",
"2022-08-01 23:55:53.473942: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273d100 of size 768 next 1020\n",
"2022-08-01 23:55:53.473944: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273d400 of size 768 next 1021\n",
"2022-08-01 23:55:53.473946: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273d700 of size 768 next 1022\n",
"2022-08-01 23:55:53.473990: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273da00 of size 1024 next 1023\n",
"2022-08-01 23:55:53.473993: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273de00 of size 1024 next 1024\n",
"2022-08-01 23:55:53.473995: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273e200 of size 1024 next 1025\n",
"2022-08-01 23:55:53.473997: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273e600 of size 1024 next 1026\n",
"2022-08-01 23:55:53.473999: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273ea00 of size 1024 next 1028\n",
"2022-08-01 23:55:53.474001: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273ee00 of size 1024 next 1029\n",
"2022-08-01 23:55:53.474003: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273f200 of size 1024 next 1030\n",
"2022-08-01 23:55:53.474005: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273f600 of size 1024 next 1031\n",
"2022-08-01 23:55:53.474008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143273fa00 of size 8448 next 1034\n",
"2022-08-01 23:55:53.474010: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432741b00 of size 768 next 1035\n",
"2022-08-01 23:55:53.474012: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432741e00 of size 768 next 1037\n",
"2022-08-01 23:55:53.474014: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432742100 of size 768 next 1038\n",
"2022-08-01 23:55:53.474016: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432742400 of size 768 next 1039\n",
"2022-08-01 23:55:53.474018: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432742700 of size 768 next 1041\n",
"2022-08-01 23:55:53.474020: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432742a00 of size 768 next 1042\n",
"2022-08-01 23:55:53.474022: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432742d00 of size 768 next 1043\n",
"2022-08-01 23:55:53.474024: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432743000 of size 768 next 1044\n",
"2022-08-01 23:55:53.474026: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432743300 of size 1024 next 1045\n",
"2022-08-01 23:55:53.474028: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432743700 of size 1024 next 1046\n",
"2022-08-01 23:55:53.474030: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432743b00 of size 1024 next 1047\n",
"2022-08-01 23:55:53.474033: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432743f00 of size 1024 next 1048\n",
"2022-08-01 23:55:53.474035: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432744300 of size 1024 next 1050\n",
"2022-08-01 23:55:53.474037: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432744700 of size 1024 next 1051\n",
"2022-08-01 23:55:53.474039: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432744b00 of size 1024 next 1052\n",
"2022-08-01 23:55:53.474041: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432744f00 of size 1024 next 1011\n",
"2022-08-01 23:55:53.474043: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432745300 of size 8448 next 1054\n",
"2022-08-01 23:55:53.474045: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432747400 of size 768 next 1058\n",
"2022-08-01 23:55:53.474047: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432747700 of size 768 next 1059\n",
"2022-08-01 23:55:53.474049: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432747a00 of size 768 next 1060\n",
"2022-08-01 23:55:53.474051: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432747d00 of size 768 next 1061\n",
"2022-08-01 23:55:53.474053: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432748000 of size 768 next 1063\n",
"2022-08-01 23:55:53.474097: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432748300 of size 768 next 1064\n",
"2022-08-01 23:55:53.474099: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432748600 of size 768 next 1065\n",
"2022-08-01 23:55:53.474102: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432748900 of size 768 next 1066\n",
"2022-08-01 23:55:53.474104: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432748c00 of size 1024 next 1067\n",
"2022-08-01 23:55:53.474106: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432749000 of size 1024 next 1068\n",
"2022-08-01 23:55:53.474108: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432749400 of size 1024 next 1069\n",
"2022-08-01 23:55:53.474110: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432749800 of size 1024 next 1070\n",
"2022-08-01 23:55:53.474112: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432749c00 of size 1024 next 1072\n",
"2022-08-01 23:55:53.474114: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274a000 of size 1024 next 1073\n",
"2022-08-01 23:55:53.474116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274a400 of size 1024 next 1074\n",
"2022-08-01 23:55:53.474118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274a800 of size 1024 next 1062\n",
"2022-08-01 23:55:53.474120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274ac00 of size 8448 next 1078\n",
"2022-08-01 23:55:53.474122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274cd00 of size 768 next 1079\n",
"2022-08-01 23:55:53.474124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274d000 of size 768 next 1081\n",
"2022-08-01 23:55:53.474127: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274d300 of size 768 next 1082\n",
"2022-08-01 23:55:53.474129: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274d600 of size 768 next 1083\n",
"2022-08-01 23:55:53.474131: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274d900 of size 768 next 1085\n",
"2022-08-01 23:55:53.474133: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274dc00 of size 768 next 1086\n",
"2022-08-01 23:55:53.474135: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274df00 of size 768 next 1087\n",
"2022-08-01 23:55:53.474137: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274e200 of size 768 next 1088\n",
"2022-08-01 23:55:53.474139: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274e500 of size 1024 next 1089\n",
"2022-08-01 23:55:53.474141: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274e900 of size 1024 next 1090\n",
"2022-08-01 23:55:53.474143: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274ed00 of size 1024 next 1091\n",
"2022-08-01 23:55:53.474145: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274f100 of size 1024 next 1092\n",
"2022-08-01 23:55:53.474147: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274f500 of size 1024 next 1094\n",
"2022-08-01 23:55:53.474149: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274f900 of size 1024 next 1095\n",
"2022-08-01 23:55:53.474152: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143274fd00 of size 1024 next 1096\n",
"2022-08-01 23:55:53.474154: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432750100 of size 1024 next 1097\n",
"2022-08-01 23:55:53.474156: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432750500 of size 8448 next 1098\n",
"2022-08-01 23:55:53.474158: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432752600 of size 768 next 1102\n",
"2022-08-01 23:55:53.474160: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432752900 of size 768 next 1103\n",
"2022-08-01 23:55:53.474203: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432752c00 of size 768 next 1104\n",
"2022-08-01 23:55:53.474205: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432752f00 of size 768 next 1105\n",
"2022-08-01 23:55:53.474208: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432753200 of size 768 next 1107\n",
"2022-08-01 23:55:53.474210: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432753500 of size 768 next 1108\n",
"2022-08-01 23:55:53.474212: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432753800 of size 768 next 1109\n",
"2022-08-01 23:55:53.474214: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432753b00 of size 768 next 1110\n",
"2022-08-01 23:55:53.474216: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432753e00 of size 1024 next 1111\n",
"2022-08-01 23:55:53.474218: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432754200 of size 1024 next 1112\n",
"2022-08-01 23:55:53.474220: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432754600 of size 1024 next 1113\n",
"2022-08-01 23:55:53.474222: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432754a00 of size 1024 next 1114\n",
"2022-08-01 23:55:53.474224: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432754e00 of size 1024 next 1116\n",
"2022-08-01 23:55:53.474226: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432755200 of size 1024 next 1117\n",
"2022-08-01 23:55:53.474228: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432755600 of size 1024 next 1118\n",
"2022-08-01 23:55:53.474230: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432755a00 of size 1024 next 1119\n",
"2022-08-01 23:55:53.474233: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432755e00 of size 8448 next 1122\n",
"2022-08-01 23:55:53.474235: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432757f00 of size 768 next 1124\n",
"2022-08-01 23:55:53.474237: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432758200 of size 768 next 1125\n",
"2022-08-01 23:55:53.474239: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432758500 of size 768 next 1126\n",
"2022-08-01 23:55:53.474241: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432758800 of size 768 next 1127\n",
"2022-08-01 23:55:53.474243: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432758b00 of size 768 next 1128\n",
"2022-08-01 23:55:53.474245: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432758e00 of size 768 next 1129\n",
"2022-08-01 23:55:53.474247: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432759100 of size 768 next 1130\n",
"2022-08-01 23:55:53.474249: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432759400 of size 768 next 1131\n",
"2022-08-01 23:55:53.474251: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432759700 of size 1024 next 1133\n",
"2022-08-01 23:55:53.474253: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432759b00 of size 1024 next 1134\n",
"2022-08-01 23:55:53.474259: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432759f00 of size 1024 next 1135\n",
"2022-08-01 23:55:53.474261: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275a300 of size 1024 next 1136\n",
"2022-08-01 23:55:53.474263: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275a700 of size 1024 next 1137\n",
"2022-08-01 23:55:53.474265: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275ab00 of size 1024 next 1139\n",
"2022-08-01 23:55:53.474267: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275af00 of size 1024 next 1140\n",
"2022-08-01 23:55:53.474270: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275b300 of size 1024 next 419\n",
"2022-08-01 23:55:53.474346: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275b700 of size 8448 next 1144\n",
"2022-08-01 23:55:53.474348: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275d800 of size 768 next 1145\n",
"2022-08-01 23:55:53.474350: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275db00 of size 768 next 1147\n",
"2022-08-01 23:55:53.474352: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275de00 of size 768 next 1148\n",
"2022-08-01 23:55:53.474354: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275e100 of size 256 next 959\n",
"2022-08-01 23:55:53.474356: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275e200 of size 256 next 1184\n",
"2022-08-01 23:55:53.474359: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275e300 of size 256 next 1149\n",
"2022-08-01 23:55:53.474361: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275e400 of size 768 next 1151\n",
"2022-08-01 23:55:53.474363: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275e700 of size 768 next 1152\n",
"2022-08-01 23:55:53.474365: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275ea00 of size 768 next 1153\n",
"2022-08-01 23:55:53.474367: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275ed00 of size 768 next 1154\n",
"2022-08-01 23:55:53.474369: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275f000 of size 1024 next 1155\n",
"2022-08-01 23:55:53.474371: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275f400 of size 1024 next 1156\n",
"2022-08-01 23:55:53.474373: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275f800 of size 1024 next 1157\n",
"2022-08-01 23:55:53.474375: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143275fc00 of size 1024 next 1158\n",
"2022-08-01 23:55:53.474377: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432760000 of size 1024 next 1160\n",
"2022-08-01 23:55:53.474380: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432760400 of size 1024 next 1161\n",
"2022-08-01 23:55:53.474382: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432760800 of size 1024 next 1162\n",
"2022-08-01 23:55:53.474384: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432760c00 of size 6144 next 1170\n",
"2022-08-01 23:55:53.474386: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762400 of size 256 next 1192\n",
"2022-08-01 23:55:53.474388: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762500 of size 256 next 1193\n",
"2022-08-01 23:55:53.474390: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762600 of size 256 next 1194\n",
"2022-08-01 23:55:53.474392: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762700 of size 512 next 1196\n",
"2022-08-01 23:55:53.474394: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762900 of size 768 next 1197\n",
"2022-08-01 23:55:53.474396: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762c00 of size 256 next 1199\n",
"2022-08-01 23:55:53.474399: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762d00 of size 256 next 1201\n",
"2022-08-01 23:55:53.474401: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432762e00 of size 512 next 1202\n",
"2022-08-01 23:55:53.474403: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763000 of size 512 next 1206\n",
"2022-08-01 23:55:53.474405: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763200 of size 256 next 1207\n",
"2022-08-01 23:55:53.474407: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763300 of size 512 next 1208\n",
"2022-08-01 23:55:53.474409: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763500 of size 256 next 1209\n",
"2022-08-01 23:55:53.474452: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763600 of size 256 next 1211\n",
"2022-08-01 23:55:53.474455: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763700 of size 256 next 1214\n",
"2022-08-01 23:55:53.474457: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763800 of size 256 next 1215\n",
"2022-08-01 23:55:53.474459: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763900 of size 256 next 1219\n",
"2022-08-01 23:55:53.474461: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763a00 of size 256 next 1220\n",
"2022-08-01 23:55:53.474463: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763b00 of size 256 next 1221\n",
"2022-08-01 23:55:53.474465: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432763c00 of size 1536 next 420\n",
"2022-08-01 23:55:53.474467: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432764200 of size 819200 next 432\n",
"2022-08-01 23:55:53.474470: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143282c200 of size 573440 next 431\n",
"2022-08-01 23:55:53.474472: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14328b8200 of size 614400 next 474\n",
"2022-08-01 23:55:53.474474: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143294e200 of size 860160 next 473\n",
"2022-08-01 23:55:53.474476: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432a20200 of size 573440 next 514\n",
"2022-08-01 23:55:53.474478: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432aac200 of size 1146880 next 499\n",
"2022-08-01 23:55:53.474481: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432bc4200 of size 573440 next 481\n",
"2022-08-01 23:55:53.474483: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432c50200 of size 704512 next 440\n",
"2022-08-01 23:55:53.474485: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1432cfc200 of size 3538944 next 426\n",
"2022-08-01 23:55:53.474487: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143305c200 of size 1671168 next 524\n",
"2022-08-01 23:55:53.474489: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14331f4200 of size 860160 next 610\n",
"2022-08-01 23:55:53.474491: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14332c6200 of size 1671168 next 503\n",
"2022-08-01 23:55:53.474494: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143345e200 of size 1671168 next 650\n",
"2022-08-01 23:55:53.474496: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14335f6200 of size 1695744 next 446\n",
"2022-08-01 23:55:53.474498: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433794200 of size 1671168 next 454\n",
"2022-08-01 23:55:53.474500: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143392c200 of size 860160 next 445\n",
"2022-08-01 23:55:53.474502: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14339fe200 of size 1843200 next 484\n",
"2022-08-01 23:55:53.474504: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433bc0200 of size 835584 next 482\n",
"2022-08-01 23:55:53.474506: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433c8c200 of size 835584 next 495\n",
"2022-08-01 23:55:53.474509: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433d58200 of size 835584 next 500\n",
"2022-08-01 23:55:53.474511: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433e24200 of size 860160 next 506\n",
"2022-08-01 23:55:53.474513: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1433ef6200 of size 2482176 next 502\n",
"2022-08-01 23:55:53.474515: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434154200 of size 2293760 next 535\n",
"2022-08-01 23:55:53.474517: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434384200 of size 573440 next 557\n",
"2022-08-01 23:55:53.474566: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434410200 of size 1146880 next 542\n",
"2022-08-01 23:55:53.474568: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434528200 of size 1048576 next 527\n",
"2022-08-01 23:55:53.474570: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434628200 of size 835584 next 520\n",
"2022-08-01 23:55:53.474573: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14346f4200 of size 835584 next 526\n",
"2022-08-01 23:55:53.474575: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14347c0200 of size 835584 next 549\n",
"2022-08-01 23:55:53.474577: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143488c200 of size 860160 next 546\n",
"2022-08-01 23:55:53.474579: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143495e200 of size 1671168 next 563\n",
"2022-08-01 23:55:53.474582: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434af6200 of size 860160 next 567\n",
"2022-08-01 23:55:53.474584: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434bc8200 of size 1982464 next 600\n",
"2022-08-01 23:55:53.474586: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434dac200 of size 1146880 next 586\n",
"2022-08-01 23:55:53.474588: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434ec4200 of size 1048576 next 570\n",
"2022-08-01 23:55:53.474590: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1434fc4200 of size 573440 next 545\n",
"2022-08-01 23:55:53.474592: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435050200 of size 1097728 next 569\n",
"2022-08-01 23:55:53.474594: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143515c200 of size 835584 next 593\n",
"2022-08-01 23:55:53.474597: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435228200 of size 835584 next 590\n",
"2022-08-01 23:55:53.474599: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14352f4200 of size 835584 next 579\n",
"2022-08-01 23:55:53.474601: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14353c0200 of size 3129344 next 622\n",
"2022-08-01 23:55:53.474603: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14356bc200 of size 573440 next 644\n",
"2022-08-01 23:55:53.474605: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435748200 of size 1146880 next 629\n",
"2022-08-01 23:55:53.474607: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435860200 of size 1048576 next 613\n",
"2022-08-01 23:55:53.474609: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435960200 of size 573440 next 589\n",
"2022-08-01 23:55:53.474611: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14359ec200 of size 1097728 next 612\n",
"2022-08-01 23:55:53.474614: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435af8200 of size 835584 next 636\n",
"2022-08-01 23:55:53.474616: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435bc4200 of size 835584 next 633\n",
"2022-08-01 23:55:53.474618: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435c90200 of size 835584 next 606\n",
"2022-08-01 23:55:53.474620: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1435d5c200 of size 3129344 next 666\n",
"2022-08-01 23:55:53.474622: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436058200 of size 573440 next 687\n",
"2022-08-01 23:55:53.474624: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14360e4200 of size 1146880 next 672\n",
"2022-08-01 23:55:53.474626: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14361fc200 of size 1048576 next 657\n",
"2022-08-01 23:55:53.474628: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14362fc200 of size 835584 next 632\n",
"2022-08-01 23:55:53.474630: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14363c8200 of size 835584 next 656\n",
"2022-08-01 23:55:53.474675: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436494200 of size 835584 next 679\n",
"2022-08-01 23:55:53.474678: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436560200 of size 860160 next 676\n",
"2022-08-01 23:55:53.474680: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436632200 of size 860160 next 693\n",
"2022-08-01 23:55:53.474682: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436704200 of size 1671168 next 697\n",
"2022-08-01 23:55:53.474684: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143689c200 of size 860160 next 731\n",
"2022-08-01 23:55:53.474686: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143696e200 of size 2269184 next 716\n",
"2022-08-01 23:55:53.474688: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436b98200 of size 1048576 next 700\n",
"2022-08-01 23:55:53.474690: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436c98200 of size 573440 next 675\n",
"2022-08-01 23:55:53.474693: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436d24200 of size 1097728 next 699\n",
"2022-08-01 23:55:53.474695: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436e30200 of size 835584 next 723\n",
"2022-08-01 23:55:53.474697: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436efc200 of size 835584 next 720\n",
"2022-08-01 23:55:53.474699: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1436fc8200 of size 835584 next 718\n",
"2022-08-01 23:55:53.474701: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437094200 of size 860160 next 737\n",
"2022-08-01 23:55:53.474703: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437166200 of size 2842624 next 775\n",
"2022-08-01 23:55:53.474705: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143741c200 of size 1146880 next 760\n",
"2022-08-01 23:55:53.474707: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437534200 of size 1048576 next 744\n",
"2022-08-01 23:55:53.474709: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437634200 of size 573440 next 719\n",
"2022-08-01 23:55:53.474711: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14376c0200 of size 1097728 next 743\n",
"2022-08-01 23:55:53.474714: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14377cc200 of size 835584 next 767\n",
"2022-08-01 23:55:53.474716: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437898200 of size 835584 next 764\n",
"2022-08-01 23:55:53.474718: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437964200 of size 835584 next 762\n",
"2022-08-01 23:55:53.474720: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437a30200 of size 3129344 next 797\n",
"2022-08-01 23:55:53.474722: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437d2c200 of size 573440 next 819\n",
"2022-08-01 23:55:53.474724: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437db8200 of size 1146880 next 804\n",
"2022-08-01 23:55:53.474726: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437ed0200 of size 1048576 next 788\n",
"2022-08-01 23:55:53.474728: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1437fd0200 of size 573440 next 763\n",
"2022-08-01 23:55:53.474730: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143805c200 of size 1097728 next 787\n",
"2022-08-01 23:55:53.474732: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438168200 of size 835584 next 811\n",
"2022-08-01 23:55:53.474734: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438234200 of size 835584 next 808\n",
"2022-08-01 23:55:53.474737: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438300200 of size 835584 next 821\n",
"2022-08-01 23:55:53.474739: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14383cc200 of size 3129344 next 840\n",
"2022-08-01 23:55:53.474782: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14386c8200 of size 573440 next 862\n",
"2022-08-01 23:55:53.474784: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438754200 of size 1146880 next 847\n",
"2022-08-01 23:55:53.474786: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143886c200 of size 1048576 next 831\n",
"2022-08-01 23:55:53.474788: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143896c200 of size 835584 next 807\n",
"2022-08-01 23:55:53.474791: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438a38200 of size 835584 next 830\n",
"2022-08-01 23:55:53.474793: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438b04200 of size 835584 next 854\n",
"2022-08-01 23:55:53.474795: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438bd0200 of size 860160 next 851\n",
"2022-08-01 23:55:53.474797: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438ca2200 of size 1671168 next 868\n",
"2022-08-01 23:55:53.474799: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1438e3a200 of size 2269184 next 884\n",
"2022-08-01 23:55:53.474801: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439064200 of size 1204224 next 979\n",
"2022-08-01 23:55:53.474803: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918a200 of size 256 next 1167\n",
"2022-08-01 23:55:53.474805: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918a300 of size 256 next 1168\n",
"2022-08-01 23:55:53.474807: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918a400 of size 6144 next 1164\n",
"2022-08-01 23:55:53.474810: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918bc00 of size 6144 next 1171\n",
"2022-08-01 23:55:53.474812: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918d400 of size 6144 next 1172\n",
"2022-08-01 23:55:53.474814: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918ec00 of size 256 next 1185\n",
"2022-08-01 23:55:53.474816: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918ed00 of size 256 next 1186\n",
"2022-08-01 23:55:53.474818: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918ee00 of size 256 next 1187\n",
"2022-08-01 23:55:53.474820: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918ef00 of size 256 next 1188\n",
"2022-08-01 23:55:53.474822: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918f000 of size 256 next 1189\n",
"2022-08-01 23:55:53.474824: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918f100 of size 256 next 1190\n",
"2022-08-01 23:55:53.474826: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918f200 of size 256 next 1191\n",
"2022-08-01 23:55:53.474828: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143918f300 of size 4352 next 1173\n",
"2022-08-01 23:55:53.474830: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439190400 of size 256 next 1174\n",
"2022-08-01 23:55:53.474833: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439190500 of size 3584 next 1175\n",
"2022-08-01 23:55:53.474835: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439191300 of size 36864 next 1177\n",
"2022-08-01 23:55:53.474837: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143919a300 of size 73728 next 1178\n",
"2022-08-01 23:55:53.474839: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14391ac300 of size 376576 next 891\n",
"2022-08-01 23:55:53.474841: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439208200 of size 516096 next 905\n",
"2022-08-01 23:55:53.474843: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439286200 of size 532480 next 875\n",
"2022-08-01 23:55:53.474846: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439308200 of size 573440 next 850\n",
"2022-08-01 23:55:53.474888: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439394200 of size 1097728 next 874\n",
"2022-08-01 23:55:53.474890: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14394a0200 of size 516096 next 954\n",
"2022-08-01 23:55:53.474893: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143951e200 of size 163840 next 33\n",
"2022-08-01 23:55:53.474895: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439546200 of size 163840 next 323\n",
"2022-08-01 23:55:53.474897: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143956e200 of size 327680 next 418\n",
"2022-08-01 23:55:53.474899: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14395be200 of size 2170880 next 894\n",
"2022-08-01 23:55:53.474901: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14397d0200 of size 1114112 next 899\n",
"2022-08-01 23:55:53.474903: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14398e0200 of size 1114112 next 910\n",
"2022-08-01 23:55:53.474905: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14399f0200 of size 1114112 next 922\n",
"2022-08-01 23:55:53.474908: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439b00200 of size 1597440 next 974\n",
"2022-08-01 23:55:53.474910: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439c86200 of size 688128 next 1006\n",
"2022-08-01 23:55:53.474912: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439d2e200 of size 909312 next 993\n",
"2022-08-01 23:55:53.474914: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439e0c200 of size 1654784 next 906\n",
"2022-08-01 23:55:53.474916: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1439fa0200 of size 6193152 next 918\n",
"2022-08-01 23:55:53.474919: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143a588200 of size 2654208 next 928\n",
"2022-08-01 23:55:53.474921: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143a810200 of size 2654208 next 927\n",
"2022-08-01 23:55:53.474923: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143aa98200 of size 1597440 next 947\n",
"2022-08-01 23:55:53.474925: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ac1e200 of size 688128 next 1071\n",
"2022-08-01 23:55:53.474927: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143acc6200 of size 516096 next 1132\n",
"2022-08-01 23:55:53.474929: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ad44200 of size 73728 next 38\n",
"2022-08-01 23:55:53.474931: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ad56200 of size 442368 next 936\n",
"2022-08-01 23:55:53.474934: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143adc2200 of size 4005888 next 984\n",
"2022-08-01 23:55:53.474936: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143b194200 of size 909312 next 970\n",
"2022-08-01 23:55:53.474938: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143b272200 of size 3727360 next 966\n",
"2022-08-01 23:55:53.474940: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143b600200 of size 5324800 next 1018\n",
"2022-08-01 23:55:53.474942: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bb14200 of size 1597440 next 1040\n",
"2022-08-01 23:55:53.474944: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bc9a200 of size 688128 next 1115\n",
"2022-08-01 23:55:53.474947: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bd42200 of size 688128 next 1138\n",
"2022-08-01 23:55:53.474949: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bdea200 of size 331776 next 1204\n",
"2022-08-01 23:55:53.474951: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be3b200 of size 49152 next 1205\n",
"2022-08-01 23:55:53.474953: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be47200 of size 40960 next 1210\n",
"2022-08-01 23:55:53.475004: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be51200 of size 40960 next 1212\n",
"2022-08-01 23:55:53.475006: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be5b200 of size 55296 next 1213\n",
"2022-08-01 23:55:53.475008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be68a00 of size 40960 next 1216\n",
"2022-08-01 23:55:53.475011: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be72a00 of size 36864 next 1217\n",
"2022-08-01 23:55:53.475013: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be7ba00 of size 110592 next 1218\n",
"2022-08-01 23:55:53.475015: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143be96a00 of size 163840 next 1222\n",
"2022-08-01 23:55:53.475017: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bebea00 of size 40960 next 1223\n",
"2022-08-01 23:55:53.475019: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bec8a00 of size 40960 next 1225\n",
"2022-08-01 23:55:53.475022: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bed2a00 of size 55296 next 1226\n",
"2022-08-01 23:55:53.475024: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bee0200 of size 40960 next 1229\n",
"2022-08-01 23:55:53.475026: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143beea200 of size 36864 next 1230\n",
"2022-08-01 23:55:53.475028: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bef3200 of size 200704 next 991\n",
"2022-08-01 23:55:53.475030: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143bf24200 of size 1597440 next 988\n",
"2022-08-01 23:55:53.475032: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c0aa200 of size 2129920 next 990\n",
"2022-08-01 23:55:53.475035: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c2b2200 of size 688128 next 1027\n",
"2022-08-01 23:55:53.475037: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c35a200 of size 909312 next 1014\n",
"2022-08-01 23:55:53.475039: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c438200 of size 2129920 next 1012\n",
"2022-08-01 23:55:53.475041: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c640200 of size 1597440 next 1010\n",
"2022-08-01 23:55:53.475043: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143c7c6200 of size 2818048 next 1049\n",
"2022-08-01 23:55:53.475045: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ca76200 of size 909312 next 1036\n",
"2022-08-01 23:55:53.475047: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143cb54200 of size 5857280 next 1032\n",
"2022-08-01 23:55:53.475049: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d0ea200 of size 1597440 next 1057\n",
"2022-08-01 23:55:53.475052: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d270200 of size 516096 next 1053\n",
"2022-08-01 23:55:53.475054: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d2ee200 of size 2678784 next 1084\n",
"2022-08-01 23:55:53.475056: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d57c200 of size 2662400 next 1056\n",
"2022-08-01 23:55:53.475058: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d806200 of size 1597440 next 1033\n",
"2022-08-01 23:55:53.475060: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143d98c200 of size 2129920 next 1055\n",
"2022-08-01 23:55:53.475062: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143db94200 of size 688128 next 1093\n",
"2022-08-01 23:55:53.475065: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143dc3c200 of size 909312 next 1080\n",
"2022-08-01 23:55:53.475067: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143dd1a200 of size 5857280 next 1076\n",
"2022-08-01 23:55:53.475069: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143e2b0200 of size 1597440 next 1101\n",
"2022-08-01 23:55:53.475116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143e436200 of size 1597440 next 1106\n",
"2022-08-01 23:55:53.475118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143e5bc200 of size 1597440 next 1150\n",
"2022-08-01 23:55:53.475120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143e742200 of size 2662400 next 1100\n",
"2022-08-01 23:55:53.475122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143e9cc200 of size 3727360 next 1099\n",
"2022-08-01 23:55:53.475124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ed5a200 of size 688128 next 1077\n",
"2022-08-01 23:55:53.475127: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ee02200 of size 49152 next 1198\n",
"2022-08-01 23:55:53.475129: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ee0e200 of size 221184 next 1200\n",
"2022-08-01 23:55:53.475131: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ee44200 of size 73728 next 1203\n",
"2022-08-01 23:55:53.475133: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143ee56200 of size 565248 next 1123\n",
"2022-08-01 23:55:53.475135: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143eee0200 of size 835584 next 460\n",
"2022-08-01 23:55:53.475137: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143efac200 of size 1294336 next 1121\n",
"2022-08-01 23:55:53.475140: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f0e8200 of size 3727360 next 1120\n",
"2022-08-01 23:55:53.475142: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f476200 of size 688128 next 1159\n",
"2022-08-01 23:55:53.475144: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f51e200 of size 331776 next 39\n",
"2022-08-01 23:55:53.475146: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f56f200 of size 163840 next 1182\n",
"2022-08-01 23:55:53.475148: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f597200 of size 163840 next 194\n",
"2022-08-01 23:55:53.475150: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f5bf200 of size 249856 next 1146\n",
"2022-08-01 23:55:53.475152: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f5fc200 of size 163840 next 1234\n",
"2022-08-01 23:55:53.475155: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f624200 of size 40960 next 1236\n",
"2022-08-01 23:55:53.475157: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f62e200 of size 40960 next 1238\n",
"2022-08-01 23:55:53.475159: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f638200 of size 55296 next 1239\n",
"2022-08-01 23:55:53.475161: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f645a00 of size 40960 next 1242\n",
"2022-08-01 23:55:53.475163: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f64fa00 of size 36864 next 1243\n",
"2022-08-01 23:55:53.475165: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f658a00 of size 110592 next 1244\n",
"2022-08-01 23:55:53.475167: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f673a00 of size 163840 next 1248\n",
"2022-08-01 23:55:53.475169: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f69ba00 of size 40960 next 1250\n",
"2022-08-01 23:55:53.475171: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6a5a00 of size 40960 next 1252\n",
"2022-08-01 23:55:53.475174: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6afa00 of size 55296 next 1253\n",
"2022-08-01 23:55:53.475176: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6bd200 of size 40960 next 1256\n",
"2022-08-01 23:55:53.475178: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6c7200 of size 36864 next 1257\n",
"2022-08-01 23:55:53.475180: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6d0200 of size 110592 next 1258\n",
"2022-08-01 23:55:53.475223: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f6eb200 of size 163840 next 1262\n",
"2022-08-01 23:55:53.475225: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f713200 of size 40960 next 1264\n",
"2022-08-01 23:55:53.475227: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f71d200 of size 40960 next 1266\n",
"2022-08-01 23:55:53.475230: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f727200 of size 55296 next 1267\n",
"2022-08-01 23:55:53.475232: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f734a00 of size 40960 next 1270\n",
"2022-08-01 23:55:53.475234: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f73ea00 of size 36864 next 1271\n",
"2022-08-01 23:55:53.475236: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f747a00 of size 110592 next 1272\n",
"2022-08-01 23:55:53.475238: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f762a00 of size 163840 next 1276\n",
"2022-08-01 23:55:53.475241: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f78aa00 of size 40960 next 1278\n",
"2022-08-01 23:55:53.475243: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f794a00 of size 40960 next 1280\n",
"2022-08-01 23:55:53.475245: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f79ea00 of size 55296 next 1281\n",
"2022-08-01 23:55:53.475247: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f7ac200 of size 40960 next 1284\n",
"2022-08-01 23:55:53.475249: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f7b6200 of size 36864 next 1285\n",
"2022-08-01 23:55:53.475251: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f7bf200 of size 110592 next 1286\n",
"2022-08-01 23:55:53.475253: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f7da200 of size 172032 next 1143\n",
"2022-08-01 23:55:53.475258: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f804200 of size 1597440 next 1141\n",
"2022-08-01 23:55:53.475261: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f98a200 of size 40960 next 1290\n",
"2022-08-01 23:55:53.475263: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f994200 of size 256 next 1291\n",
"2022-08-01 23:55:53.475265: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f994300 of size 40960 next 1292\n",
"2022-08-01 23:55:53.475267: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f99e300 of size 55296 next 1293\n",
"2022-08-01 23:55:53.475269: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9abb00 of size 256 next 1294\n",
"2022-08-01 23:55:53.475271: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9abc00 of size 256 next 1295\n",
"2022-08-01 23:55:53.475273: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9abd00 of size 40960 next 1296\n",
"2022-08-01 23:55:53.475275: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9b5d00 of size 36864 next 1297\n",
"2022-08-01 23:55:53.475277: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9bed00 of size 110592 next 1298\n",
"2022-08-01 23:55:53.475280: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9d9d00 of size 256 next 1299\n",
"2022-08-01 23:55:53.475282: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9d9e00 of size 256 next 1300\n",
"2022-08-01 23:55:53.475284: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9d9f00 of size 256 next 1301\n",
"2022-08-01 23:55:53.475286: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143f9da000 of size 163840 next 1302\n",
"2022-08-01 23:55:53.475288: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa02000 of size 1280 next 1303\n",
"2022-08-01 23:55:53.475290: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa02500 of size 40960 next 1304\n",
"2022-08-01 23:55:53.475337: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa0c500 of size 256 next 1305\n",
"2022-08-01 23:55:53.475339: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa0c600 of size 40960 next 1306\n",
"2022-08-01 23:55:53.475342: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa16600 of size 55296 next 1307\n",
"2022-08-01 23:55:53.475344: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa23e00 of size 256 next 1308\n",
"2022-08-01 23:55:53.475346: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa23f00 of size 256 next 1309\n",
"2022-08-01 23:55:53.475348: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa24000 of size 40960 next 1310\n",
"2022-08-01 23:55:53.475350: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa2e000 of size 36864 next 1311\n",
"2022-08-01 23:55:53.475352: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa37000 of size 110592 next 1312\n",
"2022-08-01 23:55:53.475354: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa52000 of size 256 next 1313\n",
"2022-08-01 23:55:53.475357: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa52100 of size 256 next 1314\n",
"2022-08-01 23:55:53.475359: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa52200 of size 256 next 1315\n",
"2022-08-01 23:55:53.475361: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa52300 of size 163840 next 1316\n",
"2022-08-01 23:55:53.475363: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa7a300 of size 1280 next 1317\n",
"2022-08-01 23:55:53.475365: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa7a800 of size 40960 next 1318\n",
"2022-08-01 23:55:53.475367: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa84800 of size 256 next 1319\n",
"2022-08-01 23:55:53.475369: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa84900 of size 40960 next 1320\n",
"2022-08-01 23:55:53.475371: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa8e900 of size 55296 next 1321\n",
"2022-08-01 23:55:53.475373: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa9c100 of size 256 next 1322\n",
"2022-08-01 23:55:53.475375: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa9c200 of size 256 next 1323\n",
"2022-08-01 23:55:53.475378: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fa9c300 of size 40960 next 1324\n",
"2022-08-01 23:55:53.475380: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faa6300 of size 36864 next 1325\n",
"2022-08-01 23:55:53.475382: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faaf300 of size 110592 next 1326\n",
"2022-08-01 23:55:53.475384: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faca300 of size 256 next 1327\n",
"2022-08-01 23:55:53.475386: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faca400 of size 256 next 1328\n",
"2022-08-01 23:55:53.475388: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faca500 of size 256 next 1329\n",
"2022-08-01 23:55:53.475390: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faca600 of size 163840 next 1330\n",
"2022-08-01 23:55:53.475392: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faf2600 of size 1280 next 1331\n",
"2022-08-01 23:55:53.475394: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143faf2b00 of size 40960 next 1332\n",
"2022-08-01 23:55:53.475397: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fafcb00 of size 256 next 1333\n",
"2022-08-01 23:55:53.475399: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fafcc00 of size 40960 next 1334\n",
"2022-08-01 23:55:53.475401: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb06c00 of size 55296 next 1335\n",
"2022-08-01 23:55:53.475444: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb14400 of size 256 next 1336\n",
"2022-08-01 23:55:53.475446: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb14500 of size 256 next 1337\n",
"2022-08-01 23:55:53.475448: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb14600 of size 40960 next 1338\n",
"2022-08-01 23:55:53.475451: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb1e600 of size 36864 next 1339\n",
"2022-08-01 23:55:53.475453: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb27600 of size 110592 next 1340\n",
"2022-08-01 23:55:53.475455: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb42600 of size 256 next 1341\n",
"2022-08-01 23:55:53.475457: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb42700 of size 256 next 1342\n",
"2022-08-01 23:55:53.475459: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb42800 of size 256 next 1343\n",
"2022-08-01 23:55:53.475461: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb42900 of size 325888 next 1142\n",
"2022-08-01 23:55:53.475464: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f143fb92200 of size 7454720 next 1166\n",
"2022-08-01 23:55:53.475466: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14402ae200 of size 1280 next 1344\n",
"2022-08-01 23:55:53.475468: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14402ae700 of size 327680 next 1345\n",
"2022-08-01 23:55:53.475470: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14402fe700 of size 1024 next 1346\n",
"2022-08-01 23:55:53.475472: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14402feb00 of size 3397376 next 1165\n",
"2022-08-01 23:55:53.475474: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144063c200 of size 860160 next 781\n",
"2022-08-01 23:55:53.475477: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144070e200 of size 1671168 next 741\n",
"2022-08-01 23:55:53.475479: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14408a6200 of size 1671168 next 849\n",
"2022-08-01 23:55:53.475481: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1440a3e200 of size 2654208 next 895\n",
"2022-08-01 23:55:53.475483: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1440cc6200 of size 3538944 next 824\n",
"2022-08-01 23:55:53.475485: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1441026200 of size 3727360 next 828\n",
"2022-08-01 23:55:53.475487: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14413b4200 of size 3727360 next 935\n",
"2022-08-01 23:55:53.475489: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1441742200 of size 3727360 next 1075\n",
"2022-08-01 23:55:53.475491: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1441ad0200 of size 1024 next 1347\n",
"2022-08-01 23:55:53.475494: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1441ad0600 of size 4423680 next 1348\n",
"2022-08-01 23:55:53.475496: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1441f08600 of size 3538944 next 1349\n",
"2022-08-01 23:55:53.475498: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442268600 of size 1536 next 1350\n",
"2022-08-01 23:55:53.475500: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442268c00 of size 1536 next 1351\n",
"2022-08-01 23:55:53.475502: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442269200 of size 557056 next 1352\n",
"2022-08-01 23:55:53.475504: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14422f1200 of size 512 next 1353\n",
"2022-08-01 23:55:53.475506: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14422f1400 of size 573440 next 1354\n",
"2022-08-01 23:55:53.475509: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144237d400 of size 768 next 1355\n",
"2022-08-01 23:55:53.475550: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144237d700 of size 835584 next 1356\n",
"2022-08-01 23:55:53.475553: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442449700 of size 860160 next 1357\n",
"2022-08-01 23:55:53.475555: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144251b700 of size 768 next 1358\n",
"2022-08-01 23:55:53.475557: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144251ba00 of size 768 next 1359\n",
"2022-08-01 23:55:53.475559: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144251bd00 of size 1671168 next 1360\n",
"2022-08-01 23:55:53.475561: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14426b3d00 of size 4352 next 1361\n",
"2022-08-01 23:55:53.475564: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14426b4e00 of size 557056 next 1362\n",
"2022-08-01 23:55:53.475566: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144273ce00 of size 512 next 1363\n",
"2022-08-01 23:55:53.475568: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144273d000 of size 573440 next 1364\n",
"2022-08-01 23:55:53.475570: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14427c9000 of size 768 next 1365\n",
"2022-08-01 23:55:53.475572: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14427c9300 of size 835584 next 1366\n",
"2022-08-01 23:55:53.475574: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442895300 of size 860160 next 1367\n",
"2022-08-01 23:55:53.475576: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442967300 of size 768 next 1368\n",
"2022-08-01 23:55:53.475578: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442967600 of size 768 next 1369\n",
"2022-08-01 23:55:53.475581: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442967900 of size 4352 next 1371\n",
"2022-08-01 23:55:53.475583: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442968a00 of size 557056 next 1372\n",
"2022-08-01 23:55:53.475585: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14429f0a00 of size 512 next 1373\n",
"2022-08-01 23:55:53.475587: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14429f0c00 of size 898560 next 1169\n",
"2022-08-01 23:55:53.475589: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1442acc200 of size 12779520 next 1163\n",
"2022-08-01 23:55:53.475591: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14436fc200 of size 1671168 next 1370\n",
"2022-08-01 23:55:53.475594: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443894200 of size 768 next 1374\n",
"2022-08-01 23:55:53.475596: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443894500 of size 835584 next 1375\n",
"2022-08-01 23:55:53.475598: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443960500 of size 860160 next 1376\n",
"2022-08-01 23:55:53.475600: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443a32500 of size 768 next 1377\n",
"2022-08-01 23:55:53.475602: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443a32800 of size 768 next 1378\n",
"2022-08-01 23:55:53.475604: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443a32b00 of size 1671168 next 1379\n",
"2022-08-01 23:55:53.475606: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443bcab00 of size 4352 next 1380\n",
"2022-08-01 23:55:53.475608: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443bcbc00 of size 557056 next 1381\n",
"2022-08-01 23:55:53.475611: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443c53c00 of size 512 next 1382\n",
"2022-08-01 23:55:53.475613: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443c53e00 of size 573440 next 1383\n",
"2022-08-01 23:55:53.475615: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443cdfe00 of size 768 next 1384\n",
"2022-08-01 23:55:53.475656: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443ce0100 of size 835584 next 1385\n",
"2022-08-01 23:55:53.475658: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443dac100 of size 860160 next 1386\n",
"2022-08-01 23:55:53.475660: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443e7e100 of size 768 next 1387\n",
"2022-08-01 23:55:53.475663: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443e7e400 of size 768 next 1388\n",
"2022-08-01 23:55:53.475665: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1443e7e700 of size 1671168 next 1389\n",
"2022-08-01 23:55:53.475667: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444016700 of size 4352 next 1390\n",
"2022-08-01 23:55:53.475669: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444017800 of size 557056 next 1391\n",
"2022-08-01 23:55:53.475671: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144409f800 of size 512 next 1392\n",
"2022-08-01 23:55:53.475673: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144409fa00 of size 573440 next 1393\n",
"2022-08-01 23:55:53.475675: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144412ba00 of size 768 next 1394\n",
"2022-08-01 23:55:53.475677: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144412bd00 of size 835584 next 1395\n",
"2022-08-01 23:55:53.475679: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14441f7d00 of size 860160 next 1396\n",
"2022-08-01 23:55:53.475682: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14442c9d00 of size 768 next 1397\n",
"2022-08-01 23:55:53.475684: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14442ca000 of size 768 next 1398\n",
"2022-08-01 23:55:53.475686: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14442ca300 of size 1671168 next 1399\n",
"2022-08-01 23:55:53.475688: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444462300 of size 4352 next 1400\n",
"2022-08-01 23:55:53.475690: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444463400 of size 557056 next 1401\n",
"2022-08-01 23:55:53.475692: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14444eb400 of size 512 next 1402\n",
"2022-08-01 23:55:53.475694: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14444eb600 of size 573440 next 1403\n",
"2022-08-01 23:55:53.475696: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444577600 of size 768 next 1404\n",
"2022-08-01 23:55:53.475699: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444577900 of size 835584 next 1405\n",
"2022-08-01 23:55:53.475701: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444643900 of size 860160 next 1406\n",
"2022-08-01 23:55:53.475703: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444715900 of size 768 next 1407\n",
"2022-08-01 23:55:53.475705: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444715c00 of size 768 next 1408\n",
"2022-08-01 23:55:53.475707: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444715f00 of size 1671168 next 1409\n",
"2022-08-01 23:55:53.475709: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14448adf00 of size 4352 next 1410\n",
"2022-08-01 23:55:53.475711: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14448af000 of size 557056 next 1411\n",
"2022-08-01 23:55:53.475713: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444937000 of size 512 next 1412\n",
"2022-08-01 23:55:53.475715: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444937200 of size 573440 next 1413\n",
"2022-08-01 23:55:53.475718: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14449c3200 of size 768 next 1414\n",
"2022-08-01 23:55:53.475720: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14449c3500 of size 835584 next 1415\n",
"2022-08-01 23:55:53.475762: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444a8f500 of size 860160 next 1416\n",
"2022-08-01 23:55:53.475765: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444b61500 of size 768 next 1417\n",
"2022-08-01 23:55:53.475767: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444b61800 of size 768 next 1418\n",
"2022-08-01 23:55:53.475769: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444b61b00 of size 1671168 next 1419\n",
"2022-08-01 23:55:53.475771: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444cf9b00 of size 4352 next 1420\n",
"2022-08-01 23:55:53.475773: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444cfac00 of size 557056 next 1421\n",
"2022-08-01 23:55:53.475775: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444d82c00 of size 512 next 1422\n",
"2022-08-01 23:55:53.475777: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444d82e00 of size 573440 next 1423\n",
"2022-08-01 23:55:53.475780: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444e0ee00 of size 768 next 1424\n",
"2022-08-01 23:55:53.475782: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444e0f100 of size 835584 next 1425\n",
"2022-08-01 23:55:53.475784: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444edb100 of size 860160 next 1426\n",
"2022-08-01 23:55:53.475786: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444fad100 of size 768 next 1427\n",
"2022-08-01 23:55:53.475788: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444fad400 of size 768 next 1428\n",
"2022-08-01 23:55:53.475790: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1444fad700 of size 1671168 next 1429\n",
"2022-08-01 23:55:53.475792: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445145700 of size 4352 next 1430\n",
"2022-08-01 23:55:53.475794: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445146800 of size 557056 next 1431\n",
"2022-08-01 23:55:53.475797: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14451ce800 of size 512 next 1432\n",
"2022-08-01 23:55:53.475799: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14451cea00 of size 573440 next 1433\n",
"2022-08-01 23:55:53.475801: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144525aa00 of size 768 next 1434\n",
"2022-08-01 23:55:53.475803: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144525ad00 of size 835584 next 1435\n",
"2022-08-01 23:55:53.475805: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445326d00 of size 860160 next 1436\n",
"2022-08-01 23:55:53.475807: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14453f8d00 of size 768 next 1437\n",
"2022-08-01 23:55:53.475809: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14453f9000 of size 768 next 1438\n",
"2022-08-01 23:55:53.475811: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14453f9300 of size 1671168 next 1439\n",
"2022-08-01 23:55:53.475813: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445591300 of size 4352 next 1440\n",
"2022-08-01 23:55:53.475816: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445592400 of size 557056 next 1441\n",
"2022-08-01 23:55:53.475818: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144561a400 of size 512 next 1442\n",
"2022-08-01 23:55:53.475820: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144561a600 of size 573440 next 1443\n",
"2022-08-01 23:55:53.475822: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14456a6600 of size 768 next 1444\n",
"2022-08-01 23:55:53.475824: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14456a6900 of size 835584 next 1445\n",
"2022-08-01 23:55:53.475826: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445772900 of size 860160 next 1446\n",
"2022-08-01 23:55:53.475867: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445844900 of size 768 next 1447\n",
"2022-08-01 23:55:53.475870: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445844c00 of size 768 next 1448\n",
"2022-08-01 23:55:53.475872: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445844f00 of size 1671168 next 1449\n",
"2022-08-01 23:55:53.475874: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14459dcf00 of size 4352 next 1450\n",
"2022-08-01 23:55:53.475876: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14459de000 of size 557056 next 1451\n",
"2022-08-01 23:55:53.475878: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445a66000 of size 512 next 1452\n",
"2022-08-01 23:55:53.475880: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445a66200 of size 573440 next 1453\n",
"2022-08-01 23:55:53.475882: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445af2200 of size 768 next 1454\n",
"2022-08-01 23:55:53.475885: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445af2500 of size 835584 next 1455\n",
"2022-08-01 23:55:53.475887: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445bbe500 of size 860160 next 1456\n",
"2022-08-01 23:55:53.475889: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445c90500 of size 768 next 1457\n",
"2022-08-01 23:55:53.475891: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445c90800 of size 768 next 1458\n",
"2022-08-01 23:55:53.475893: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445c90b00 of size 1671168 next 1459\n",
"2022-08-01 23:55:53.475895: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445e28b00 of size 4352 next 1460\n",
"2022-08-01 23:55:53.475897: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445e29c00 of size 557056 next 1461\n",
"2022-08-01 23:55:53.475899: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445eb1c00 of size 512 next 1462\n",
"2022-08-01 23:55:53.475901: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445eb1e00 of size 573440 next 1463\n",
"2022-08-01 23:55:53.475903: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445f3de00 of size 768 next 1464\n",
"2022-08-01 23:55:53.475906: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1445f3e100 of size 835584 next 1465\n",
"2022-08-01 23:55:53.475908: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144600a100 of size 860160 next 1466\n",
"2022-08-01 23:55:53.475910: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14460dc100 of size 768 next 1467\n",
"2022-08-01 23:55:53.475912: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14460dc400 of size 768 next 1468\n",
"2022-08-01 23:55:53.475914: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14460dc700 of size 1671168 next 1469\n",
"2022-08-01 23:55:53.475916: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446274700 of size 4352 next 1470\n",
"2022-08-01 23:55:53.475918: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446275800 of size 557056 next 1471\n",
"2022-08-01 23:55:53.475920: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14462fd800 of size 512 next 1472\n",
"2022-08-01 23:55:53.475922: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14462fda00 of size 573440 next 1473\n",
"2022-08-01 23:55:53.475925: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446389a00 of size 768 next 1474\n",
"2022-08-01 23:55:53.475927: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446389d00 of size 835584 next 1475\n",
"2022-08-01 23:55:53.475929: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446455d00 of size 860160 next 1476\n",
"2022-08-01 23:55:53.475931: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446527d00 of size 768 next 1477\n",
"2022-08-01 23:55:53.475972: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446528000 of size 768 next 1478\n",
"2022-08-01 23:55:53.475974: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446528300 of size 1671168 next 1479\n",
"2022-08-01 23:55:53.475977: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14466c0300 of size 4352 next 1480\n",
"2022-08-01 23:55:53.475979: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14466c1400 of size 557056 next 1481\n",
"2022-08-01 23:55:53.475981: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446749400 of size 512 next 1482\n",
"2022-08-01 23:55:53.475983: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446749600 of size 573440 next 1483\n",
"2022-08-01 23:55:53.475985: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14467d5600 of size 768 next 1484\n",
"2022-08-01 23:55:53.475987: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14467d5900 of size 835584 next 1485\n",
"2022-08-01 23:55:53.475989: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14468a1900 of size 860160 next 1486\n",
"2022-08-01 23:55:53.475991: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446973900 of size 768 next 1487\n",
"2022-08-01 23:55:53.475994: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446973c00 of size 768 next 1488\n",
"2022-08-01 23:55:53.475996: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446973f00 of size 1671168 next 1489\n",
"2022-08-01 23:55:53.475998: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446b0bf00 of size 4352 next 1490\n",
"2022-08-01 23:55:53.476000: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446b0d000 of size 557056 next 1491\n",
"2022-08-01 23:55:53.476002: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446b95000 of size 512 next 1492\n",
"2022-08-01 23:55:53.476004: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446b95200 of size 573440 next 1493\n",
"2022-08-01 23:55:53.476006: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446c21200 of size 768 next 1494\n",
"2022-08-01 23:55:53.476008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446c21500 of size 835584 next 1495\n",
"2022-08-01 23:55:53.476011: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446ced500 of size 860160 next 1496\n",
"2022-08-01 23:55:53.476013: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446dbf500 of size 768 next 1497\n",
"2022-08-01 23:55:53.476015: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446dbf800 of size 768 next 1498\n",
"2022-08-01 23:55:53.476017: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446dbfb00 of size 1671168 next 1499\n",
"2022-08-01 23:55:53.476019: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446f57b00 of size 4352 next 1500\n",
"2022-08-01 23:55:53.476021: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446f58c00 of size 557056 next 1501\n",
"2022-08-01 23:55:53.476023: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446fe0c00 of size 512 next 1502\n",
"2022-08-01 23:55:53.476025: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1446fe0e00 of size 573440 next 1503\n",
"2022-08-01 23:55:53.476027: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144706ce00 of size 768 next 1504\n",
"2022-08-01 23:55:53.476030: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144706d100 of size 835584 next 1505\n",
"2022-08-01 23:55:53.476032: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447139100 of size 860160 next 1506\n",
"2022-08-01 23:55:53.476034: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144720b100 of size 768 next 1507\n",
"2022-08-01 23:55:53.476036: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144720b400 of size 768 next 1508\n",
"2022-08-01 23:55:53.476077: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144720b700 of size 1671168 next 1509\n",
"2022-08-01 23:55:53.476080: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14473a3700 of size 4352 next 1510\n",
"2022-08-01 23:55:53.476082: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14473a4800 of size 557056 next 1511\n",
"2022-08-01 23:55:53.476084: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144742c800 of size 512 next 1512\n",
"2022-08-01 23:55:53.476086: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144742ca00 of size 573440 next 1513\n",
"2022-08-01 23:55:53.476088: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14474b8a00 of size 768 next 1514\n",
"2022-08-01 23:55:53.476091: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14474b8d00 of size 835584 next 1515\n",
"2022-08-01 23:55:53.476093: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447584d00 of size 860160 next 1516\n",
"2022-08-01 23:55:53.476095: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447656d00 of size 768 next 1517\n",
"2022-08-01 23:55:53.476097: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447657000 of size 768 next 1518\n",
"2022-08-01 23:55:53.476099: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447657300 of size 1671168 next 1519\n",
"2022-08-01 23:55:53.476101: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14477ef300 of size 4352 next 1520\n",
"2022-08-01 23:55:53.476103: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14477f0400 of size 557056 next 1521\n",
"2022-08-01 23:55:53.476105: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447878400 of size 512 next 1522\n",
"2022-08-01 23:55:53.476107: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447878600 of size 573440 next 1523\n",
"2022-08-01 23:55:53.476110: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447904600 of size 768 next 1524\n",
"2022-08-01 23:55:53.476112: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447904900 of size 835584 next 1525\n",
"2022-08-01 23:55:53.476114: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14479d0900 of size 860160 next 1526\n",
"2022-08-01 23:55:53.476116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447aa2900 of size 768 next 1527\n",
"2022-08-01 23:55:53.476118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447aa2c00 of size 768 next 1528\n",
"2022-08-01 23:55:53.476120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447aa2f00 of size 1671168 next 1529\n",
"2022-08-01 23:55:53.476122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447c3af00 of size 4352 next 1530\n",
"2022-08-01 23:55:53.476124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447c3c000 of size 557056 next 1531\n",
"2022-08-01 23:55:53.476126: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447cc4000 of size 512 next 1532\n",
"2022-08-01 23:55:53.476128: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447cc4200 of size 573440 next 1533\n",
"2022-08-01 23:55:53.476131: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447d50200 of size 768 next 1534\n",
"2022-08-01 23:55:53.476133: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447d50500 of size 835584 next 1535\n",
"2022-08-01 23:55:53.476135: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447e1c500 of size 860160 next 1536\n",
"2022-08-01 23:55:53.476137: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447eee500 of size 768 next 1537\n",
"2022-08-01 23:55:53.476139: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447eee800 of size 768 next 1538\n",
"2022-08-01 23:55:53.476141: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1447eeeb00 of size 1671168 next 1539\n",
"2022-08-01 23:55:53.476184: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448086b00 of size 4352 next 1540\n",
"2022-08-01 23:55:53.476186: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448087c00 of size 557056 next 1541\n",
"2022-08-01 23:55:53.476188: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144810fc00 of size 512 next 1542\n",
"2022-08-01 23:55:53.476191: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144810fe00 of size 573440 next 1543\n",
"2022-08-01 23:55:53.476193: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144819be00 of size 768 next 1544\n",
"2022-08-01 23:55:53.476195: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144819c100 of size 835584 next 1545\n",
"2022-08-01 23:55:53.476197: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448268100 of size 860160 next 1546\n",
"2022-08-01 23:55:53.476199: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144833a100 of size 768 next 1547\n",
"2022-08-01 23:55:53.476201: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144833a400 of size 768 next 1548\n",
"2022-08-01 23:55:53.476203: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144833a700 of size 1671168 next 1549\n",
"2022-08-01 23:55:53.476205: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14484d2700 of size 4352 next 1550\n",
"2022-08-01 23:55:53.476207: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14484d3800 of size 1114112 next 1551\n",
"2022-08-01 23:55:53.476210: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14485e3800 of size 1024 next 1552\n",
"2022-08-01 23:55:53.476212: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14485e3c00 of size 1114112 next 1553\n",
"2022-08-01 23:55:53.476214: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14486f3c00 of size 1114112 next 1554\n",
"2022-08-01 23:55:53.476216: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448803c00 of size 2654208 next 1555\n",
"2022-08-01 23:55:53.476218: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448a8bc00 of size 1024 next 1556\n",
"2022-08-01 23:55:53.476220: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448a8c000 of size 1024 next 1557\n",
"2022-08-01 23:55:53.476222: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448a8c400 of size 1280 next 1558\n",
"2022-08-01 23:55:53.476225: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448a8c900 of size 3538944 next 1559\n",
"2022-08-01 23:55:53.476227: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1448dec900 of size 2654208 next 1560\n",
"2022-08-01 23:55:53.476229: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449074900 of size 3317760 next 1561\n",
"2022-08-01 23:55:53.476231: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144939e900 of size 1536 next 1562\n",
"2022-08-01 23:55:53.476233: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144939ef00 of size 1280 next 1563\n",
"2022-08-01 23:55:53.476235: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144939f400 of size 1280 next 1564\n",
"2022-08-01 23:55:53.476237: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144939f900 of size 1597440 next 1565\n",
"2022-08-01 23:55:53.476240: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449525900 of size 768 next 1566\n",
"2022-08-01 23:55:53.476242: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449525c00 of size 516096 next 1567\n",
"2022-08-01 23:55:53.476244: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14495a3c00 of size 1024 next 1568\n",
"2022-08-01 23:55:53.476246: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14495a4000 of size 1597440 next 1569\n",
"2022-08-01 23:55:53.476248: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144972a000 of size 688128 next 1570\n",
"2022-08-01 23:55:53.476296: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14497d2000 of size 768 next 1571\n",
"2022-08-01 23:55:53.476298: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14497d2300 of size 1024 next 1572\n",
"2022-08-01 23:55:53.476301: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f14497d2700 of size 3727360 next 1573\n",
"2022-08-01 23:55:53.476303: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449b60700 of size 8448 next 1574\n",
"2022-08-01 23:55:53.476306: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449b62800 of size 1597440 next 1575\n",
"2022-08-01 23:55:53.476308: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449ce8800 of size 768 next 1576\n",
"2022-08-01 23:55:53.476310: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449ce8b00 of size 516096 next 1577\n",
"2022-08-01 23:55:53.476312: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449d66b00 of size 1024 next 1578\n",
"2022-08-01 23:55:53.476314: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449d66f00 of size 1597440 next 1579\n",
"2022-08-01 23:55:53.476316: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449eecf00 of size 688128 next 1580\n",
"2022-08-01 23:55:53.476318: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449f94f00 of size 768 next 1581\n",
"2022-08-01 23:55:53.476320: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449f95200 of size 1024 next 1582\n",
"2022-08-01 23:55:53.476323: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f1449f95600 of size 3727360 next 1583\n",
"2022-08-01 23:55:53.476325: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a323600 of size 8448 next 1584\n",
"2022-08-01 23:55:53.476327: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a325700 of size 1597440 next 1585\n",
"2022-08-01 23:55:53.476329: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a4ab700 of size 768 next 1586\n",
"2022-08-01 23:55:53.476331: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a4aba00 of size 516096 next 1587\n",
"2022-08-01 23:55:53.476333: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a529a00 of size 1024 next 1588\n",
"2022-08-01 23:55:53.476335: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a529e00 of size 1597440 next 1589\n",
"2022-08-01 23:55:53.476337: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a6afe00 of size 688128 next 1590\n",
"2022-08-01 23:55:53.476340: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a757e00 of size 768 next 1591\n",
"2022-08-01 23:55:53.476342: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a758100 of size 1024 next 1592\n",
"2022-08-01 23:55:53.476344: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144a758500 of size 3727360 next 1593\n",
"2022-08-01 23:55:53.476346: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144aae6500 of size 8448 next 1594\n",
"2022-08-01 23:55:53.476348: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144aae8600 of size 1597440 next 1595\n",
"2022-08-01 23:55:53.476350: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ac6e600 of size 768 next 1596\n",
"2022-08-01 23:55:53.476352: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ac6e900 of size 516096 next 1597\n",
"2022-08-01 23:55:53.476354: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144acec900 of size 1024 next 1598\n",
"2022-08-01 23:55:53.476356: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144acecd00 of size 1597440 next 1599\n",
"2022-08-01 23:55:53.476359: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ae72d00 of size 688128 next 1600\n",
"2022-08-01 23:55:53.476361: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144af1ad00 of size 768 next 1601\n",
"2022-08-01 23:55:53.476406: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144af1b000 of size 1024 next 1602\n",
"2022-08-01 23:55:53.476409: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144af1b400 of size 3727360 next 1603\n",
"2022-08-01 23:55:53.476411: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b2a9400 of size 8448 next 1604\n",
"2022-08-01 23:55:53.476413: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b2ab500 of size 1597440 next 1605\n",
"2022-08-01 23:55:53.476415: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b431500 of size 768 next 1606\n",
"2022-08-01 23:55:53.476417: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b431800 of size 516096 next 1607\n",
"2022-08-01 23:55:53.476419: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b4af800 of size 1024 next 1608\n",
"2022-08-01 23:55:53.476422: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b4afc00 of size 1597440 next 1609\n",
"2022-08-01 23:55:53.476424: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b635c00 of size 688128 next 1610\n",
"2022-08-01 23:55:53.476426: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b6ddc00 of size 768 next 1611\n",
"2022-08-01 23:55:53.476428: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b6ddf00 of size 1024 next 1612\n",
"2022-08-01 23:55:53.476430: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144b6de300 of size 3727360 next 1613\n",
"2022-08-01 23:55:53.476432: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ba6c300 of size 8448 next 1614\n",
"2022-08-01 23:55:53.476434: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ba6e400 of size 1597440 next 1615\n",
"2022-08-01 23:55:53.476436: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bbf4400 of size 768 next 1616\n",
"2022-08-01 23:55:53.476439: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bbf4700 of size 516096 next 1617\n",
"2022-08-01 23:55:53.476441: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bc72700 of size 1024 next 1618\n",
"2022-08-01 23:55:53.476443: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bc72b00 of size 1597440 next 1619\n",
"2022-08-01 23:55:53.476445: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bdf8b00 of size 688128 next 1620\n",
"2022-08-01 23:55:53.476447: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bea0b00 of size 768 next 1621\n",
"2022-08-01 23:55:53.476449: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bea0e00 of size 1024 next 1622\n",
"2022-08-01 23:55:53.476451: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144bea1200 of size 3727360 next 1623\n",
"2022-08-01 23:55:53.476453: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c22f200 of size 8448 next 1624\n",
"2022-08-01 23:55:53.476455: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c231300 of size 1597440 next 1625\n",
"2022-08-01 23:55:53.476458: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c3b7300 of size 768 next 1626\n",
"2022-08-01 23:55:53.476460: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c3b7600 of size 516096 next 1627\n",
"2022-08-01 23:55:53.476462: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c435600 of size 1024 next 1628\n",
"2022-08-01 23:55:53.476464: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c435a00 of size 1597440 next 1629\n",
"2022-08-01 23:55:53.476466: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c5bba00 of size 688128 next 1630\n",
"2022-08-01 23:55:53.476468: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c663a00 of size 768 next 1631\n",
"2022-08-01 23:55:53.476470: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c663d00 of size 1024 next 1632\n",
"2022-08-01 23:55:53.476512: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c664100 of size 3727360 next 1633\n",
"2022-08-01 23:55:53.476514: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c9f2100 of size 8448 next 1634\n",
"2022-08-01 23:55:53.476517: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144c9f4200 of size 1597440 next 1635\n",
"2022-08-01 23:55:53.476519: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144cb7a200 of size 768 next 1636\n",
"2022-08-01 23:55:53.476521: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144cb7a500 of size 516096 next 1637\n",
"2022-08-01 23:55:53.476523: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144cbf8500 of size 1024 next 1638\n",
"2022-08-01 23:55:53.476525: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144cbf8900 of size 1597440 next 1639\n",
"2022-08-01 23:55:53.476527: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144cd7e900 of size 688128 next 1640\n",
"2022-08-01 23:55:53.476530: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ce26900 of size 768 next 1641\n",
"2022-08-01 23:55:53.476532: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ce26c00 of size 1024 next 1642\n",
"2022-08-01 23:55:53.476534: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ce27000 of size 3727360 next 1643\n",
"2022-08-01 23:55:53.476536: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d1b5000 of size 8448 next 1644\n",
"2022-08-01 23:55:53.476538: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d1b7100 of size 1597440 next 1645\n",
"2022-08-01 23:55:53.476540: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d33d100 of size 768 next 1646\n",
"2022-08-01 23:55:53.476542: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d33d400 of size 516096 next 1647\n",
"2022-08-01 23:55:53.476544: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d3bb400 of size 1024 next 1648\n",
"2022-08-01 23:55:53.476546: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d3bb800 of size 1597440 next 1649\n",
"2022-08-01 23:55:53.476549: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d541800 of size 688128 next 1650\n",
"2022-08-01 23:55:53.476551: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d5e9800 of size 768 next 1651\n",
"2022-08-01 23:55:53.476553: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d5e9b00 of size 1024 next 1652\n",
"2022-08-01 23:55:53.476555: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d5e9f00 of size 3727360 next 1653\n",
"2022-08-01 23:55:53.476557: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d977f00 of size 8448 next 1654\n",
"2022-08-01 23:55:53.476559: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144d97a000 of size 1597440 next 1655\n",
"2022-08-01 23:55:53.476561: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144db00000 of size 768 next 1656\n",
"2022-08-01 23:55:53.476563: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144db00300 of size 516096 next 1657\n",
"2022-08-01 23:55:53.476565: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144db7e300 of size 1024 next 1658\n",
"2022-08-01 23:55:53.476568: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144db7e700 of size 1597440 next 1659\n",
"2022-08-01 23:55:53.476570: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144dd04700 of size 688128 next 1660\n",
"2022-08-01 23:55:53.476572: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ddac700 of size 768 next 1661\n",
"2022-08-01 23:55:53.476574: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ddaca00 of size 1024 next 1662\n",
"2022-08-01 23:55:53.476576: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ddace00 of size 3727360 next 1663\n",
"2022-08-01 23:55:53.476643: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144e13ae00 of size 8448 next 1664\n",
"2022-08-01 23:55:53.476645: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144e13cf00 of size 12779520 next 1665\n",
"2022-08-01 23:55:53.476647: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed6cf00 of size 6144 next 1666\n",
"2022-08-01 23:55:53.476649: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed6e700 of size 43008 next 1667\n",
"2022-08-01 23:55:53.476652: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed78f00 of size 256 next 1668\n",
"2022-08-01 23:55:53.476654: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed79000 of size 3584 next 1669\n",
"2022-08-01 23:55:53.476656: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed79e00 of size 256 next 1670\n",
"2022-08-01 23:55:53.476658: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed79f00 of size 36864 next 1671\n",
"2022-08-01 23:55:53.476660: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed82f00 of size 256 next 1672\n",
"2022-08-01 23:55:53.476662: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed83000 of size 73728 next 1673\n",
"2022-08-01 23:55:53.476664: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed95000 of size 256 next 1674\n",
"2022-08-01 23:55:53.476667: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed95100 of size 20480 next 1675\n",
"2022-08-01 23:55:53.476669: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed9a100 of size 512 next 1676\n",
"2022-08-01 23:55:53.476671: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ed9a300 of size 552960 next 1677\n",
"2022-08-01 23:55:53.476673: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee21300 of size 768 next 1678\n",
"2022-08-01 23:55:53.476675: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee21600 of size 49152 next 1679\n",
"2022-08-01 23:55:53.476677: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee2d600 of size 256 next 1680\n",
"2022-08-01 23:55:53.476679: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee2d700 of size 36864 next 1681\n",
"2022-08-01 23:55:53.476682: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee36700 of size 221184 next 1682\n",
"2022-08-01 23:55:53.476684: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee6c700 of size 256 next 1683\n",
"2022-08-01 23:55:53.476686: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee6c800 of size 512 next 1684\n",
"2022-08-01 23:55:53.476688: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee6ca00 of size 73728 next 1685\n",
"2022-08-01 23:55:53.476690: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ee7ea00 of size 307200 next 1686\n",
"2022-08-01 23:55:53.476692: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144eec9a00 of size 331776 next 1687\n",
"2022-08-01 23:55:53.476694: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef1aa00 of size 49152 next 1688\n",
"2022-08-01 23:55:53.476696: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef26a00 of size 512 next 1689\n",
"2022-08-01 23:55:53.476699: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef26c00 of size 256 next 1690\n",
"2022-08-01 23:55:53.476701: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef26d00 of size 512 next 1691\n",
"2022-08-01 23:55:53.476703: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef26f00 of size 256 next 1692\n",
"2022-08-01 23:55:53.476705: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef27000 of size 40960 next 1693\n",
"2022-08-01 23:55:53.476707: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef31000 of size 256 next 1694\n",
"2022-08-01 23:55:53.476747: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef31100 of size 40960 next 1695\n",
"2022-08-01 23:55:53.476750: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef3b100 of size 55296 next 1696\n",
"2022-08-01 23:55:53.476752: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef48900 of size 256 next 1697\n",
"2022-08-01 23:55:53.476754: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef48a00 of size 256 next 1698\n",
"2022-08-01 23:55:53.476756: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef48b00 of size 40960 next 1699\n",
"2022-08-01 23:55:53.476758: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef52b00 of size 36864 next 1700\n",
"2022-08-01 23:55:53.476760: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef5bb00 of size 110592 next 1701\n",
"2022-08-01 23:55:53.476763: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef76b00 of size 256 next 1702\n",
"2022-08-01 23:55:53.476765: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef76c00 of size 256 next 1703\n",
"2022-08-01 23:55:53.476767: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef76d00 of size 256 next 1704\n",
"2022-08-01 23:55:53.476769: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef76e00 of size 163840 next 1705\n",
"2022-08-01 23:55:53.476771: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef9ee00 of size 1280 next 1706\n",
"2022-08-01 23:55:53.476773: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144ef9f300 of size 40960 next 1707\n",
"2022-08-01 23:55:53.476775: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efa9300 of size 256 next 1708\n",
"2022-08-01 23:55:53.476777: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efa9400 of size 40960 next 1709\n",
"2022-08-01 23:55:53.476779: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efb3400 of size 55296 next 1710\n",
"2022-08-01 23:55:53.476782: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efc0c00 of size 256 next 1711\n",
"2022-08-01 23:55:53.476784: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efc0d00 of size 256 next 1712\n",
"2022-08-01 23:55:53.476786: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efc0e00 of size 40960 next 1713\n",
"2022-08-01 23:55:53.476788: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efcae00 of size 36864 next 1714\n",
"2022-08-01 23:55:53.476790: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efd3e00 of size 110592 next 1715\n",
"2022-08-01 23:55:53.476792: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efeee00 of size 256 next 1716\n",
"2022-08-01 23:55:53.476794: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efeef00 of size 256 next 1717\n",
"2022-08-01 23:55:53.476796: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efef000 of size 256 next 1718\n",
"2022-08-01 23:55:53.476798: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144efef100 of size 163840 next 1719\n",
"2022-08-01 23:55:53.476800: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f017100 of size 1280 next 1720\n",
"2022-08-01 23:55:53.476803: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f017600 of size 40960 next 1721\n",
"2022-08-01 23:55:53.476805: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f021600 of size 256 next 1722\n",
"2022-08-01 23:55:53.476807: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f021700 of size 40960 next 1723\n",
"2022-08-01 23:55:53.476809: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f02b700 of size 55296 next 1724\n",
"2022-08-01 23:55:53.476811: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f038f00 of size 256 next 1725\n",
"2022-08-01 23:55:53.476854: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f039000 of size 256 next 1726\n",
"2022-08-01 23:55:53.476856: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f039100 of size 40960 next 1727\n",
"2022-08-01 23:55:53.476858: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f043100 of size 36864 next 1728\n",
"2022-08-01 23:55:53.476860: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f04c100 of size 110592 next 1729\n",
"2022-08-01 23:55:53.476862: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f067100 of size 256 next 1730\n",
"2022-08-01 23:55:53.476864: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f067200 of size 256 next 1731\n",
"2022-08-01 23:55:53.476866: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f067300 of size 256 next 1732\n",
"2022-08-01 23:55:53.476869: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f067400 of size 163840 next 1733\n",
"2022-08-01 23:55:53.476871: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f08f400 of size 1280 next 1734\n",
"2022-08-01 23:55:53.476873: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f08f900 of size 40960 next 1735\n",
"2022-08-01 23:55:53.476875: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f099900 of size 256 next 1736\n",
"2022-08-01 23:55:53.476877: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f099a00 of size 40960 next 1737\n",
"2022-08-01 23:55:53.476879: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0a3a00 of size 55296 next 1738\n",
"2022-08-01 23:55:53.476881: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0b1200 of size 256 next 1739\n",
"2022-08-01 23:55:53.476883: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0b1300 of size 256 next 1740\n",
"2022-08-01 23:55:53.476885: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0b1400 of size 40960 next 1741\n",
"2022-08-01 23:55:53.476887: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0bb400 of size 36864 next 1742\n",
"2022-08-01 23:55:53.476890: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0c4400 of size 110592 next 1743\n",
"2022-08-01 23:55:53.476892: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0df400 of size 256 next 1744\n",
"2022-08-01 23:55:53.476894: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0df500 of size 256 next 1745\n",
"2022-08-01 23:55:53.476896: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0df600 of size 256 next 1746\n",
"2022-08-01 23:55:53.476898: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f0df700 of size 163840 next 1747\n",
"2022-08-01 23:55:53.476900: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f107700 of size 1280 next 1748\n",
"2022-08-01 23:55:53.476902: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f107c00 of size 40960 next 1749\n",
"2022-08-01 23:55:53.476904: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f111c00 of size 256 next 1750\n",
"2022-08-01 23:55:53.476906: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f111d00 of size 40960 next 1751\n",
"2022-08-01 23:55:53.476908: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f11bd00 of size 55296 next 1752\n",
"2022-08-01 23:55:53.476911: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f129500 of size 256 next 1753\n",
"2022-08-01 23:55:53.476913: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f129600 of size 256 next 1754\n",
"2022-08-01 23:55:53.476915: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f129700 of size 40960 next 1755\n",
"2022-08-01 23:55:53.476917: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f133700 of size 36864 next 1756\n",
"2022-08-01 23:55:53.476959: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f13c700 of size 110592 next 1757\n",
"2022-08-01 23:55:53.476962: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f157700 of size 256 next 1758\n",
"2022-08-01 23:55:53.476964: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f157800 of size 256 next 1759\n",
"2022-08-01 23:55:53.476966: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f157900 of size 256 next 1760\n",
"2022-08-01 23:55:53.476968: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f157a00 of size 163840 next 1761\n",
"2022-08-01 23:55:53.476970: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f17fa00 of size 1280 next 1762\n",
"2022-08-01 23:55:53.476972: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f17ff00 of size 40960 next 1763\n",
"2022-08-01 23:55:53.476974: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f189f00 of size 256 next 1764\n",
"2022-08-01 23:55:53.476976: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f18a000 of size 40960 next 1765\n",
"2022-08-01 23:55:53.476979: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f194000 of size 55296 next 1766\n",
"2022-08-01 23:55:53.476981: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1a1800 of size 256 next 1767\n",
"2022-08-01 23:55:53.476983: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1a1900 of size 256 next 1768\n",
"2022-08-01 23:55:53.476985: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1a1a00 of size 40960 next 1769\n",
"2022-08-01 23:55:53.476987: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1aba00 of size 36864 next 1770\n",
"2022-08-01 23:55:53.476989: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1b4a00 of size 110592 next 1771\n",
"2022-08-01 23:55:53.476991: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1cfa00 of size 256 next 1772\n",
"2022-08-01 23:55:53.476993: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1cfb00 of size 256 next 1773\n",
"2022-08-01 23:55:53.476995: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1cfc00 of size 256 next 1774\n",
"2022-08-01 23:55:53.476997: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1cfd00 of size 163840 next 1775\n",
"2022-08-01 23:55:53.477000: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1f7d00 of size 1280 next 1776\n",
"2022-08-01 23:55:53.477002: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f1f8200 of size 40960 next 1777\n",
"2022-08-01 23:55:53.477004: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f202200 of size 256 next 1778\n",
"2022-08-01 23:55:53.477006: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f202300 of size 40960 next 1779\n",
"2022-08-01 23:55:53.477008: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f20c300 of size 55296 next 1780\n",
"2022-08-01 23:55:53.477010: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f219b00 of size 256 next 1781\n",
"2022-08-01 23:55:53.477012: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f219c00 of size 256 next 1782\n",
"2022-08-01 23:55:53.477014: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f219d00 of size 40960 next 1783\n",
"2022-08-01 23:55:53.477016: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f223d00 of size 36864 next 1784\n",
"2022-08-01 23:55:53.477018: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f22cd00 of size 110592 next 1785\n",
"2022-08-01 23:55:53.477021: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f247d00 of size 256 next 1786\n",
"2022-08-01 23:55:53.477023: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f247e00 of size 256 next 1787\n",
"2022-08-01 23:55:53.477065: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f247f00 of size 256 next 1788\n",
"2022-08-01 23:55:53.477067: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f248000 of size 163840 next 1789\n",
"2022-08-01 23:55:53.477070: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f270000 of size 1280 next 1790\n",
"2022-08-01 23:55:53.477072: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f270500 of size 40960 next 1791\n",
"2022-08-01 23:55:53.477074: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f27a500 of size 256 next 1792\n",
"2022-08-01 23:55:53.477076: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f27a600 of size 40960 next 1793\n",
"2022-08-01 23:55:53.477078: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f284600 of size 55296 next 1794\n",
"2022-08-01 23:55:53.477080: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f291e00 of size 256 next 1795\n",
"2022-08-01 23:55:53.477082: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f291f00 of size 256 next 1796\n",
"2022-08-01 23:55:53.477084: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f292000 of size 40960 next 1797\n",
"2022-08-01 23:55:53.477086: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f29c000 of size 36864 next 1798\n",
"2022-08-01 23:55:53.477089: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2a5000 of size 110592 next 1799\n",
"2022-08-01 23:55:53.477091: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2c0000 of size 256 next 1800\n",
"2022-08-01 23:55:53.477093: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2c0100 of size 256 next 1801\n",
"2022-08-01 23:55:53.477095: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2c0200 of size 256 next 1802\n",
"2022-08-01 23:55:53.477097: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2c0300 of size 163840 next 1803\n",
"2022-08-01 23:55:53.477099: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2e8300 of size 1280 next 1804\n",
"2022-08-01 23:55:53.477101: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2e8800 of size 40960 next 1805\n",
"2022-08-01 23:55:53.477103: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2f2800 of size 256 next 1806\n",
"2022-08-01 23:55:53.477105: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2f2900 of size 40960 next 1807\n",
"2022-08-01 23:55:53.477108: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f2fc900 of size 55296 next 1808\n",
"2022-08-01 23:55:53.477110: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f30a100 of size 256 next 1809\n",
"2022-08-01 23:55:53.477112: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f30a200 of size 256 next 1810\n",
"2022-08-01 23:55:53.477114: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f30a300 of size 40960 next 1811\n",
"2022-08-01 23:55:53.477116: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f314300 of size 36864 next 1812\n",
"2022-08-01 23:55:53.477118: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f31d300 of size 110592 next 1813\n",
"2022-08-01 23:55:53.477120: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f338300 of size 256 next 1814\n",
"2022-08-01 23:55:53.477122: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f338400 of size 256 next 1815\n",
"2022-08-01 23:55:53.477124: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f338500 of size 256 next 1816\n",
"2022-08-01 23:55:53.477126: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f338600 of size 163840 next 1817\n",
"2022-08-01 23:55:53.477129: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f360600 of size 1280 next 1818\n",
"2022-08-01 23:55:53.477170: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f360b00 of size 40960 next 1819\n",
"2022-08-01 23:55:53.477172: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f36ab00 of size 256 next 1820\n",
"2022-08-01 23:55:53.477175: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f36ac00 of size 40960 next 1821\n",
"2022-08-01 23:55:53.477177: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f374c00 of size 55296 next 1822\n",
"2022-08-01 23:55:53.477179: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f382400 of size 256 next 1823\n",
"2022-08-01 23:55:53.477181: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f382500 of size 256 next 1824\n",
"2022-08-01 23:55:53.477183: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f382600 of size 40960 next 1825\n",
"2022-08-01 23:55:53.477185: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f38c600 of size 36864 next 1826\n",
"2022-08-01 23:55:53.477187: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f395600 of size 110592 next 1827\n",
"2022-08-01 23:55:53.477190: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3b0600 of size 256 next 1828\n",
"2022-08-01 23:55:53.477192: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3b0700 of size 256 next 1829\n",
"2022-08-01 23:55:53.477194: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3b0800 of size 256 next 1830\n",
"2022-08-01 23:55:53.477196: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3b0900 of size 163840 next 1831\n",
"2022-08-01 23:55:53.477198: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3d8900 of size 1280 next 1832\n",
"2022-08-01 23:55:53.477200: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f3d8e00 of size 327680 next 1833\n",
"2022-08-01 23:55:53.477202: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f428e00 of size 1024 next 1834\n",
"2022-08-01 23:55:53.477204: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f429200 of size 2359296 next 1835\n",
"2022-08-01 23:55:53.477207: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f669200 of size 1024 next 1836\n",
"2022-08-01 23:55:53.477209: I tensorflow/core/common_runtime/bfc_allocator.cc:1028] InUse at 7f144f669600 of size 4549120 next 18446744073709551615\n",
"2022-08-01 23:55:53.477211: I tensorflow/core/common_runtime/bfc_allocator.cc:1033] Summary of in-use Chunks by size: \n",
"2022-08-01 23:55:53.477215: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 479 Chunks of size 256 totalling 119.8KiB\n",
"2022-08-01 23:55:53.477219: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 123 Chunks of size 512 totalling 61.5KiB\n",
"2022-08-01 23:55:53.477222: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 402 Chunks of size 768 totalling 301.5KiB\n",
"2022-08-01 23:55:53.477224: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 126 Chunks of size 1024 totalling 126.0KiB\n",
"2022-08-01 23:55:53.477227: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 43 Chunks of size 1280 totalling 53.8KiB\n",
"2022-08-01 23:55:53.477229: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 21 Chunks of size 1536 totalling 31.5KiB\n",
"2022-08-01 23:55:53.477232: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2048 totalling 2.0KiB\n",
"2022-08-01 23:55:53.477234: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2560 totalling 2.5KiB\n",
"2022-08-01 23:55:53.477236: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2816 totalling 2.8KiB\n",
"2022-08-01 23:55:53.477239: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 3584 totalling 7.0KiB\n",
"2022-08-01 23:55:53.477241: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 38 Chunks of size 4352 totalling 161.5KiB\n",
"2022-08-01 23:55:53.477280: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 3 Chunks of size 5120 totalling 15.0KiB\n",
"2022-08-01 23:55:53.477283: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 5 Chunks of size 6144 totalling 30.0KiB\n",
"2022-08-01 23:55:53.477285: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 18 Chunks of size 8448 totalling 148.5KiB\n",
"2022-08-01 23:55:53.477288: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 9472 totalling 9.2KiB\n",
"2022-08-01 23:55:53.477290: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 11264 totalling 11.0KiB\n",
"2022-08-01 23:55:53.477293: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 20480 totalling 40.0KiB\n",
"2022-08-01 23:55:53.477295: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 26 Chunks of size 36864 totalling 936.0KiB\n",
"2022-08-01 23:55:53.477298: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 83 Chunks of size 40960 totalling 3.24MiB\n",
"2022-08-01 23:55:53.477300: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 43008 totalling 42.0KiB\n",
"2022-08-01 23:55:53.477303: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 47104 totalling 46.0KiB\n",
"2022-08-01 23:55:53.477305: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 6 Chunks of size 49152 totalling 288.0KiB\n",
"2022-08-01 23:55:53.477308: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 33 Chunks of size 55296 totalling 1.74MiB\n",
"2022-08-01 23:55:53.477310: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 56832 totalling 55.5KiB\n",
"2022-08-01 23:55:53.477313: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 4 Chunks of size 67584 totalling 264.0KiB\n",
"2022-08-01 23:55:53.477315: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 4 Chunks of size 69632 totalling 272.0KiB\n",
"2022-08-01 23:55:53.477318: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 7 Chunks of size 73728 totalling 504.0KiB\n",
"2022-08-01 23:55:53.477320: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 77824 totalling 76.0KiB\n",
"2022-08-01 23:55:53.477322: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 79872 totalling 156.0KiB\n",
"2022-08-01 23:55:53.477325: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 96256 totalling 94.0KiB\n",
"2022-08-01 23:55:53.477327: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 22 Chunks of size 110592 totalling 2.32MiB\n",
"2022-08-01 23:55:53.477330: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 111872 totalling 109.2KiB\n",
"2022-08-01 23:55:53.477332: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 122880 totalling 120.0KiB\n",
"2022-08-01 23:55:53.477334: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 28 Chunks of size 163840 totalling 4.38MiB\n",
"2022-08-01 23:55:53.477337: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 172032 totalling 168.0KiB\n",
"2022-08-01 23:55:53.477339: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 3 Chunks of size 180224 totalling 528.0KiB\n",
"2022-08-01 23:55:53.477342: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 200704 totalling 196.0KiB\n",
"2022-08-01 23:55:53.477344: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 219136 totalling 214.0KiB\n",
"2022-08-01 23:55:53.477347: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 221184 totalling 432.0KiB\n",
"2022-08-01 23:55:53.477349: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 249856 totalling 244.0KiB\n",
"2022-08-01 23:55:53.477351: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 276480 totalling 270.0KiB\n",
"2022-08-01 23:55:53.477354: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 307200 totalling 300.0KiB\n",
"2022-08-01 23:55:53.477356: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 325888 totalling 318.2KiB\n",
"2022-08-01 23:55:53.477389: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 3 Chunks of size 327680 totalling 960.0KiB\n",
"2022-08-01 23:55:53.477392: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 3 Chunks of size 331776 totalling 972.0KiB\n",
"2022-08-01 23:55:53.477394: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 376576 totalling 367.8KiB\n",
"2022-08-01 23:55:53.477397: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 442368 totalling 432.0KiB\n",
"2022-08-01 23:55:53.477399: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 14 Chunks of size 516096 totalling 6.89MiB\n",
"2022-08-01 23:55:53.477401: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 532480 totalling 520.0KiB\n",
"2022-08-01 23:55:53.477404: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 552960 totalling 540.0KiB\n",
"2022-08-01 23:55:53.477406: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 21 Chunks of size 557056 totalling 11.16MiB\n",
"2022-08-01 23:55:53.477409: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 565248 totalling 552.0KiB\n",
"2022-08-01 23:55:53.477411: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 33 Chunks of size 573440 totalling 18.05MiB\n",
"2022-08-01 23:55:53.477414: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 614400 totalling 600.0KiB\n",
"2022-08-01 23:55:53.477416: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 18 Chunks of size 688128 totalling 11.81MiB\n",
"2022-08-01 23:55:53.477418: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 704512 totalling 688.0KiB\n",
"2022-08-01 23:55:53.477421: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 819200 totalling 800.0KiB\n",
"2022-08-01 23:55:53.477423: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 49 Chunks of size 835584 totalling 39.05MiB\n",
"2022-08-01 23:55:53.477426: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 32 Chunks of size 860160 totalling 26.25MiB\n",
"2022-08-01 23:55:53.477428: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 898560 totalling 877.5KiB\n",
"2022-08-01 23:55:53.477431: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 5 Chunks of size 909312 totalling 4.34MiB\n",
"2022-08-01 23:55:53.477433: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 8 Chunks of size 1048576 totalling 8.00MiB\n",
"2022-08-01 23:55:53.477435: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 6 Chunks of size 1097728 totalling 6.28MiB\n",
"2022-08-01 23:55:53.477438: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 6 Chunks of size 1114112 totalling 6.38MiB\n",
"2022-08-01 23:55:53.477440: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 8 Chunks of size 1146880 totalling 8.75MiB\n",
"2022-08-01 23:55:53.477443: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1204224 totalling 1.15MiB\n",
"2022-08-01 23:55:53.477445: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1294336 totalling 1.23MiB\n",
"2022-08-01 23:55:53.477447: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 31 Chunks of size 1597440 totalling 47.23MiB\n",
"2022-08-01 23:55:53.477450: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1654784 totalling 1.58MiB\n",
"2022-08-01 23:55:53.477452: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 29 Chunks of size 1671168 totalling 46.22MiB\n",
"2022-08-01 23:55:53.477455: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1695744 totalling 1.62MiB\n",
"2022-08-01 23:55:53.477457: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1843200 totalling 1.76MiB\n",
"2022-08-01 23:55:53.477459: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 1982464 totalling 1.89MiB\n",
"2022-08-01 23:55:53.477462: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 3 Chunks of size 2129920 totalling 6.09MiB\n",
"2022-08-01 23:55:53.477464: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2170880 totalling 2.07MiB\n",
"2022-08-01 23:55:53.477496: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 2269184 totalling 4.33MiB\n",
"2022-08-01 23:55:53.477498: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2293760 totalling 2.19MiB\n",
"2022-08-01 23:55:53.477500: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2359296 totalling 2.25MiB\n",
"2022-08-01 23:55:53.477503: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2482176 totalling 2.37MiB\n",
"2022-08-01 23:55:53.477505: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 5 Chunks of size 2654208 totalling 12.66MiB\n",
"2022-08-01 23:55:53.477508: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 2662400 totalling 5.08MiB\n",
"2022-08-01 23:55:53.477510: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2678784 totalling 2.55MiB\n",
"2022-08-01 23:55:53.477512: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2818048 totalling 2.69MiB\n",
"2022-08-01 23:55:53.477515: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 2842624 totalling 2.71MiB\n",
"2022-08-01 23:55:53.477517: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 4 Chunks of size 3129344 totalling 11.94MiB\n",
"2022-08-01 23:55:53.477520: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 3317760 totalling 3.16MiB\n",
"2022-08-01 23:55:53.477522: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 3397376 totalling 3.24MiB\n",
"2022-08-01 23:55:53.477524: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 4 Chunks of size 3538944 totalling 13.50MiB\n",
"2022-08-01 23:55:53.477527: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 16 Chunks of size 3727360 totalling 56.88MiB\n",
"2022-08-01 23:55:53.477529: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 4005888 totalling 3.82MiB\n",
"2022-08-01 23:55:53.477531: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 4423680 totalling 4.22MiB\n",
"2022-08-01 23:55:53.477534: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 4549120 totalling 4.34MiB\n",
"2022-08-01 23:55:53.477536: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 5324800 totalling 5.08MiB\n",
"2022-08-01 23:55:53.477539: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 5857280 totalling 11.17MiB\n",
"2022-08-01 23:55:53.477541: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 6193152 totalling 5.91MiB\n",
"2022-08-01 23:55:53.477543: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 1 Chunks of size 7454720 totalling 7.11MiB\n",
"2022-08-01 23:55:53.477546: I tensorflow/core/common_runtime/bfc_allocator.cc:1036] 2 Chunks of size 12779520 totalling 24.38MiB\n",
"2022-08-01 23:55:53.477548: I tensorflow/core/common_runtime/bfc_allocator.cc:1040] Sum Total of in-use chunks: 474.75MiB\n",
"2022-08-01 23:55:53.477550: I tensorflow/core/common_runtime/bfc_allocator.cc:1042] total_region_allocated_bytes_: 497811456 memory_limit_: 497811456 available bytes: 0 curr_region_allocation_bytes_: 995622912\n",
"2022-08-01 23:55:53.477555: I tensorflow/core/common_runtime/bfc_allocator.cc:1048] Stats: \n",
"Limit: 497811456\n",
"InUse: 497811456\n",
"MaxInUse: 497811456\n",
"NumAllocs: 3468\n",
"MaxAllocSize: 12779520\n",
"Reserved: 0\n",
"PeakReserved: 0\n",
"LargestFreeBlock: 0\n",
"\n",
"2022-08-01 23:55:53.477576: W tensorflow/core/common_runtime/bfc_allocator.cc:441] ****************************************************************************************************\n",
"2022-08-01 23:55:53.477593: W tensorflow/core/framework/op_kernel.cc:1763] OP_REQUIRES failed at constant_op.cc:161 : Resource exhausted: OOM when allocating tensor with shape[3,3,256,384] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc\n"
]
},
{
"ename": "ResourceExhaustedError",
"evalue": "in user code:\n\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:805 train_function *\n return step_function(self, iterator)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:795 step_function **\n outputs = model.distribute_strategy.run(run_step, args=(data,))\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:1259 run\n return self._extended.call_for_each_replica(fn, args=args, kwargs=kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:2730 call_for_each_replica\n return self._call_for_each_replica(fn, args, kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3417 _call_for_each_replica\n return fn(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:788 run_step **\n outputs = model.train_step(data)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:757 train_step\n self.optimizer.minimize(loss, self.trainable_variables, tape=tape)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:498 minimize\n return self.apply_gradients(grads_and_vars, name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:604 apply_gradients\n self._create_all_weights(var_list)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:783 _create_all_weights\n self._create_slots(var_list)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/adam.py:129 _create_slots\n self.add_slot(var, 'v')\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:847 add_slot\n weight = tf_variables.Variable(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:262 __call__\n return cls._variable_v2_call(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:244 _variable_v2_call\n return previous_getter(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:712 variable_capturing_scope\n v = UnliftedInitializerVariable(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:264 __call__\n return super(VariableMetaclass, cls).__call__(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:227 __init__\n initial_value = initial_value()\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/initializers/initializers_v2.py:139 __call__\n return super(Zeros, self).__call__(shape, dtype=_get_dtype(dtype), **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/init_ops_v2.py:154 __call__\n return array_ops.zeros(shape, dtype)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py:201 wrapper\n return target(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:2819 wrapped\n tensor = fun(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:2880 zeros\n output = fill(shape, constant(zero, dtype=dtype), name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py:201 wrapper\n return target(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:239 fill\n result = gen_array_ops.fill(dims, value, name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/gen_array_ops.py:3348 fill\n _ops.raise_from_not_ok_status(e, name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/framework/ops.py:6862 raise_from_not_ok_status\n six.raise_from(core._status_to_exception(e.code, message), None)\n <string>:3 raise_from\n \n\n ResourceExhaustedError: OOM when allocating tensor with shape[3,3,256,384] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:Fill]\n",
"output_type": "error",
"traceback": [
"\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
"\u001b[0;31mResourceExhaustedError\u001b[0m Traceback (most recent call last)",
"Input \u001b[0;32mIn [18]\u001b[0m, in \u001b[0;36m<cell line: 1>\u001b[0;34m()\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mmodel\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfit\u001b[49m\u001b[43m(\u001b[49m\u001b[43mx\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtrain_generator\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2\u001b[0m \u001b[43m \u001b[49m\u001b[43msteps_per_epoch\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mlen\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mtrain_generator\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3\u001b[0m \u001b[43m \u001b[49m\u001b[43mvalidation_data\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mvalidation_generator\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 4\u001b[0m \u001b[43m \u001b[49m\u001b[43mvalidation_steps\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mlen\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mvalidation_generator\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 5\u001b[0m \u001b[43m \u001b[49m\u001b[43mepochs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;241;43m30\u001b[39;49m\u001b[43m,\u001b[49m\n\u001b[1;32m 6\u001b[0m \u001b[43m \u001b[49m\u001b[43mverbose\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m)\u001b[49m\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:1100\u001b[0m, in \u001b[0;36mModel.fit\u001b[0;34m(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, validation_batch_size, validation_freq, max_queue_size, workers, use_multiprocessing)\u001b[0m\n\u001b[1;32m 1093\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m trace\u001b[38;5;241m.\u001b[39mTrace(\n\u001b[1;32m 1094\u001b[0m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mtrain\u001b[39m\u001b[38;5;124m'\u001b[39m,\n\u001b[1;32m 1095\u001b[0m epoch_num\u001b[38;5;241m=\u001b[39mepoch,\n\u001b[1;32m 1096\u001b[0m step_num\u001b[38;5;241m=\u001b[39mstep,\n\u001b[1;32m 1097\u001b[0m batch_size\u001b[38;5;241m=\u001b[39mbatch_size,\n\u001b[1;32m 1098\u001b[0m _r\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m1\u001b[39m):\n\u001b[1;32m 1099\u001b[0m callbacks\u001b[38;5;241m.\u001b[39mon_train_batch_begin(step)\n\u001b[0;32m-> 1100\u001b[0m tmp_logs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtrain_function\u001b[49m\u001b[43m(\u001b[49m\u001b[43miterator\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m data_handler\u001b[38;5;241m.\u001b[39mshould_sync:\n\u001b[1;32m 1102\u001b[0m context\u001b[38;5;241m.\u001b[39masync_wait()\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:828\u001b[0m, in \u001b[0;36mFunction.__call__\u001b[0;34m(self, *args, **kwds)\u001b[0m\n\u001b[1;32m 826\u001b[0m tracing_count \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mexperimental_get_tracing_count()\n\u001b[1;32m 827\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m trace\u001b[38;5;241m.\u001b[39mTrace(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_name) \u001b[38;5;28;01mas\u001b[39;00m tm:\n\u001b[0;32m--> 828\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwds\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 829\u001b[0m compiler \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mxla\u001b[39m\u001b[38;5;124m\"\u001b[39m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_experimental_compile \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mnonXla\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 830\u001b[0m new_tracing_count \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mexperimental_get_tracing_count()\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:871\u001b[0m, in \u001b[0;36mFunction._call\u001b[0;34m(self, *args, **kwds)\u001b[0m\n\u001b[1;32m 868\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[1;32m 869\u001b[0m \u001b[38;5;66;03m# This is the first call of __call__, so we have to initialize.\u001b[39;00m\n\u001b[1;32m 870\u001b[0m initializers \u001b[38;5;241m=\u001b[39m []\n\u001b[0;32m--> 871\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_initialize\u001b[49m\u001b[43m(\u001b[49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mkwds\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43madd_initializers_to\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minitializers\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 872\u001b[0m \u001b[38;5;28;01mfinally\u001b[39;00m:\n\u001b[1;32m 873\u001b[0m \u001b[38;5;66;03m# At this point we know that the initialization is complete (or less\u001b[39;00m\n\u001b[1;32m 874\u001b[0m \u001b[38;5;66;03m# interestingly an exception was raised) so we no longer need a lock.\u001b[39;00m\n\u001b[1;32m 875\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_lock\u001b[38;5;241m.\u001b[39mrelease()\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:725\u001b[0m, in \u001b[0;36mFunction._initialize\u001b[0;34m(self, args, kwds, add_initializers_to)\u001b[0m\n\u001b[1;32m 722\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_lifted_initializer_graph \u001b[38;5;241m=\u001b[39m lifted_initializer_graph\n\u001b[1;32m 723\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_graph_deleter \u001b[38;5;241m=\u001b[39m FunctionDeleter(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_lifted_initializer_graph)\n\u001b[1;32m 724\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_concrete_stateful_fn \u001b[38;5;241m=\u001b[39m (\n\u001b[0;32m--> 725\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_stateful_fn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_get_concrete_function_internal_garbage_collected\u001b[49m\u001b[43m(\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;66;43;03m# pylint: disable=protected-access\u001b[39;49;00m\n\u001b[1;32m 726\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwds\u001b[49m\u001b[43m)\u001b[49m)\n\u001b[1;32m 728\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21minvalid_creator_scope\u001b[39m(\u001b[38;5;241m*\u001b[39munused_args, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39munused_kwds):\n\u001b[1;32m 729\u001b[0m \u001b[38;5;124;03m\"\"\"Disables variable creation.\"\"\"\u001b[39;00m\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/function.py:2969\u001b[0m, in \u001b[0;36mFunction._get_concrete_function_internal_garbage_collected\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 2967\u001b[0m args, kwargs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m, \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 2968\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_lock:\n\u001b[0;32m-> 2969\u001b[0m graph_function, _ \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_maybe_define_function\u001b[49m\u001b[43m(\u001b[49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2970\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m graph_function\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/function.py:3361\u001b[0m, in \u001b[0;36mFunction._maybe_define_function\u001b[0;34m(self, args, kwargs)\u001b[0m\n\u001b[1;32m 3357\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_define_function_with_shape_relaxation(\n\u001b[1;32m 3358\u001b[0m args, kwargs, flat_args, filtered_flat_args, cache_key_context)\n\u001b[1;32m 3360\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_function_cache\u001b[38;5;241m.\u001b[39mmissed\u001b[38;5;241m.\u001b[39madd(call_context_key)\n\u001b[0;32m-> 3361\u001b[0m graph_function \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_create_graph_function\u001b[49m\u001b[43m(\u001b[49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 3362\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_function_cache\u001b[38;5;241m.\u001b[39mprimary[cache_key] \u001b[38;5;241m=\u001b[39m graph_function\n\u001b[1;32m 3364\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m graph_function, filtered_flat_args\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/function.py:3196\u001b[0m, in \u001b[0;36mFunction._create_graph_function\u001b[0;34m(self, args, kwargs, override_flat_arg_shapes)\u001b[0m\n\u001b[1;32m 3191\u001b[0m missing_arg_names \u001b[38;5;241m=\u001b[39m [\n\u001b[1;32m 3192\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;132;01m%s\u001b[39;00m\u001b[38;5;124m_\u001b[39m\u001b[38;5;132;01m%d\u001b[39;00m\u001b[38;5;124m\"\u001b[39m \u001b[38;5;241m%\u001b[39m (arg, i) \u001b[38;5;28;01mfor\u001b[39;00m i, arg \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28menumerate\u001b[39m(missing_arg_names)\n\u001b[1;32m 3193\u001b[0m ]\n\u001b[1;32m 3194\u001b[0m arg_names \u001b[38;5;241m=\u001b[39m base_arg_names \u001b[38;5;241m+\u001b[39m missing_arg_names\n\u001b[1;32m 3195\u001b[0m graph_function \u001b[38;5;241m=\u001b[39m ConcreteFunction(\n\u001b[0;32m-> 3196\u001b[0m \u001b[43mfunc_graph_module\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfunc_graph_from_py_func\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 3197\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_name\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3198\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_python_function\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3199\u001b[0m \u001b[43m \u001b[49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3200\u001b[0m \u001b[43m \u001b[49m\u001b[43mkwargs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3201\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43minput_signature\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3202\u001b[0m \u001b[43m \u001b[49m\u001b[43mautograph\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_autograph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3203\u001b[0m \u001b[43m \u001b[49m\u001b[43mautograph_options\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_autograph_options\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3204\u001b[0m \u001b[43m \u001b[49m\u001b[43marg_names\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43marg_names\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3205\u001b[0m \u001b[43m \u001b[49m\u001b[43moverride_flat_arg_shapes\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moverride_flat_arg_shapes\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 3206\u001b[0m \u001b[43m \u001b[49m\u001b[43mcapture_by_value\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_capture_by_value\u001b[49m\u001b[43m)\u001b[49m,\n\u001b[1;32m 3207\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_function_attributes,\n\u001b[1;32m 3208\u001b[0m function_spec\u001b[38;5;241m=\u001b[39m\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mfunction_spec,\n\u001b[1;32m 3209\u001b[0m \u001b[38;5;66;03m# Tell the ConcreteFunction to clean up its graph once it goes out of\u001b[39;00m\n\u001b[1;32m 3210\u001b[0m \u001b[38;5;66;03m# scope. This is not the default behavior since it gets used in some\u001b[39;00m\n\u001b[1;32m 3211\u001b[0m \u001b[38;5;66;03m# places (like Keras) where the FuncGraph lives longer than the\u001b[39;00m\n\u001b[1;32m 3212\u001b[0m \u001b[38;5;66;03m# ConcreteFunction.\u001b[39;00m\n\u001b[1;32m 3213\u001b[0m shared_func_graph\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m)\n\u001b[1;32m 3214\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m graph_function\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/framework/func_graph.py:990\u001b[0m, in \u001b[0;36mfunc_graph_from_py_func\u001b[0;34m(name, python_func, args, kwargs, signature, func_graph, autograph, autograph_options, add_control_dependencies, arg_names, op_return_value, collections, capture_by_value, override_flat_arg_shapes)\u001b[0m\n\u001b[1;32m 987\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 988\u001b[0m _, original_func \u001b[38;5;241m=\u001b[39m tf_decorator\u001b[38;5;241m.\u001b[39munwrap(python_func)\n\u001b[0;32m--> 990\u001b[0m func_outputs \u001b[38;5;241m=\u001b[39m \u001b[43mpython_func\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mfunc_args\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mfunc_kwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 992\u001b[0m \u001b[38;5;66;03m# invariant: `func_outputs` contains only Tensors, CompositeTensors,\u001b[39;00m\n\u001b[1;32m 993\u001b[0m \u001b[38;5;66;03m# TensorArrays and `None`s.\u001b[39;00m\n\u001b[1;32m 994\u001b[0m func_outputs \u001b[38;5;241m=\u001b[39m nest\u001b[38;5;241m.\u001b[39mmap_structure(convert, func_outputs,\n\u001b[1;32m 995\u001b[0m expand_composites\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m)\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:634\u001b[0m, in \u001b[0;36mFunction._defun_with_scope.<locals>.wrapped_fn\u001b[0;34m(*args, **kwds)\u001b[0m\n\u001b[1;32m 632\u001b[0m xla_context\u001b[38;5;241m.\u001b[39mExit()\n\u001b[1;32m 633\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m--> 634\u001b[0m out \u001b[38;5;241m=\u001b[39m \u001b[43mweak_wrapped_fn\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m__wrapped__\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwds\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 635\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m out\n",
"File \u001b[0;32m~/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/framework/func_graph.py:977\u001b[0m, in \u001b[0;36mfunc_graph_from_py_func.<locals>.wrapper\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 975\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m \u001b[38;5;167;01mException\u001b[39;00m \u001b[38;5;28;01mas\u001b[39;00m e: \u001b[38;5;66;03m# pylint:disable=broad-except\u001b[39;00m\n\u001b[1;32m 976\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mhasattr\u001b[39m(e, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mag_error_metadata\u001b[39m\u001b[38;5;124m\"\u001b[39m):\n\u001b[0;32m--> 977\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m e\u001b[38;5;241m.\u001b[39mag_error_metadata\u001b[38;5;241m.\u001b[39mto_exception(e)\n\u001b[1;32m 978\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 979\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m\n",
"\u001b[0;31mResourceExhaustedError\u001b[0m: in user code:\n\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:805 train_function *\n return step_function(self, iterator)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:795 step_function **\n outputs = model.distribute_strategy.run(run_step, args=(data,))\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:1259 run\n return self._extended.call_for_each_replica(fn, args=args, kwargs=kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:2730 call_for_each_replica\n return self._call_for_each_replica(fn, args, kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3417 _call_for_each_replica\n return fn(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:788 run_step **\n outputs = model.train_step(data)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/engine/training.py:757 train_step\n self.optimizer.minimize(loss, self.trainable_variables, tape=tape)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:498 minimize\n return self.apply_gradients(grads_and_vars, name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:604 apply_gradients\n self._create_all_weights(var_list)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:783 _create_all_weights\n self._create_slots(var_list)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/adam.py:129 _create_slots\n self.add_slot(var, 'v')\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/optimizer_v2/optimizer_v2.py:847 add_slot\n weight = tf_variables.Variable(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:262 __call__\n return cls._variable_v2_call(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:244 _variable_v2_call\n return previous_getter(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/distribute/distribute_lib.py:3332 creator\n return next_creator(**kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:67 getter\n return captured_getter(captured_previous, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:712 variable_capturing_scope\n v = UnliftedInitializerVariable(\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:264 __call__\n return super(VariableMetaclass, cls).__call__(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/eager/def_function.py:227 __init__\n initial_value = initial_value()\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/keras/initializers/initializers_v2.py:139 __call__\n return super(Zeros, self).__call__(shape, dtype=_get_dtype(dtype), **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/init_ops_v2.py:154 __call__\n return array_ops.zeros(shape, dtype)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py:201 wrapper\n return target(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:2819 wrapped\n tensor = fun(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:2880 zeros\n output = fill(shape, constant(zero, dtype=dtype), name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py:201 wrapper\n return target(*args, **kwargs)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py:239 fill\n result = gen_array_ops.fill(dims, value, name=name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/ops/gen_array_ops.py:3348 fill\n _ops.raise_from_not_ok_status(e, name)\n /home/unknown/miniconda3/envs/tensorflow-cuda/lib/python3.9/site-packages/tensorflow/python/framework/ops.py:6862 raise_from_not_ok_status\n six.raise_from(core._status_to_exception(e.code, message), None)\n <string>:3 raise_from\n \n\n ResourceExhaustedError: OOM when allocating tensor with shape[3,3,256,384] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:Fill]\n"
]
}
],
"source": [
"model.fit(x=train_generator,\n",
" steps_per_epoch=len(train_generator),\n",
" validation_data=validation_generator,\n",
" validation_steps=len(validation_generator),\n",
" epochs=30,\n",
" verbose=1)"
]
},
{
"cell_type": "code",
"execution_count": null,
"id": "63f791af",
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3 (ipykernel)",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.9.12"
}
},
"nbformat": 4,
"nbformat_minor": 5
}