//
Search

230418_얼굴인식 연구노트

지문인식 코드가 돌아가는 환경 탐색

지문인식 코드가 돌아가는 환경은 torch가 아닌 tensorflow, keras, CV2를 활용한 소스코드였습니다.
그리고 가장 중요한점으로 저희가 꼭 써야하는 라이브러리는 opencv로 이 라이브러리는 다른 라이브러리로 대체가 가능하지 않는다는 점을 같이 인지했습니다.

지문인식 코드와 유사한 환경의 얼굴인식 소스코드 찾기

그래서 최대한 개발 환경을 그대로 동일하게 일치하게 해주기 위해서 tf와 keras로 짜여진 얼굴인식 소스코드를 찾았습니다.

환경세팅 (TF+Keras+CV2) → 실패

그다음에는, 젯슨나노에서 cv2를 설치하는 방법과 tf, keras 등을 설치하는 방법에 대해서 알아 보았습니다.
설치순서를 다음과 같은 방법으로 전부 다 해보았습니다.
CV2 설치 → TF 설치 → Keras 설치 CV2 설치 → Keras 설치 → TF 설치 Keras 설치 → CV2 설치 → TF 설치 Keras 설치 → TF 설치 → CV2 설치 TF 설치 → Keras 설치 → CV2 설치 TF 설치 → CV2 설치 → Keras 설치
Python
복사
설치 방법에 많은 명령어들이 들어가기에 그것들에 대한 모든 경우의 수를 체킹하면서 전부 다해보았는데 결국 안되었습니다.
심지어 상기 라이브러리와 더불어 다른 기타 라이브러리 까지 설치해야하기에 경우의 수 수백가지 이상 따져가면서 설치해보았는데도 실패했습니다. (이부분에서 거의 한달 소모되었습니다)

간이 환경(TF+KERAS)에서 얼굴인식 돌리기

그래서 일단 Opencv라도 하지말고 tf+keras 세팅으로 얼굴인식 소스코드가 돌아가는지라도 한번 테스팅 해보았습니다.

출처

소스코드 1

import numpy as np #import matplotlib.pyplot as plt import os import math import shutil ROOT_DIR = '/home/test4611/Desktop/105_classes_pins_dataset' DEST_DIR = './Data' n = 5 #int(input("Enter Number of Targets: ")) #shutil.rmtree("./Data") import random exclude=[] target=[] count=[] no_of_images = {} if not os.path.exists("./Data"): os.mkdir("./Data") for i in range(n): personfolder=os.listdir(ROOT_DIR) for item in exclude: if item in personfolder: personfolder.remove(item) person=random.choice(personfolder) src = (ROOT_DIR+'/'+person) dest = ('./Data/'+person[5:]) destexcl = (person) exclude.append(destexcl) shutil.copytree(src,dest) for dir in os.listdir(DEST_DIR): no_of_images[dir] = len(os.listdir(os.path.join(DEST_DIR,dir))) othersno=max(no_of_images.values()) if not os.path.exists("./Data/NON-TARGET"): os.mkdir("./Data/NON-TARGET") for i in range(othersno+2): person=random.choice(personfolder) files=os.listdir(ROOT_DIR+'/'+person) face=random.choice(files) src = (ROOT_DIR+'/'+person+'/'+face) dest = ('./Data/NON-TARGET/') shutil.copy(src,dest) no_of_images = {} for dir in os.listdir(DEST_DIR): no_of_images[dir] = len(os.listdir(os.path.join(DEST_DIR,dir))) no_of_images.items() print('\n') for item in no_of_images: if item != 'NON-TARGET': target.append(item) print('Target_Name\t\tNo_of_Images') for item in target: print(item,'\t\t',no_of_images[item]) print('NON-TARGET','\t\t',no_of_images['NON-TARGET']) ### def dataFolder(p, split): if not os.path.exists("./Model_Data"): os.mkdir("./Model_Data") if not os.path.exists("./Model_Data/"+p): os.mkdir("./Model_Data/"+p) for dir in os.listdir(DEST_DIR): os.makedirs("./Model_Data/"+p+"/"+dir) for img in np.random.choice(a=os.listdir(os.path.join(DEST_DIR,dir)), size = (math.floor(split*no_of_images[dir])-5),replace=False): O = os.path.join(DEST_DIR,dir,img) D = os.path.join("./Model_Data/"+p,dir) shutil.copy(O,D) else: print(f"{p} Exists") dataFolder("Train",0.7) dataFolder("Val",0.3) dataFolder("Test",0.5) #### from keras.preprocessing.image import ImageDataGenerator def preprocessingTrain(path): image_data = ImageDataGenerator(featurewise_center=True, rotation_range=0.4, width_shift_range=0.3, zoom_range=0.2, shear_range=0.2, rescale=1./255, horizontal_flip= True) image = image_data.flow_from_directory(directory= path, target_size=(256,256), batch_size=2, class_mode='categorical') return image def preprocessingVal(path): image_data = ImageDataGenerator(rescale=1./255) image = image_data.flow_from_directory(directory= path, target_size=(256,256), batch_size=2, class_mode='categorical') return image ### train_path="./Model_Data/Train" train_data = preprocessingTrain(train_path) val_path="./Model_Data/Val" val_data = preprocessingVal(val_path) test_path="./Model_Data/Test" test_data = preprocessingVal(test_path) from keras.models import Model from keras.layers import Flatten, Dense import keras.losses from keras.applications.inception_resnet_v2 import InceptionResNetV2 as IncRes ### base_model = IncRes(input_shape=(256,256,3),weights='imagenet',include_top=False) for layer in base_model.layers: layer.trainable=False X=Flatten()(base_model.output) X=Dense(units=n+1, activation='softmax')(X) model_IncRes = Model(base_model.input, X) model_IncRes.compile(optimizer='adam',loss=keras.losses.categorical_crossentropy,metrics=['accuracy']) model_IncRes.summary()
Python
복사

소스코드 2

import h5py import numpy as np #import matplotlib.pyplot as plt #%matplotlib inline # # used to supress display of warnings import warnings #from sklearn.metrics import precision_recall_curve,accuracy_score,f1_score,precision_score,recall_score # suppress display of warnings warnings.filterwarnings('ignore') import os source_dir=os.path.join('/home/test4611/Desktop/105_classes_pins_dataset') class IdentityMetadata(): def __init__(self, base, name, file): self.base = base # identity name self.name = name # image file name self.file = file def __repr__(self): return self.image_path() def image_path(self): return os.path.join(self.base, self.name, self.file) def load_metadata(path): metadata = [] for i in os.listdir(path): for f in os.listdir(os.path.join(path, i)): # Check file extension. Allow only jpg/jpeg' files. ext = os.path.splitext(f)[1] if ext == '.jpg' or ext == '.jpeg': metadata.append(IdentityMetadata(path, i, f)) return np.array(metadata) # metadata = load_metadata('images') metadata = load_metadata(source_dir) from tensorflow.keras.models import Sequential from tensorflow.keras.layers import ZeroPadding2D, Convolution2D, MaxPooling2D, Dropout, Flatten, Activation def vgg_face(): model = Sequential() model.add(ZeroPadding2D((1,1),input_shape=(224,224, 3))) model.add(Convolution2D(64, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(64, (3, 3), activation='relu')) model.add(MaxPooling2D((2,2), strides=(2,2))) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(128, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(128, (3, 3), activation='relu')) model.add(MaxPooling2D((2,2), strides=(2,2))) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(256, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(256, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(256, (3, 3), activation='relu')) model.add(MaxPooling2D((2,2), strides=(2,2))) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(MaxPooling2D((2,2), strides=(2,2))) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(ZeroPadding2D((1,1))) model.add(Convolution2D(512, (3, 3), activation='relu')) model.add(MaxPooling2D((2,2), strides=(2,2))) model.add(Convolution2D(4096, (7, 7), activation='relu')) model.add(Dropout(0.5)) model.add(Convolution2D(4096, (1, 1), activation='relu')) model.add(Dropout(0.5)) model.add(Convolution2D(2622, (1, 1))) model.add(Flatten()) model.add(Activation('softmax')) return model model = vgg_face() model.load_weights('/home/test4611/Desktop/asd/vgg_face_weights.h5')
Python
복사

젯슨나노 메모리 오류 발생

상기 데이터를 젯슨나노에 넣고 Tf→keras 순서로 설치해본 결과 다음과 같은오류가 나왔습니다.
tensorflow.python.framework.errors_impl.ResourceExhaustedError: OOM when allocating tensor with shape[1,1,384,1088] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:RandomUniform]
Python
복사
정지성연구원님이 말씀해주신 메모리 스왑 방법과 더불어 제가 알고있는 다른 스왑 방법도 전부 해보았는데 안되었습니다.
그다음은 딥러닝 PC에서 학습한 모델을 젯슨나노에서 이식하는 방법으로 시도했습니다. → 결과는 동일한 메모리 부족오류로 실패했습니다.
그다음은 Kaggle, Colab, 전남대 딥러닝 서버에서 학습한 모델을 각각 젯슨나노에서 이식하는 방법으로 시도했습니다. → 결과는 동일한ㅇㅇㅋ 메모리 부족오류로 실패했습니다.
여기서 주변에 아는 박사님께 들었던 말인데, 어떠한 학습을 통해 산출된 모델을 가지고 젯슨나노와 같은 저사양 PC에서 동일한 개발환경으로 돌릴떄에 해당 모델의 메모리 필수 소모량이 저사양 PC보다 더 높다면 작동이 안된다는 말을 들었습니다.
예를 들어 이런 말입니다.
[개발 SW 환경이 둘다 동일하다는 전제 조건하에] 고사양 딥러닝 pC에서 만든 모델 -> 고사양 딥러닝 pC : 작동 가능 고사양 딥러닝 pC에서 만든 모델 -> 저사양 딥러닝 PC : 작동 일부가능 (안될수도 있음) 저사양 딥러닝 pC에서 만든 모델 -> 고사양 딥러닝 PC : 작동 가능 저사양 딥러닝 pC에서 만든 모델 -> 저사양 딥러닝 PC : 작동 가능
Python
복사
관련 레퍼런스를 따로 못찾은 내용이지만, 저도 이와 비슷한 경험을 많이 겪었습니다.

새로운 해결방법

그러던 와중 어차피 이 소스코드로는 딥러닝 얼굴인식 코드도 못돌리고, 소스코드를 다른거 찾아봐도 전부다 동일한 오류가 떠서 안될뿐더러 설령 되더라도 Opencv까지 설치를 다시할때에 문제사항이 발생하니 torch로 전향에 대해 검토하고있었습니다.
상기 링크를 보시면아시겠지만 작년에 구현 성공한 샴네트워크에서 정지성연구원님이 활용해 얼굴인식 하신다는 말씀을 안내받았습니다.
그리고 제가 opencv+torch를 같이 설치하는 방법에도 가지고 있었습니다.
그래서 torch로 지문인식 소스코드를 다시 찾아보고, 관련 라이브러리를 빨리 설치를 한다면 문제소지가 없을 것으로 사료되었습니다.
이건 사담인데, 또 다른 박사님께 들었던 말입니다. tf가 지금 다른 라이브러리들과 호환성 이슈가 너무 많아서 torch로 개발하는걸 적극 추천하며 관련 top-tier 논문들도 torch가 압도적으로 맞기 떄문에, torch로 개발하는 것이 정답이라고 하셨습니다.
그래서 torch로 지문인식 소스코드를 구현하는 방법을 찾았고 컴파일까지 성공 시켰습니다.

하기 내용은 오류메시지 상세 내용입니다.

1번소스코드 오류메시지

2023-04-18 11:32:44.893257: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10 2023-04-18 11:32:44.893894: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2023-04-18 11:32:44.894219: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.894524: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.894623: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1884] Adding visible gpu devices: 0 2023-04-18 11:32:44.920481: W tensorflow/core/platform/profile_utils/cpu_utils.cc:108] Failed to find bogomips or clock in /proc/cpuinfo; cannot determine CPU frequency 2023-04-18 11:32:44.921084: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x3bd8ae60 initialized for platform Host (this does not guarantee that XLA will be used). Devices: 2023-04-18 11:32:44.921158: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version 2023-04-18 11:32:44.990563: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.990871: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x3bd76870 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices: 2023-04-18 11:32:44.990944: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): NVIDIA Tegra X1, Compute Capability 5.3 2023-04-18 11:32:44.991431: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.991589: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1742] Found device 0 with properties: pciBusID: 0000:00:00.0 name: NVIDIA Tegra X1 computeCapability: 5.3 coreClock: 0.9216GHz coreCount: 1 deviceMemorySize: 3.86GiB deviceMemoryBandwidth: 194.55MiB/s 2023-04-18 11:32:44.991688: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:32:44.991805: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10 2023-04-18 11:32:44.991888: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2023-04-18 11:32:44.991957: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2023-04-18 11:32:44.992098: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2023-04-18 11:32:44.992174: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10 2023-04-18 11:32:44.992239: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2023-04-18 11:32:44.992455: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.992757: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:44.992876: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1884] Adding visible gpu devices: 0 2023-04-18 11:32:44.992998: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:32:48.005617: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1283] Device interconnect StreamExecutor with strength 1 edge matrix: 2023-04-18 11:32:48.005713: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1289] 0 2023-04-18 11:32:48.005756: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1302] 0: N 2023-04-18 11:32:48.006167: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:48.006525: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:32:48.006733: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1428] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 113 MB memory) -> physical GPU (device: 0, name: NVIDIA Tegra X1, pci bus id: 0000:00:00.0, compute capability: 5.3) 2023-04-18 11:33:21.459332: W tensorflow/core/common_runtime/bfc_allocator.cc:431] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.59MiB (rounded to 1671168)requested by op RandomUniform Current allocation summary follows. 2023-04-18 11:33:21.460439: I tensorflow/core/common_runtime/bfc_allocator.cc:970] BFCAllocator dump for GPU_0_bfc 2023-04-18 11:33:21.460759: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (256): Total Chunks: 317, Chunks in use: 317. 79.2KiB allocated for chunks. 79.2KiB in use in bin. 43.4KiB client-requested in use in bin. 2023-04-18 11:33:21.461270: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (512): Total Chunks: 321, Chunks in use: 321. 217.8KiB allocated for chunks. 217.8KiB in use in bin. 206.2KiB client-requested in use in bin. 2023-04-18 11:33:21.461815: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (1024): Total Chunks: 29, Chunks in use: 29. 36.0KiB allocated for chunks. 36.0KiB in use in bin. 34.0KiB client-requested in use in bin. 2023-04-18 11:33:21.462324: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (2048): Total Chunks: 2, Chunks in use: 2. 6.0KiB allocated for chunks. 6.0KiB in use in bin. 4.9KiB client-requested in use in bin. 2023-04-18 11:33:21.462831: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (4096): Total Chunks: 18, Chunks in use: 18. 76.5KiB allocated for chunks. 76.5KiB in use in bin. 76.5KiB client-requested in use in bin. 2023-04-18 11:33:21.463297: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (8192): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.463752: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (16384): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.464439: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (32768): Total Chunks: 39, Chunks in use: 39. 1.64MiB allocated for chunks. 1.64MiB in use in bin. 1.55MiB client-requested in use in bin. 2023-04-18 11:33:21.464613: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (65536): Total Chunks: 29, Chunks in use: 28. 2.40MiB allocated for chunks. 2.28MiB in use in bin. 1.88MiB client-requested in use in bin. 2023-04-18 11:33:21.464782: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (131072): Total Chunks: 12, Chunks in use: 11. 1.93MiB allocated for chunks. 1.77MiB in use in bin. 1.77MiB client-requested in use in bin. 2023-04-18 11:33:21.465003: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (262144): Total Chunks: 3, Chunks in use: 3. 980.0KiB allocated for chunks. 980.0KiB in use in bin. 944.0KiB client-requested in use in bin. 2023-04-18 11:33:21.465271: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (524288): Total Chunks: 62, Chunks in use: 59. 45.11MiB allocated for chunks. 42.86MiB in use in bin. 37.43MiB client-requested in use in bin. 2023-04-18 11:33:21.465545: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (1048576): Total Chunks: 38, Chunks in use: 36. 50.06MiB allocated for chunks. 47.72MiB in use in bin. 42.99MiB client-requested in use in bin. 2023-04-18 11:33:21.465804: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (2097152): Total Chunks: 2, Chunks in use: 2. 6.38MiB allocated for chunks. 6.38MiB in use in bin. 5.62MiB client-requested in use in bin. 2023-04-18 11:33:21.466052: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (4194304): Total Chunks: 1, Chunks in use: 1. 4.22MiB allocated for chunks. 4.22MiB in use in bin. 4.22MiB client-requested in use in bin. 2023-04-18 11:33:21.466296: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (8388608): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.466527: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (16777216): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.466772: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (33554432): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.467011: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (67108864): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.467256: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (134217728): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.467497: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (268435456): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:33:21.467742: I tensorflow/core/common_runtime/bfc_allocator.cc:993] Bin for 1.59MiB was 1.00MiB, Chunk State: 2023-04-18 11:33:21.468216: I tensorflow/core/common_runtime/bfc_allocator.cc:999] Size: 1.09MiB | Requested Size: 840.0KiB | in_use: 0 | bin_num: 12, prev: Size: 560.0KiB | Requested Size: 560.0KiB | in_use: 1 | bin_num: -1, next: Size: 1.00MiB | Requested Size: 840.0KiB | in_use: 1 | bin_num: -1 2023-04-18 11:33:21.468372: I tensorflow/core/common_runtime/bfc_allocator.cc:999] Size: 1.25MiB | Requested Size: 1B | in_use: 0 | bin_num: 12, prev: Size: 840.0KiB | Requested Size: 840.0KiB | in_use: 1 | bin_num: -1 2023-04-18 11:33:21.468475: I tensorflow/core/common_runtime/bfc_allocator.cc:1006] Next region of size 118583296 2023-04-18 11:33:21.468580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30000 of size 1280 next 1 2023-04-18 11:33:21.468695: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30500 of size 256 next 5 2023-04-18 11:33:21.468819: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30600 of size 256 next 8 2023-04-18 11:33:21.468954: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30700 of size 256 next 9 2023-04-18 11:33:21.469095: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30800 of size 256 next 10 2023-04-18 11:33:21.469234: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30900 of size 256 next 11 2023-04-18 11:33:21.469366: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30a00 of size 256 next 12 2023-04-18 11:33:21.469507: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30b00 of size 256 next 13 2023-04-18 11:33:21.469650: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30c00 of size 256 next 15 2023-04-18 11:33:21.469789: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30d00 of size 256 next 16 2023-04-18 11:33:21.469925: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30e00 of size 256 next 14 2023-04-18 11:33:21.470057: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30f00 of size 256 next 19 2023-04-18 11:33:21.470198: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31000 of size 256 next 20 2023-04-18 11:33:21.470335: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31100 of size 256 next 21 2023-04-18 11:33:21.470472: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31200 of size 256 next 2 2023-04-18 11:33:21.470617: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31300 of size 256 next 3 2023-04-18 11:33:21.470755: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31400 of size 256 next 4 2023-04-18 11:33:21.470893: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31500 of size 256 next 22 2023-04-18 11:33:21.471033: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31600 of size 256 next 25 2023-04-18 11:33:21.471171: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31700 of size 256 next 26 2023-04-18 11:33:21.471309: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31800 of size 256 next 27 2023-04-18 11:33:21.471445: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31900 of size 256 next 28 2023-04-18 11:33:21.471581: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31a00 of size 256 next 30 2023-04-18 11:33:21.471713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31b00 of size 256 next 31 2023-04-18 11:33:21.471851: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31c00 of size 512 next 29 2023-04-18 11:33:21.472071: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b31e00 of size 512 next 32 2023-04-18 11:33:21.472185: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b32000 of size 512 next 34 2023-04-18 11:33:21.472242: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b32200 of size 512 next 6 2023-04-18 11:33:21.472299: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b32400 of size 3584 next 7 2023-04-18 11:33:21.472352: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33200 of size 256 next 36 2023-04-18 11:33:21.472404: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33300 of size 256 next 37 2023-04-18 11:33:21.472460: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33400 of size 768 next 35 2023-04-18 11:33:21.472520: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33700 of size 768 next 40 2023-04-18 11:33:21.472584: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33a00 of size 768 next 41 2023-04-18 11:33:21.472659: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33d00 of size 768 next 42 2023-04-18 11:33:21.472744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34000 of size 256 next 43 2023-04-18 11:33:21.472828: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34100 of size 256 next 44 2023-04-18 11:33:21.472907: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34200 of size 512 next 47 2023-04-18 11:33:21.472991: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34400 of size 512 next 48 2023-04-18 11:33:21.473078: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34600 of size 512 next 49 2023-04-18 11:33:21.473165: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34800 of size 512 next 50 2023-04-18 11:33:21.473251: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34a00 of size 256 next 52 2023-04-18 11:33:21.473336: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34b00 of size 256 next 53 2023-04-18 11:33:21.473418: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34c00 of size 256 next 51 2023-04-18 11:33:21.473502: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34d00 of size 256 next 55 2023-04-18 11:33:21.473585: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34e00 of size 256 next 56 2023-04-18 11:33:21.473668: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b34f00 of size 256 next 57 2023-04-18 11:33:21.473752: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35000 of size 256 next 59 2023-04-18 11:33:21.473833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35100 of size 256 next 60 2023-04-18 11:33:21.473916: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35200 of size 256 next 58 2023-04-18 11:33:21.474004: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35300 of size 256 next 61 2023-04-18 11:33:21.474085: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35400 of size 256 next 63 2023-04-18 11:33:21.474136: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35500 of size 256 next 64 2023-04-18 11:33:21.474217: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35600 of size 256 next 65 2023-04-18 11:33:21.474262: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35700 of size 256 next 66 2023-04-18 11:33:21.474299: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35800 of size 256 next 69 2023-04-18 11:33:21.474334: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35900 of size 256 next 70 2023-04-18 11:33:21.474371: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35a00 of size 256 next 71 2023-04-18 11:33:21.474405: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35b00 of size 256 next 72 2023-04-18 11:33:21.474440: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35c00 of size 256 next 74 2023-04-18 11:33:21.474476: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35d00 of size 256 next 75 2023-04-18 11:33:21.474510: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35e00 of size 512 next 73 2023-04-18 11:33:21.474544: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36000 of size 512 next 77 2023-04-18 11:33:21.474579: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36200 of size 512 next 78 2023-04-18 11:33:21.474614: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36400 of size 512 next 79 2023-04-18 11:33:21.474649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36600 of size 256 next 80 2023-04-18 11:33:21.474689: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36700 of size 256 next 81 2023-04-18 11:33:21.474732: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36800 of size 512 next 84 2023-04-18 11:33:21.474776: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36a00 of size 512 next 85 2023-04-18 11:33:21.474824: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36c00 of size 512 next 86 2023-04-18 11:33:21.474870: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b36e00 of size 512 next 87 2023-04-18 11:33:21.474919: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37000 of size 256 next 89 2023-04-18 11:33:21.474970: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37100 of size 256 next 90 2023-04-18 11:33:21.475020: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37200 of size 256 next 91 2023-04-18 11:33:21.475072: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37300 of size 256 next 92 2023-04-18 11:33:21.475165: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37400 of size 256 next 93 2023-04-18 11:33:21.475210: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37500 of size 256 next 94 2023-04-18 11:33:21.475244: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37600 of size 256 next 96 2023-04-18 11:33:21.475277: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37700 of size 256 next 97 2023-04-18 11:33:21.475311: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37800 of size 256 next 98 2023-04-18 11:33:21.475343: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37900 of size 256 next 99 2023-04-18 11:33:21.475373: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37a00 of size 256 next 101 2023-04-18 11:33:21.475403: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37b00 of size 256 next 102 2023-04-18 11:33:21.475433: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37c00 of size 256 next 103 2023-04-18 11:33:21.475464: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37d00 of size 256 next 104 2023-04-18 11:33:21.475495: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37e00 of size 256 next 106 2023-04-18 11:33:21.475524: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b37f00 of size 256 next 107 2023-04-18 11:33:21.475555: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38000 of size 256 next 108 2023-04-18 11:33:21.475589: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38100 of size 256 next 109 2023-04-18 11:33:21.475622: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38200 of size 256 next 112 2023-04-18 11:33:21.475657: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38300 of size 256 next 113 2023-04-18 11:33:21.475695: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38400 of size 256 next 114 2023-04-18 11:33:21.475735: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38500 of size 256 next 115 2023-04-18 11:33:21.475776: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38600 of size 256 next 117 2023-04-18 11:33:21.475819: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38700 of size 256 next 118 2023-04-18 11:33:21.475861: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38800 of size 256 next 116 2023-04-18 11:33:21.475906: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38900 of size 256 next 120 2023-04-18 11:33:21.475951: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38a00 of size 256 next 121 2023-04-18 11:33:21.476043: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38b00 of size 256 next 122 2023-04-18 11:33:21.476082: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38c00 of size 256 next 123 2023-04-18 11:33:21.476112: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38d00 of size 256 next 124 2023-04-18 11:33:21.476140: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38e00 of size 256 next 127 2023-04-18 11:33:21.476168: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b38f00 of size 256 next 128 2023-04-18 11:33:21.476194: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39000 of size 256 next 129 2023-04-18 11:33:21.476222: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39100 of size 256 next 130 2023-04-18 11:33:21.476249: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39200 of size 256 next 131 2023-04-18 11:33:21.476275: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39300 of size 256 next 132 2023-04-18 11:33:21.476302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39400 of size 1280 next 135 2023-04-18 11:33:21.476329: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39900 of size 256 next 137 2023-04-18 11:33:21.476356: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39a00 of size 256 next 138 2023-04-18 11:33:21.476382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39b00 of size 256 next 139 2023-04-18 11:33:21.476410: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39c00 of size 256 next 140 2023-04-18 11:33:21.476439: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39d00 of size 256 next 141 2023-04-18 11:33:21.476468: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39e00 of size 256 next 142 2023-04-18 11:33:21.476499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39f00 of size 256 next 143 2023-04-18 11:33:21.476531: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a000 of size 256 next 144 2023-04-18 11:33:21.476567: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a100 of size 256 next 145 2023-04-18 11:33:21.476603: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a200 of size 256 next 146 2023-04-18 11:33:21.476638: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a300 of size 256 next 147 2023-04-18 11:33:21.476675: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a400 of size 256 next 148 2023-04-18 11:33:21.476712: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a500 of size 256 next 149 2023-04-18 11:33:21.476749: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a600 of size 256 next 151 2023-04-18 11:33:21.476787: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a700 of size 256 next 152 2023-04-18 11:33:21.476825: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a800 of size 256 next 153 2023-04-18 11:33:21.476863: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a900 of size 256 next 154 2023-04-18 11:33:21.476902: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3aa00 of size 256 next 156 2023-04-18 11:33:21.476941: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ab00 of size 256 next 157 2023-04-18 11:33:21.476983: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ac00 of size 256 next 158 2023-04-18 11:33:21.477023: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ad00 of size 256 next 160 2023-04-18 11:33:21.477061: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ae00 of size 256 next 161 2023-04-18 11:33:21.477100: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3af00 of size 256 next 162 2023-04-18 11:33:21.477140: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b000 of size 256 next 163 2023-04-18 11:33:21.477179: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b100 of size 1280 next 165 2023-04-18 11:33:21.477218: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b600 of size 256 next 167 2023-04-18 11:33:21.477258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b700 of size 256 next 168 2023-04-18 11:33:21.477299: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b800 of size 256 next 169 2023-04-18 11:33:21.477339: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b900 of size 256 next 170 2023-04-18 11:33:21.477380: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ba00 of size 256 next 172 2023-04-18 11:33:21.477420: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bb00 of size 256 next 173 2023-04-18 11:33:21.477460: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bc00 of size 256 next 174 2023-04-18 11:33:21.477500: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bd00 of size 256 next 175 2023-04-18 11:33:21.477540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3be00 of size 256 next 176 2023-04-18 11:33:21.477580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bf00 of size 256 next 177 2023-04-18 11:33:21.477618: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c000 of size 256 next 178 2023-04-18 11:33:21.477656: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c100 of size 256 next 179 2023-04-18 11:33:21.477695: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c200 of size 256 next 180 2023-04-18 11:33:21.477734: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c300 of size 256 next 182 2023-04-18 11:33:21.477774: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c400 of size 256 next 183 2023-04-18 11:33:21.477815: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c500 of size 256 next 184 2023-04-18 11:33:21.477858: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c600 of size 256 next 185 2023-04-18 11:33:21.477897: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c700 of size 256 next 186 2023-04-18 11:33:21.477935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c800 of size 256 next 188 2023-04-18 11:33:21.477974: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c900 of size 256 next 189 2023-04-18 11:33:21.478014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ca00 of size 256 next 192 2023-04-18 11:33:21.478055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cb00 of size 256 next 193 2023-04-18 11:33:21.478095: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cc00 of size 256 next 194 2023-04-18 11:33:21.478135: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cd00 of size 256 next 195 2023-04-18 11:33:21.478175: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ce00 of size 256 next 200 2023-04-18 11:33:21.478216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cf00 of size 256 next 201 2023-04-18 11:33:21.478254: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d000 of size 256 next 202 2023-04-18 11:33:21.478292: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d100 of size 256 next 33 2023-04-18 11:33:21.478331: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d200 of size 32768 next 18 2023-04-18 11:33:21.478371: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b45200 of size 36864 next 17 2023-04-18 11:33:21.478423: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b4e200 of size 36864 next 105 2023-04-18 11:33:21.478466: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57200 of size 1280 next 196 2023-04-18 11:33:21.478505: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57700 of size 256 next 203 2023-04-18 11:33:21.478544: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57800 of size 256 next 204 2023-04-18 11:33:21.478583: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57900 of size 256 next 205 2023-04-18 11:33:21.478621: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57a00 of size 256 next 206 2023-04-18 11:33:21.478660: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57b00 of size 256 next 207 2023-04-18 11:33:21.478699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57c00 of size 256 next 208 2023-04-18 11:33:21.478738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57d00 of size 256 next 209 2023-04-18 11:33:21.478777: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57e00 of size 256 next 210 2023-04-18 11:33:21.478815: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57f00 of size 256 next 211 2023-04-18 11:33:21.478854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58000 of size 256 next 213 2023-04-18 11:33:21.478892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58100 of size 256 next 214 2023-04-18 11:33:21.478933: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58200 of size 256 next 215 2023-04-18 11:33:21.478971: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58300 of size 256 next 216 2023-04-18 11:33:21.479010: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58400 of size 256 next 219 2023-04-18 11:33:21.479048: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58500 of size 256 next 220 2023-04-18 11:33:21.479087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58600 of size 256 next 221 2023-04-18 11:33:21.479128: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58700 of size 256 next 223 2023-04-18 11:33:21.479166: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58800 of size 256 next 224 2023-04-18 11:33:21.479205: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58900 of size 256 next 225 2023-04-18 11:33:21.479244: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58a00 of size 256 next 226 2023-04-18 11:33:21.479283: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58b00 of size 1280 next 227 2023-04-18 11:33:21.479322: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59000 of size 256 next 231 2023-04-18 11:33:21.479361: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59100 of size 256 next 232 2023-04-18 11:33:21.479401: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59200 of size 256 next 233 2023-04-18 11:33:21.479440: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59300 of size 256 next 234 2023-04-18 11:33:21.479479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59400 of size 256 next 235 2023-04-18 11:33:21.479518: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59500 of size 256 next 236 2023-04-18 11:33:21.479557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59600 of size 256 next 237 2023-04-18 11:33:21.479595: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59700 of size 256 next 238 2023-04-18 11:33:21.479634: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59800 of size 256 next 239 2023-04-18 11:33:21.479673: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59900 of size 256 next 240 2023-04-18 11:33:21.479713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59a00 of size 256 next 241 2023-04-18 11:33:21.479751: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59b00 of size 256 next 242 2023-04-18 11:33:21.479790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59c00 of size 256 next 245 2023-04-18 11:33:21.479829: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59d00 of size 256 next 246 2023-04-18 11:33:21.479869: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59e00 of size 256 next 247 2023-04-18 11:33:21.479908: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59f00 of size 256 next 248 2023-04-18 11:33:21.479946: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a000 of size 256 next 251 2023-04-18 11:33:21.480023: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a100 of size 256 next 252 2023-04-18 11:33:21.480062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a200 of size 256 next 253 2023-04-18 11:33:21.480089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a300 of size 256 next 254 2023-04-18 11:33:21.480114: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a400 of size 256 next 257 2023-04-18 11:33:21.480140: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a500 of size 256 next 258 2023-04-18 11:33:21.480169: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a600 of size 256 next 259 2023-04-18 11:33:21.480195: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a700 of size 256 next 260 2023-04-18 11:33:21.480220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a800 of size 1280 next 263 2023-04-18 11:33:21.480244: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ad00 of size 256 next 264 2023-04-18 11:33:21.480269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ae00 of size 256 next 265 2023-04-18 11:33:21.480293: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5af00 of size 256 next 266 2023-04-18 11:33:21.480316: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b000 of size 256 next 267 2023-04-18 11:33:21.480340: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b100 of size 256 next 268 2023-04-18 11:33:21.480364: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b200 of size 256 next 269 2023-04-18 11:33:21.480388: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b300 of size 256 next 270 2023-04-18 11:33:21.480413: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b400 of size 256 next 271 2023-04-18 11:33:21.480437: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b500 of size 256 next 272 2023-04-18 11:33:21.480461: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b600 of size 256 next 273 2023-04-18 11:33:21.480486: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b700 of size 256 next 274 2023-04-18 11:33:21.480511: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b800 of size 256 next 275 2023-04-18 11:33:21.480537: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b900 of size 256 next 276 2023-04-18 11:33:21.480565: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ba00 of size 256 next 278 2023-04-18 11:33:21.480591: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bb00 of size 256 next 279 2023-04-18 11:33:21.480617: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bc00 of size 256 next 280 2023-04-18 11:33:21.480645: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bd00 of size 256 next 281 2023-04-18 11:33:21.480672: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5be00 of size 256 next 283 2023-04-18 11:33:21.480699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bf00 of size 256 next 284 2023-04-18 11:33:21.480726: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c000 of size 256 next 285 2023-04-18 11:33:21.480753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c100 of size 256 next 287 2023-04-18 11:33:21.480782: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c200 of size 256 next 288 2023-04-18 11:33:21.480810: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c300 of size 256 next 289 2023-04-18 11:33:21.480839: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c400 of size 256 next 290 2023-04-18 11:33:21.480870: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c500 of size 1280 next 293 2023-04-18 11:33:21.480907: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ca00 of size 256 next 295 2023-04-18 11:33:21.480960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cb00 of size 256 next 296 2023-04-18 11:33:21.480994: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cc00 of size 256 next 297 2023-04-18 11:33:21.481025: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cd00 of size 256 next 298 2023-04-18 11:33:21.481057: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ce00 of size 256 next 300 2023-04-18 11:33:21.481087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cf00 of size 256 next 301 2023-04-18 11:33:21.481116: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d000 of size 256 next 302 2023-04-18 11:33:21.481145: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d100 of size 256 next 303 2023-04-18 11:33:21.481176: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d200 of size 256 next 304 2023-04-18 11:33:21.481206: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d300 of size 256 next 305 2023-04-18 11:33:21.481235: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d400 of size 256 next 306 2023-04-18 11:33:21.481264: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d500 of size 256 next 307 2023-04-18 11:33:21.481294: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d600 of size 256 next 309 2023-04-18 11:33:21.481323: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d700 of size 256 next 310 2023-04-18 11:33:21.481355: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d800 of size 256 next 311 2023-04-18 11:33:21.481389: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d900 of size 256 next 312 2023-04-18 11:33:21.481426: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5da00 of size 256 next 313 2023-04-18 11:33:21.481460: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5db00 of size 256 next 315 2023-04-18 11:33:21.481493: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5dc00 of size 256 next 316 2023-04-18 11:33:21.481523: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5dd00 of size 256 next 317 2023-04-18 11:33:21.481557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5de00 of size 256 next 320 2023-04-18 11:33:21.481588: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5df00 of size 256 next 321 2023-04-18 11:33:21.481619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e000 of size 256 next 322 2023-04-18 11:33:21.481651: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e100 of size 256 next 323 2023-04-18 11:33:21.481685: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e200 of size 1280 next 326 2023-04-18 11:33:21.481722: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e700 of size 256 next 327 2023-04-18 11:33:21.481757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e800 of size 256 next 328 2023-04-18 11:33:21.481793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e900 of size 256 next 329 2023-04-18 11:33:21.481824: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ea00 of size 256 next 330 2023-04-18 11:33:21.481854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5eb00 of size 256 next 332 2023-04-18 11:33:21.481882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ec00 of size 256 next 333 2023-04-18 11:33:21.481911: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ed00 of size 256 next 334 2023-04-18 11:33:21.481940: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ee00 of size 256 next 335 2023-04-18 11:33:21.481970: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ef00 of size 256 next 336 2023-04-18 11:33:21.482000: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f000 of size 256 next 337 2023-04-18 11:33:21.482028: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f100 of size 256 next 338 2023-04-18 11:33:21.482060: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f200 of size 256 next 339 2023-04-18 11:33:21.482090: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f300 of size 256 next 341 2023-04-18 11:33:21.482121: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f400 of size 256 next 342 2023-04-18 11:33:21.482152: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f500 of size 256 next 343 2023-04-18 11:33:21.482182: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f600 of size 256 next 344 2023-04-18 11:33:21.482212: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f700 of size 256 next 345 2023-04-18 11:33:21.482243: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f800 of size 256 next 347 2023-04-18 11:33:21.482273: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f900 of size 256 next 348 2023-04-18 11:33:21.482302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fa00 of size 256 next 349 2023-04-18 11:33:21.482330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fb00 of size 256 next 352 2023-04-18 11:33:21.482357: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fc00 of size 256 next 353 2023-04-18 11:33:21.482386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fd00 of size 256 next 354 2023-04-18 11:33:21.482415: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fe00 of size 256 next 355 2023-04-18 11:33:21.482445: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ff00 of size 256 next 359 2023-04-18 11:33:21.482475: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60000 of size 256 next 360 2023-04-18 11:33:21.482504: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60100 of size 256 next 24 2023-04-18 11:33:21.482535: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60200 of size 73728 next 23 2023-04-18 11:33:21.482565: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b72200 of size 36864 next 54 2023-04-18 11:33:21.482599: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b200 of size 1280 next 358 2023-04-18 11:33:21.482633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b700 of size 256 next 361 2023-04-18 11:33:21.482667: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b800 of size 256 next 363 2023-04-18 11:33:21.482699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b900 of size 256 next 364 2023-04-18 11:33:21.482731: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ba00 of size 256 next 365 2023-04-18 11:33:21.482762: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bb00 of size 256 next 366 2023-04-18 11:33:21.482793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bc00 of size 256 next 367 2023-04-18 11:33:21.482824: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bd00 of size 256 next 368 2023-04-18 11:33:21.482855: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7be00 of size 256 next 369 2023-04-18 11:33:21.482885: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bf00 of size 256 next 370 2023-04-18 11:33:21.482916: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c000 of size 256 next 372 2023-04-18 11:33:21.482946: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c100 of size 256 next 373 2023-04-18 11:33:21.482976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c200 of size 256 next 374 2023-04-18 11:33:21.483006: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c300 of size 256 next 375 2023-04-18 11:33:21.483037: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c400 of size 256 next 376 2023-04-18 11:33:21.483067: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c500 of size 256 next 378 2023-04-18 11:33:21.483098: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c600 of size 256 next 379 2023-04-18 11:33:21.483130: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c700 of size 256 next 380 2023-04-18 11:33:21.483161: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c800 of size 256 next 383 2023-04-18 11:33:21.483194: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c900 of size 256 next 384 2023-04-18 11:33:21.483226: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ca00 of size 256 next 385 2023-04-18 11:33:21.483258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7cb00 of size 256 next 386 2023-04-18 11:33:21.483290: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7cc00 of size 1280 next 389 2023-04-18 11:33:21.483322: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d100 of size 256 next 390 2023-04-18 11:33:21.483353: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d200 of size 256 next 391 2023-04-18 11:33:21.483389: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d300 of size 256 next 392 2023-04-18 11:33:21.483420: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d400 of size 256 next 393 2023-04-18 11:33:21.483450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d500 of size 256 next 395 2023-04-18 11:33:21.483480: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d600 of size 256 next 396 2023-04-18 11:33:21.483509: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d700 of size 256 next 397 2023-04-18 11:33:21.483538: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d800 of size 256 next 398 2023-04-18 11:33:21.483568: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d900 of size 256 next 399 2023-04-18 11:33:21.483599: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7da00 of size 256 next 400 2023-04-18 11:33:21.483630: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7db00 of size 256 next 401 2023-04-18 11:33:21.483660: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7dc00 of size 256 next 402 2023-04-18 11:33:21.483689: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7dd00 of size 256 next 404 2023-04-18 11:33:21.483716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7de00 of size 256 next 405 2023-04-18 11:33:21.483744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7df00 of size 256 next 406 2023-04-18 11:33:21.483773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e000 of size 256 next 407 2023-04-18 11:33:21.483803: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e100 of size 256 next 408 2023-04-18 11:33:21.483833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e200 of size 256 next 410 2023-04-18 11:33:21.483865: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e300 of size 256 next 411 2023-04-18 11:33:21.483898: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e400 of size 256 next 412 2023-04-18 11:33:21.483929: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e500 of size 256 next 415 2023-04-18 11:33:21.483962: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e600 of size 256 next 416 2023-04-18 11:33:21.484032: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e700 of size 256 next 417 2023-04-18 11:33:21.484068: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e800 of size 256 next 418 2023-04-18 11:33:21.484100: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e900 of size 1280 next 421 2023-04-18 11:33:21.484130: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ee00 of size 256 next 423 2023-04-18 11:33:21.484160: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ef00 of size 256 next 424 2023-04-18 11:33:21.484190: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7f000 of size 1536 next 422 2023-04-18 11:33:21.484220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7f600 of size 1536 next 427 2023-04-18 11:33:21.484250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7fc00 of size 1536 next 428 2023-04-18 11:33:21.484281: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80200 of size 1536 next 429 2023-04-18 11:33:21.484310: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80800 of size 1024 next 430 2023-04-18 11:33:21.484341: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80c00 of size 1024 next 433 2023-04-18 11:33:21.484372: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81000 of size 1024 next 434 2023-04-18 11:33:21.484409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81400 of size 1024 next 435 2023-04-18 11:33:21.484445: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81800 of size 256 next 437 2023-04-18 11:33:21.484481: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81900 of size 256 next 438 2023-04-18 11:33:21.484516: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81a00 of size 1024 next 436 2023-04-18 11:33:21.484552: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81e00 of size 1024 next 439 2023-04-18 11:33:21.484585: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82200 of size 1024 next 441 2023-04-18 11:33:21.484617: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82600 of size 1024 next 442 2023-04-18 11:33:21.484649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82a00 of size 256 next 443 2023-04-18 11:33:21.484679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82b00 of size 256 next 444 2023-04-18 11:33:21.484710: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82c00 of size 1536 next 447 2023-04-18 11:33:21.484742: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b83200 of size 1536 next 448 2023-04-18 11:33:21.484776: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b83800 of size 2560 next 46 2023-04-18 11:33:21.484809: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b84200 of size 73728 next 45 2023-04-18 11:33:21.484842: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b96200 of size 49152 next 68 2023-04-18 11:33:21.484875: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ba2200 of size 49152 next 67 2023-04-18 11:33:21.484908: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bae200 of size 55296 next 119 2023-04-18 11:33:21.484942: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bbba00 of size 40960 next 136 2023-04-18 11:33:21.484975: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bc5a00 of size 69632 next 126 2023-04-18 11:33:21.485010: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bd6a00 of size 110592 next 125 2023-04-18 11:33:21.485043: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bf1a00 of size 55296 next 155 2023-04-18 11:33:21.485076: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bff200 of size 40960 next 199 2023-04-18 11:33:21.485109: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c09200 of size 69632 next 187 2023-04-18 11:33:21.485142: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c1a200 of size 73728 next 62 2023-04-18 11:33:21.485175: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c2c200 of size 344064 next 39 2023-04-18 11:33:21.485209: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c80200 of size 552960 next 38 2023-04-18 11:33:21.485243: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d07200 of size 221184 next 76 2023-04-18 11:33:21.485275: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d3d200 of size 49152 next 88 2023-04-18 11:33:21.485306: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d49200 of size 40960 next 95 2023-04-18 11:33:21.485336: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d53200 of size 40960 next 100 2023-04-18 11:33:21.485368: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d5d200 of size 40960 next 111 2023-04-18 11:33:21.485401: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d67200 of size 40960 next 110 2023-04-18 11:33:21.485436: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d71200 of size 40960 next 150 2023-04-18 11:33:21.485469: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d7b200 of size 77824 next 83 2023-04-18 11:33:21.485502: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d8e200 of size 331776 next 82 2023-04-18 11:33:21.485533: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ddf200 of size 40960 next 166 2023-04-18 11:33:21.485563: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00de9200 of size 40960 next 171 2023-04-18 11:33:21.485598: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3200 of size 1536 next 449 2023-04-18 11:33:21.485634: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3800 of size 256 next 451 2023-04-18 11:33:21.485670: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3900 of size 256 next 452 2023-04-18 11:33:21.485704: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3a00 of size 768 next 450 2023-04-18 11:33:21.485738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3d00 of size 768 next 455 2023-04-18 11:33:21.485770: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4000 of size 768 next 456 2023-04-18 11:33:21.485799: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4300 of size 768 next 457 2023-04-18 11:33:21.485832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4600 of size 256 next 458 2023-04-18 11:33:21.485864: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4700 of size 256 next 459 2023-04-18 11:33:21.485895: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4800 of size 512 next 461 2023-04-18 11:33:21.485926: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4a00 of size 512 next 462 2023-04-18 11:33:21.485958: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4c00 of size 512 next 463 2023-04-18 11:33:21.485991: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4e00 of size 512 next 464 2023-04-18 11:33:21.486022: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5000 of size 256 next 465 2023-04-18 11:33:21.486054: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5100 of size 256 next 466 2023-04-18 11:33:21.486086: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5200 of size 768 next 467 2023-04-18 11:33:21.486117: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5500 of size 768 next 468 2023-04-18 11:33:21.486151: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5800 of size 768 next 469 2023-04-18 11:33:21.486183: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5b00 of size 768 next 470 2023-04-18 11:33:21.486217: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5e00 of size 256 next 471 2023-04-18 11:33:21.486251: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5f00 of size 256 next 472 2023-04-18 11:33:21.487216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6000 of size 768 next 475 2023-04-18 11:33:21.487268: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6300 of size 768 next 476 2023-04-18 11:33:21.487301: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6600 of size 768 next 477 2023-04-18 11:33:21.487330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6900 of size 768 next 478 2023-04-18 11:33:21.487360: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6c00 of size 256 next 479 2023-04-18 11:33:21.487391: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6d00 of size 256 next 480 2023-04-18 11:33:21.487421: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6e00 of size 4352 next 483 2023-04-18 11:33:21.487450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df7f00 of size 768 next 485 2023-04-18 11:33:21.487479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8200 of size 768 next 486 2023-04-18 11:33:21.487507: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8500 of size 768 next 487 2023-04-18 11:33:21.487537: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8800 of size 768 next 488 2023-04-18 11:33:21.487566: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8b00 of size 512 next 489 2023-04-18 11:33:21.487596: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8d00 of size 512 next 490 2023-04-18 11:33:21.487625: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8f00 of size 512 next 491 2023-04-18 11:33:21.487654: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9100 of size 512 next 492 2023-04-18 11:33:21.487683: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9300 of size 768 next 493 2023-04-18 11:33:21.487717: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9600 of size 768 next 494 2023-04-18 11:33:21.487752: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9900 of size 768 next 495 2023-04-18 11:33:21.487784: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9c00 of size 768 next 496 2023-04-18 11:33:21.487816: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9f00 of size 768 next 497 2023-04-18 11:33:21.487848: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa200 of size 768 next 498 2023-04-18 11:33:21.487882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa500 of size 768 next 500 2023-04-18 11:33:21.487913: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa800 of size 768 next 501 2023-04-18 11:33:21.487945: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfab00 of size 4352 next 504 2023-04-18 11:33:21.488024: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfbc00 of size 768 next 505 2023-04-18 11:33:21.488063: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfbf00 of size 768 next 507 2023-04-18 11:33:21.488095: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc200 of size 768 next 508 2023-04-18 11:33:21.488128: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc500 of size 768 next 509 2023-04-18 11:33:21.488161: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc800 of size 512 next 510 2023-04-18 11:33:21.488192: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfca00 of size 512 next 511 2023-04-18 11:33:21.488221: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfcc00 of size 512 next 512 2023-04-18 11:33:21.488250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfce00 of size 512 next 513 2023-04-18 11:33:21.488283: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfd000 of size 512 next 181 2023-04-18 11:33:21.488315: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfd200 of size 40960 next 134 2023-04-18 11:33:21.488349: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e07200 of size 163840 next 133 2023-04-18 11:33:21.488382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e2f200 of size 110592 next 159 2023-04-18 11:33:21.488415: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e4a200 of size 163840 next 164 2023-04-18 11:33:21.488448: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e72200 of size 40960 next 212 2023-04-18 11:33:21.488481: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e7c200 of size 69632 next 191 2023-04-18 11:33:21.488514: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e8d200 of size 110592 next 190 2023-04-18 11:33:21.488546: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ea8200 of size 40960 next 230 2023-04-18 11:33:21.488578: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00eb2200 of size 69632 next 218 2023-04-18 11:33:21.488605: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ec3200 of size 55296 next 217 2023-04-18 11:33:21.488636: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ed0a00 of size 40960 next 244 2023-04-18 11:33:21.488668: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00edaa00 of size 40960 next 243 2023-04-18 11:33:21.488700: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ee4a00 of size 79872 next 198 2023-04-18 11:33:21.488731: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ef8200 of size 163840 next 197 2023-04-18 11:33:21.488761: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f20200 of size 110592 next 222 2023-04-18 11:33:21.488792: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f3b200 of size 55296 next 250 2023-04-18 11:33:21.488825: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f48a00 of size 55296 next 249 2023-04-18 11:33:21.488854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f56200 of size 55296 next 282 2023-04-18 11:33:21.488882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f63a00 of size 40960 next 294 2023-04-18 11:33:21.488911: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f6da00 of size 40960 next 299 2023-04-18 11:33:21.488939: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f77a00 of size 79872 next 229 2023-04-18 11:33:21.488968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f8b200 of size 163840 next 228 2023-04-18 11:33:21.488998: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fb3200 of size 40960 next 277 2023-04-18 11:33:21.489028: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fbd200 of size 69632 next 256 2023-04-18 11:33:21.489059: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fce200 of size 110592 next 255 2023-04-18 11:33:21.489092: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fe9200 of size 40960 next 308 2023-04-18 11:33:21.489125: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ff3200 of size 55296 next 314 2023-04-18 11:33:21.489159: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01000a00 of size 67584 next 262 2023-04-18 11:33:21.489192: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01011200 of size 163840 next 261 2023-04-18 11:33:21.489226: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01039200 of size 110592 next 286 2023-04-18 11:33:21.489258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01054200 of size 40960 next 340 2023-04-18 11:33:21.489289: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e200 of size 768 next 515 2023-04-18 11:33:21.489320: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e500 of size 768 next 516 2023-04-18 11:33:21.489351: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e800 of size 768 next 517 2023-04-18 11:33:21.489382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105eb00 of size 768 next 518 2023-04-18 11:33:21.489413: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105ee00 of size 768 next 521 2023-04-18 11:33:21.489444: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f100 of size 768 next 522 2023-04-18 11:33:21.489475: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f400 of size 768 next 523 2023-04-18 11:33:21.489508: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f700 of size 768 next 524 2023-04-18 11:33:21.489540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105fa00 of size 4352 next 525 2023-04-18 11:33:21.489576: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01060b00 of size 768 next 528 2023-04-18 11:33:21.489613: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01060e00 of size 768 next 529 2023-04-18 11:33:21.489650: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061100 of size 768 next 530 2023-04-18 11:33:21.489685: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061400 of size 768 next 531 2023-04-18 11:33:21.489718: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061700 of size 512 next 532 2023-04-18 11:33:21.489753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061900 of size 512 next 533 2023-04-18 11:33:21.489783: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061b00 of size 512 next 534 2023-04-18 11:33:21.489812: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061d00 of size 768 next 536 2023-04-18 11:33:21.489845: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062000 of size 768 next 537 2023-04-18 11:33:21.489876: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062300 of size 768 next 538 2023-04-18 11:33:21.489906: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062600 of size 768 next 539 2023-04-18 11:33:21.489935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062900 of size 768 next 540 2023-04-18 11:33:21.489966: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062c00 of size 768 next 541 2023-04-18 11:33:21.489995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062f00 of size 768 next 543 2023-04-18 11:33:21.490027: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01063200 of size 768 next 544 2023-04-18 11:33:21.490062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01063500 of size 4352 next 547 2023-04-18 11:33:21.490097: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064600 of size 768 next 548 2023-04-18 11:33:21.490133: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064900 of size 768 next 550 2023-04-18 11:33:21.490166: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064c00 of size 768 next 551 2023-04-18 11:33:21.490201: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064f00 of size 768 next 552 2023-04-18 11:33:21.490233: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065200 of size 512 next 553 2023-04-18 11:33:21.490282: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065400 of size 512 next 554 2023-04-18 11:33:21.490315: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065600 of size 512 next 555 2023-04-18 11:33:21.499499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065800 of size 512 next 556 2023-04-18 11:33:21.499580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065a00 of size 768 next 558 2023-04-18 11:33:21.499618: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065d00 of size 768 next 559 2023-04-18 11:33:21.499650: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066000 of size 768 next 560 2023-04-18 11:33:21.499681: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066300 of size 768 next 561 2023-04-18 11:33:21.499712: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066600 of size 768 next 564 2023-04-18 11:33:21.499742: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066900 of size 768 next 565 2023-04-18 11:33:21.499773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066c00 of size 768 next 566 2023-04-18 11:33:21.499804: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066f00 of size 768 next 567 2023-04-18 11:33:21.499836: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01067200 of size 4352 next 568 2023-04-18 11:33:21.499868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068300 of size 768 next 571 2023-04-18 11:33:21.499901: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068600 of size 768 next 572 2023-04-18 11:33:21.499935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068900 of size 768 next 573 2023-04-18 11:33:21.499995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068c00 of size 768 next 574 2023-04-18 11:33:21.500041: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068f00 of size 512 next 575 2023-04-18 11:33:21.500073: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069100 of size 512 next 576 2023-04-18 11:33:21.500104: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069300 of size 512 next 577 2023-04-18 11:33:21.500137: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069500 of size 512 next 578 2023-04-18 11:33:21.500164: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069700 of size 768 next 580 2023-04-18 11:33:21.500196: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069a00 of size 768 next 581 2023-04-18 11:33:21.500230: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069d00 of size 768 next 582 2023-04-18 11:33:21.500264: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a000 of size 768 next 583 2023-04-18 11:33:21.500297: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a300 of size 768 next 584 2023-04-18 11:33:21.500331: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a600 of size 768 next 585 2023-04-18 11:33:21.500362: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a900 of size 768 next 587 2023-04-18 11:33:21.500394: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106ac00 of size 768 next 588 2023-04-18 11:33:21.500422: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106af00 of size 768 next 592 2023-04-18 11:33:21.500450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106b200 of size 768 next 594 2023-04-18 11:33:21.500479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106b500 of size 1280 next 346 2023-04-18 11:33:21.500509: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106ba00 of size 67584 next 292 2023-04-18 11:33:21.500539: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0107c200 of size 163840 next 291 2023-04-18 11:33:21.500569: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010a4200 of size 40960 next 331 2023-04-18 11:33:21.500601: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010ae200 of size 69632 next 319 2023-04-18 11:33:21.500633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010bf200 of size 110592 next 318 2023-04-18 11:33:21.500669: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010da200 of size 40960 next 371 2023-04-18 11:33:21.500705: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010e4200 of size 55296 next 377 2023-04-18 11:33:21.501623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010f1a00 of size 67584 next 325 2023-04-18 11:33:21.501704: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01102200 of size 163840 next 324 2023-04-18 11:33:21.501757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0112a200 of size 40960 next 362 2023-04-18 11:33:21.501805: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01134200 of size 69632 next 351 2023-04-18 11:33:21.501860: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01145200 of size 110592 next 350 2023-04-18 11:33:21.501913: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01160200 of size 40960 next 403 2023-04-18 11:33:21.501968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116a200 of size 4352 next 591 2023-04-18 11:33:21.502019: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b300 of size 768 next 595 2023-04-18 11:33:21.502073: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b600 of size 512 next 596 2023-04-18 11:33:21.502121: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b800 of size 512 next 597 2023-04-18 11:33:21.502168: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ba00 of size 512 next 598 2023-04-18 11:33:21.502220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116bc00 of size 512 next 599 2023-04-18 11:33:21.502269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116be00 of size 768 next 601 2023-04-18 11:33:21.502321: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c100 of size 768 next 602 2023-04-18 11:33:21.502365: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c400 of size 768 next 603 2023-04-18 11:33:21.502409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c700 of size 768 next 604 2023-04-18 11:33:21.502457: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ca00 of size 768 next 607 2023-04-18 11:33:21.502508: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116cd00 of size 768 next 608 2023-04-18 11:33:21.502558: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d000 of size 768 next 609 2023-04-18 11:33:21.502606: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d300 of size 768 next 610 2023-04-18 11:33:21.502655: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d600 of size 4352 next 611 2023-04-18 11:33:21.502700: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116e700 of size 768 next 614 2023-04-18 11:33:21.502744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ea00 of size 768 next 615 2023-04-18 11:33:21.502790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ed00 of size 768 next 616 2023-04-18 11:33:21.502833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f000 of size 768 next 617 2023-04-18 11:33:21.502875: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f300 of size 512 next 618 2023-04-18 11:33:21.502919: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f500 of size 512 next 619 2023-04-18 11:33:21.502968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f700 of size 512 next 620 2023-04-18 11:33:21.503014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f900 of size 512 next 621 2023-04-18 11:33:21.503060: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116fb00 of size 768 next 623 2023-04-18 11:33:21.503107: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116fe00 of size 768 next 624 2023-04-18 11:33:21.503156: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170100 of size 768 next 625 2023-04-18 11:33:21.503963: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170400 of size 768 next 626 2023-04-18 11:33:21.504106: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170700 of size 768 next 627 2023-04-18 11:33:21.504150: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170a00 of size 768 next 628 2023-04-18 11:33:21.504199: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170d00 of size 768 next 630 2023-04-18 11:33:21.504231: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01171000 of size 768 next 631 2023-04-18 11:33:21.504262: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01171300 of size 4352 next 634 2023-04-18 11:33:21.504304: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172400 of size 768 next 635 2023-04-18 11:33:21.504337: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172700 of size 768 next 637 2023-04-18 11:33:21.504382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172a00 of size 768 next 638 2023-04-18 11:33:21.504416: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172d00 of size 768 next 639 2023-04-18 11:33:21.504446: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173000 of size 512 next 640 2023-04-18 11:33:21.504501: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173200 of size 512 next 641 2023-04-18 11:33:21.504540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173400 of size 512 next 642 2023-04-18 11:33:21.504591: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173600 of size 512 next 643 2023-04-18 11:33:21.504630: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173800 of size 768 next 645 2023-04-18 11:33:21.504679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173b00 of size 768 next 646 2023-04-18 11:33:21.504716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173e00 of size 768 next 647 2023-04-18 11:33:21.504760: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174100 of size 768 next 648 2023-04-18 11:33:21.504796: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174400 of size 768 next 651 2023-04-18 11:33:21.504832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174700 of size 768 next 652 2023-04-18 11:33:21.504864: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174a00 of size 768 next 653 2023-04-18 11:33:21.504895: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174d00 of size 768 next 654 2023-04-18 11:33:21.504927: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01175000 of size 4352 next 655 2023-04-18 11:33:21.504960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176100 of size 768 next 658 2023-04-18 11:33:21.504994: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176400 of size 768 next 659 2023-04-18 11:33:21.505026: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176700 of size 768 next 660 2023-04-18 11:33:21.505057: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176a00 of size 768 next 661 2023-04-18 11:33:21.505087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176d00 of size 512 next 662 2023-04-18 11:33:21.505119: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176f00 of size 512 next 663 2023-04-18 11:33:21.505151: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177100 of size 512 next 664 2023-04-18 11:33:21.505183: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177300 of size 512 next 665 2023-04-18 11:33:21.505216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177500 of size 1280 next 409 2023-04-18 11:33:21.505250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177a00 of size 67584 next 357 2023-04-18 11:33:21.505289: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01188200 of size 163840 next 356 2023-04-18 11:33:21.505327: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011b0200 of size 40960 next 394 2023-04-18 11:33:21.505363: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ba200 of size 69632 next 382 2023-04-18 11:33:21.505397: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011cb200 of size 110592 next 381 2023-04-18 11:33:21.505431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6200 of size 768 next 821 2023-04-18 11:33:21.505463: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6500 of size 768 next 822 2023-04-18 11:33:21.505494: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6800 of size 768 next 825 2023-04-18 11:33:21.505526: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6b00 of size 768 next 826 2023-04-18 11:33:21.505557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6e00 of size 768 next 827 2023-04-18 11:33:21.505589: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e7100 of size 768 next 828 2023-04-18 11:33:21.505620: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e7400 of size 4352 next 829 2023-04-18 11:33:21.505652: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8500 of size 768 next 832 2023-04-18 11:33:21.505684: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8800 of size 768 next 833 2023-04-18 11:33:21.505716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8b00 of size 768 next 834 2023-04-18 11:33:21.505747: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8e00 of size 768 next 835 2023-04-18 11:33:21.505778: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9100 of size 512 next 836 2023-04-18 11:33:21.505809: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9300 of size 512 next 837 2023-04-18 11:33:21.505836: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9500 of size 512 next 838 2023-04-18 11:33:21.505867: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9700 of size 512 next 839 2023-04-18 11:33:21.505903: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9900 of size 768 next 841 2023-04-18 11:33:21.505937: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9c00 of size 768 next 842 2023-04-18 11:33:21.505970: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9f00 of size 768 next 843 2023-04-18 11:33:21.506003: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea200 of size 768 next 844 2023-04-18 11:33:21.506035: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea500 of size 768 next 845 2023-04-18 11:33:21.506069: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea800 of size 768 next 846 2023-04-18 11:33:21.506101: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eab00 of size 768 next 848 2023-04-18 11:33:21.506132: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eae00 of size 768 next 849 2023-04-18 11:33:21.506164: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eb100 of size 4352 next 852 2023-04-18 11:33:21.506197: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec200 of size 768 next 853 2023-04-18 11:33:21.506229: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec500 of size 768 next 855 2023-04-18 11:33:21.506261: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec800 of size 768 next 856 2023-04-18 11:33:21.506295: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ecb00 of size 768 next 857 2023-04-18 11:33:21.506329: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ece00 of size 512 next 858 2023-04-18 11:33:21.506364: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed000 of size 512 next 859 2023-04-18 11:33:21.506398: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed200 of size 512 next 860 2023-04-18 11:33:21.506431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed400 of size 512 next 861 2023-04-18 11:33:21.506465: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed600 of size 768 next 863 2023-04-18 11:33:21.506497: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed900 of size 768 next 864 2023-04-18 11:33:21.506527: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011edc00 of size 768 next 865 2023-04-18 11:33:21.506558: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011edf00 of size 768 next 866 2023-04-18 11:33:21.506588: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee200 of size 768 next 869 2023-04-18 11:33:21.506621: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee500 of size 768 next 870 2023-04-18 11:33:21.506653: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee800 of size 768 next 871 2023-04-18 11:33:21.506688: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eeb00 of size 768 next 872 2023-04-18 11:33:21.506721: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f011eee00 of size 128000 next 388 2023-04-18 11:33:21.506755: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0120e200 of size 163840 next 387 2023-04-18 11:33:21.506787: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236200 of size 768 next 667 2023-04-18 11:33:21.506820: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236500 of size 768 next 668 2023-04-18 11:33:21.506953: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236800 of size 768 next 669 2023-04-18 11:33:21.507007: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236b00 of size 768 next 670 2023-04-18 11:33:21.507047: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236e00 of size 768 next 671 2023-04-18 11:33:21.507085: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237100 of size 768 next 673 2023-04-18 11:33:21.507136: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237400 of size 768 next 674 2023-04-18 11:33:21.507169: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237700 of size 4352 next 677 2023-04-18 11:33:21.507212: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238800 of size 768 next 678 2023-04-18 11:33:21.507248: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238b00 of size 768 next 680 2023-04-18 11:33:21.507293: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238e00 of size 768 next 681 2023-04-18 11:33:21.507327: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239100 of size 768 next 682 2023-04-18 11:33:21.507359: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239400 of size 512 next 683 2023-04-18 11:33:21.507405: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239600 of size 512 next 684 2023-04-18 11:33:21.507443: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239800 of size 512 next 685 2023-04-18 11:33:21.507490: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239a00 of size 512 next 686 2023-04-18 11:33:21.507528: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239c00 of size 768 next 688 2023-04-18 11:33:21.507579: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239f00 of size 768 next 689 2023-04-18 11:33:21.507615: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a200 of size 768 next 690 2023-04-18 11:33:21.507649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a500 of size 768 next 691 2023-04-18 11:33:21.507696: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a800 of size 768 next 694 2023-04-18 11:33:21.507738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ab00 of size 768 next 695 2023-04-18 11:33:21.507785: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ae00 of size 768 next 696 2023-04-18 11:33:21.507822: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123b100 of size 768 next 697 2023-04-18 11:33:21.507868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123b400 of size 4352 next 698 2023-04-18 11:33:21.507902: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123c500 of size 768 next 701 2023-04-18 11:33:21.507945: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123c800 of size 768 next 702 2023-04-18 11:33:21.508004: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123cb00 of size 768 next 703 2023-04-18 11:33:21.508047: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ce00 of size 768 next 704 2023-04-18 11:33:21.508083: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d100 of size 512 next 705 2023-04-18 11:33:21.508115: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d300 of size 512 next 706 2023-04-18 11:33:21.508227: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d500 of size 512 next 707 2023-04-18 11:33:21.508279: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d700 of size 512 next 708 2023-04-18 11:33:21.508332: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d900 of size 768 next 710 2023-04-18 11:33:21.508375: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123dc00 of size 768 next 711 2023-04-18 11:33:21.508425: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123df00 of size 768 next 712 2023-04-18 11:33:21.508461: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e200 of size 768 next 713 2023-04-18 11:33:21.508507: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e500 of size 768 next 714 2023-04-18 11:33:21.508543: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e800 of size 768 next 715 2023-04-18 11:33:21.508577: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123eb00 of size 768 next 717 2023-04-18 11:33:21.508619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ee00 of size 768 next 718 2023-04-18 11:33:21.508649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123f100 of size 4352 next 721 2023-04-18 11:33:21.508679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240200 of size 768 next 722 2023-04-18 11:33:21.508720: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240500 of size 768 next 724 2023-04-18 11:33:21.508753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240800 of size 768 next 725 2023-04-18 11:33:21.508795: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240b00 of size 768 next 726 2023-04-18 11:33:21.508833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240e00 of size 512 next 727 2023-04-18 11:33:21.508868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241000 of size 512 next 728 2023-04-18 11:33:21.508915: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241200 of size 512 next 729 2023-04-18 11:33:21.508947: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241400 of size 512 next 730 2023-04-18 11:33:21.508989: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241600 of size 768 next 732 2023-04-18 11:33:21.509022: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241900 of size 768 next 733 2023-04-18 11:33:21.509055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241c00 of size 768 next 734 2023-04-18 11:33:21.509103: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241f00 of size 768 next 735 2023-04-18 11:33:21.509141: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242200 of size 768 next 738 2023-04-18 11:33:21.509186: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242500 of size 768 next 739 2023-04-18 11:33:21.509223: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242800 of size 768 next 740 2023-04-18 11:33:21.509298: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242b00 of size 768 next 741 2023-04-18 11:33:21.509350: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242e00 of size 4352 next 742 2023-04-18 11:33:21.509386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01243f00 of size 768 next 745 2023-04-18 11:33:21.509418: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244200 of size 768 next 746 2023-04-18 11:33:21.509451: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244500 of size 768 next 747 2023-04-18 11:33:21.509484: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244800 of size 768 next 748 2023-04-18 11:33:21.509518: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244b00 of size 512 next 749 2023-04-18 11:33:21.509553: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244d00 of size 512 next 750 2023-04-18 11:33:21.509587: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244f00 of size 512 next 751 2023-04-18 11:33:21.509619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245100 of size 512 next 752 2023-04-18 11:33:21.509675: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245300 of size 768 next 754 2023-04-18 11:33:21.509713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245600 of size 768 next 755 2023-04-18 11:33:21.509746: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245900 of size 768 next 756 2023-04-18 11:33:21.509790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245c00 of size 768 next 757 2023-04-18 11:33:21.509821: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245f00 of size 768 next 758 2023-04-18 11:33:21.509862: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246200 of size 768 next 759 2023-04-18 11:33:21.509896: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246500 of size 768 next 761 2023-04-18 11:33:21.509929: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246800 of size 768 next 762 2023-04-18 11:33:21.509976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246b00 of size 4352 next 765 2023-04-18 11:33:21.510014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01247c00 of size 768 next 766 2023-04-18 11:33:21.510062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01247f00 of size 768 next 768 2023-04-18 11:33:21.510099: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248200 of size 768 next 769 2023-04-18 11:33:21.510144: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248500 of size 768 next 770 2023-04-18 11:33:21.510182: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248800 of size 512 next 771 2023-04-18 11:33:21.510218: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248a00 of size 512 next 772 2023-04-18 11:33:21.510267: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248c00 of size 512 next 773 2023-04-18 11:33:21.510302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248e00 of size 512 next 774 2023-04-18 11:33:21.510348: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249000 of size 768 next 776 2023-04-18 11:33:21.510385: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249300 of size 768 next 777 2023-04-18 11:33:21.510431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249600 of size 768 next 778 2023-04-18 11:33:21.510466: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249900 of size 768 next 779 2023-04-18 11:33:21.510499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249c00 of size 768 next 782 2023-04-18 11:33:21.510545: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249f00 of size 768 next 783 2023-04-18 11:33:21.510579: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a200 of size 768 next 784 2023-04-18 11:33:21.510623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a500 of size 768 next 785 2023-04-18 11:33:21.510655: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a800 of size 4352 next 786 2023-04-18 11:33:21.510696: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124b900 of size 768 next 789 2023-04-18 11:33:21.510733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124bc00 of size 768 next 790 2023-04-18 11:33:21.510769: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124bf00 of size 768 next 791 2023-04-18 11:33:21.510802: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c200 of size 768 next 792 2023-04-18 11:33:21.510835: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c500 of size 512 next 793 2023-04-18 11:33:21.510867: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c700 of size 512 next 794 2023-04-18 11:33:21.510898: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c900 of size 512 next 795 2023-04-18 11:33:21.510930: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124cb00 of size 512 next 796 2023-04-18 11:33:21.510963: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124cd00 of size 768 next 798 2023-04-18 11:33:21.510995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d000 of size 768 next 799 2023-04-18 11:33:21.511025: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d300 of size 768 next 800 2023-04-18 11:33:21.511055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d600 of size 768 next 801 2023-04-18 11:33:21.511086: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d900 of size 768 next 802 2023-04-18 11:33:21.511120: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124dc00 of size 768 next 803 2023-04-18 11:33:21.511153: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124df00 of size 768 next 805 2023-04-18 11:33:21.511186: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124e200 of size 768 next 806 2023-04-18 11:33:21.511220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124e500 of size 4352 next 809 2023-04-18 11:33:21.511254: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124f600 of size 768 next 810 2023-04-18 11:33:21.511286: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124f900 of size 768 next 812 2023-04-18 11:33:21.511317: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124fc00 of size 768 next 813 2023-04-18 11:33:21.511348: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124ff00 of size 768 next 814 2023-04-18 11:33:21.511378: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250200 of size 512 next 815 2023-04-18 11:33:21.511410: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250400 of size 512 next 816 2023-04-18 11:33:21.511441: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250600 of size 512 next 817 2023-04-18 11:33:21.511474: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250800 of size 512 next 818 2023-04-18 11:33:21.511506: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250a00 of size 768 next 820 2023-04-18 11:33:21.511539: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250d00 of size 1280 next 414 2023-04-18 11:33:21.511570: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01251200 of size 110592 next 413 2023-04-18 11:33:21.511602: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f0126c200 of size 163840 next 420 2023-04-18 11:33:21.511633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01294200 of size 163840 next 419 2023-04-18 11:33:21.511664: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f012bc200 of size 655360 next 432 2023-04-18 11:33:21.511697: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0135c200 of size 327680 next 431 2023-04-18 11:33:21.511733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f013ac200 of size 860160 next 474 2023-04-18 11:33:21.511763: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0147e200 of size 860160 next 473 2023-04-18 11:33:21.511796: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01550200 of size 573440 next 514 2023-04-18 11:33:21.511830: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f015dc200 of size 1146880 next 499 2023-04-18 11:33:21.511866: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f016f4200 of size 1277952 next 440 2023-04-18 11:33:21.511904: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0182c200 of size 3145728 next 426 2023-04-18 11:33:21.511938: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01b2c200 of size 4423680 next 425 2023-04-18 11:33:21.511998: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01f64200 of size 557056 next 460 2023-04-18 11:33:21.512058: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01fec200 of size 1114112 next 454 2023-04-18 11:33:21.512139: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f020fc200 of size 835584 next 453 2023-04-18 11:33:21.512198: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f021c8200 of size 1032192 next 446 2023-04-18 11:33:21.512246: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f022c4200 of size 3538944 next 445 2023-04-18 11:33:21.512302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02624200 of size 835584 next 484 2023-04-18 11:33:21.512349: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f026f0200 of size 835584 next 482 2023-04-18 11:33:21.512408: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f027bc200 of size 1671168 next 481 2023-04-18 11:33:21.512458: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02954200 of size 835584 next 506 2023-04-18 11:33:21.512517: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02a20200 of size 835584 next 503 2023-04-18 11:33:21.512574: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02aec200 of size 1671168 next 502 2023-04-18 11:33:21.512623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02c84200 of size 860160 next 520 2023-04-18 11:33:21.512680: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02d56200 of size 860160 next 519 2023-04-18 11:33:21.512727: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02e28200 of size 573440 next 535 2023-04-18 11:33:21.513757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02eb4200 of size 573440 next 557 2023-04-18 11:33:21.513892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02f40200 of size 1146880 next 542 2023-04-18 11:33:21.513976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03058200 of size 1048576 next 527 2023-04-18 11:33:21.514045: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03158200 of size 1671168 next 526 2023-04-18 11:33:21.514105: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f032f0200 of size 835584 next 549 2023-04-18 11:33:21.514171: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f033bc200 of size 835584 next 546 2023-04-18 11:33:21.514237: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03488200 of size 1671168 next 545 2023-04-18 11:33:21.514291: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03620200 of size 860160 next 563 2023-04-18 11:33:21.514433: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f036f2200 of size 860160 next 562 2023-04-18 11:33:21.514510: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f037c4200 of size 573440 next 579 2023-04-18 11:33:21.514580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03850200 of size 573440 next 600 2023-04-18 11:33:21.514639: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f038dc200 of size 1146880 next 586 2023-04-18 11:33:21.514705: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f039f4200 of size 1048576 next 570 2023-04-18 11:33:21.514773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03af4200 of size 1671168 next 569 2023-04-18 11:33:21.514829: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03c8c200 of size 835584 next 593 2023-04-18 11:33:21.514892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03d58200 of size 835584 next 590 2023-04-18 11:33:21.514943: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03e24200 of size 1671168 next 589 2023-04-18 11:33:21.515080: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03fbc200 of size 860160 next 606 2023-04-18 11:33:21.515153: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0408e200 of size 860160 next 605 2023-04-18 11:33:21.515223: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04160200 of size 573440 next 622 2023-04-18 11:33:21.515278: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f041ec200 of size 573440 next 644 2023-04-18 11:33:21.515343: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04278200 of size 1146880 next 629 2023-04-18 11:33:21.515409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04390200 of size 1048576 next 613 2023-04-18 11:33:21.515464: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04490200 of size 1671168 next 612 2023-04-18 11:33:21.515529: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04628200 of size 835584 next 636 2023-04-18 11:33:21.515594: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f046f4200 of size 835584 next 633 2023-04-18 11:33:21.515646: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f047c0200 of size 1671168 next 632 2023-04-18 11:33:21.515713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04958200 of size 860160 next 650 2023-04-18 11:33:21.515780: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04a2a200 of size 860160 next 649 2023-04-18 11:33:21.517392: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04afc200 of size 573440 next 666 2023-04-18 11:33:21.517526: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04b88200 of size 573440 next 687 2023-04-18 11:33:21.517597: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04c14200 of size 1146880 next 672 2023-04-18 11:33:21.517664: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04d2c200 of size 1048576 next 657 2023-04-18 11:33:21.517722: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04e2c200 of size 1671168 next 656 2023-04-18 11:33:21.517777: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04fc4200 of size 835584 next 679 2023-04-18 11:33:21.517832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05090200 of size 835584 next 676 2023-04-18 11:33:21.517883: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0515c200 of size 1671168 next 675 2023-04-18 11:33:21.517935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f052f4200 of size 860160 next 693 2023-04-18 11:33:21.517988: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f053c6200 of size 860160 next 692 2023-04-18 11:33:21.518038: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05498200 of size 573440 next 709 2023-04-18 11:33:21.518089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05524200 of size 573440 next 731 2023-04-18 11:33:21.518178: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f055b0200 of size 1146880 next 716 2023-04-18 11:33:21.518249: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f056c8200 of size 1048576 next 700 2023-04-18 11:33:21.518303: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f057c8200 of size 1671168 next 699 2023-04-18 11:33:21.518370: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05960200 of size 835584 next 723 2023-04-18 11:33:21.518432: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05a2c200 of size 835584 next 720 2023-04-18 11:33:21.518487: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05af8200 of size 1671168 next 719 2023-04-18 11:33:21.518553: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05c90200 of size 860160 next 737 2023-04-18 11:33:21.518619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05d62200 of size 860160 next 736 2023-04-18 11:33:21.518670: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05e34200 of size 573440 next 753 2023-04-18 11:33:21.518733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05ec0200 of size 573440 next 775 2023-04-18 11:33:21.518781: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05f4c200 of size 1146880 next 760 2023-04-18 11:33:21.518960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06064200 of size 1048576 next 744 2023-04-18 11:33:21.519026: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06164200 of size 1671168 next 743 2023-04-18 11:33:21.519087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f062fc200 of size 835584 next 767 2023-04-18 11:33:21.520113: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f063c8200 of size 835584 next 764 2023-04-18 11:33:21.520215: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06494200 of size 1671168 next 763 2023-04-18 11:33:21.520277: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0662c200 of size 860160 next 781 2023-04-18 11:33:21.520346: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f066fe200 of size 860160 next 780 2023-04-18 11:33:21.520412: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f067d0200 of size 573440 next 797 2023-04-18 11:33:21.520467: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0685c200 of size 573440 next 819 2023-04-18 11:33:21.520531: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f068e8200 of size 1146880 next 804 2023-04-18 11:33:21.520595: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06a00200 of size 1048576 next 788 2023-04-18 11:33:21.520651: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06b00200 of size 1671168 next 787 2023-04-18 11:33:21.520721: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06c98200 of size 835584 next 811 2023-04-18 11:33:21.520793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06d64200 of size 835584 next 808 2023-04-18 11:33:21.520848: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06e30200 of size 1671168 next 807 2023-04-18 11:33:21.520993: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06fc8200 of size 860160 next 824 2023-04-18 11:33:21.521089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0709a200 of size 860160 next 823 2023-04-18 11:33:21.521159: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0716c200 of size 573440 next 840 2023-04-18 11:33:21.521205: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f071f8200 of size 573440 next 862 2023-04-18 11:33:21.521269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07284200 of size 1146880 next 847 2023-04-18 11:33:21.521330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0739c200 of size 1048576 next 831 2023-04-18 11:33:21.521386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0749c200 of size 1671168 next 830 2023-04-18 11:33:21.521449: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07634200 of size 835584 next 854 2023-04-18 11:33:21.521511: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07700200 of size 835584 next 851 2023-04-18 11:33:21.521561: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f077cc200 of size 1671168 next 850 2023-04-18 11:33:21.521616: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07964200 of size 860160 next 868 2023-04-18 11:33:21.521668: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07a36200 of size 860160 next 867 2023-04-18 11:33:21.521744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07b08200 of size 1306112 next 18446744073709551615 2023-04-18 11:33:21.521810: I tensorflow/core/common_runtime/bfc_allocator.cc:1031] Summary of in-use Chunks by size: 2023-04-18 11:33:21.521883: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 317 Chunks of size 256 totalling 79.2KiB 2023-04-18 11:33:21.521941: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 92 Chunks of size 512 totalling 46.0KiB 2023-04-18 11:33:21.522001: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 229 Chunks of size 768 totalling 171.8KiB 2023-04-18 11:33:21.522051: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1024 totalling 8.0KiB 2023-04-18 11:33:21.522171: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 14 Chunks of size 1280 totalling 17.5KiB 2023-04-18 11:33:21.522239: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 7 Chunks of size 1536 totalling 10.5KiB 2023-04-18 11:33:21.522304: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 2560 totalling 2.5KiB 2023-04-18 11:33:21.522368: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3584 totalling 3.5KiB 2023-04-18 11:33:21.522429: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 18 Chunks of size 4352 totalling 76.5KiB 2023-04-18 11:33:21.522502: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 32768 totalling 32.0KiB 2023-04-18 11:33:21.522584: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 36864 totalling 108.0KiB 2023-04-18 11:33:21.522650: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 24 Chunks of size 40960 totalling 960.0KiB 2023-04-18 11:33:21.522704: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 49152 totalling 144.0KiB 2023-04-18 11:33:21.522768: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 55296 totalling 432.0KiB 2023-04-18 11:33:21.522835: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 4 Chunks of size 67584 totalling 264.0KiB 2023-04-18 11:33:21.522890: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 69632 totalling 544.0KiB 2023-04-18 11:33:21.522955: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 73728 totalling 216.0KiB 2023-04-18 11:33:21.523021: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 77824 totalling 76.0KiB 2023-04-18 11:33:21.523079: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 2 Chunks of size 79872 totalling 156.0KiB 2023-04-18 11:33:21.523148: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 10 Chunks of size 110592 totalling 1.05MiB 2023-04-18 11:33:21.523213: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 10 Chunks of size 163840 totalling 1.56MiB 2023-04-18 11:33:21.523266: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 221184 totalling 216.0KiB 2023-04-18 11:33:21.523323: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 327680 totalling 320.0KiB 2023-04-18 11:33:21.523482: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 331776 totalling 324.0KiB 2023-04-18 11:33:21.523577: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 344064 totalling 336.0KiB 2023-04-18 11:33:21.523637: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 552960 totalling 540.0KiB 2023-04-18 11:33:21.523708: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 557056 totalling 544.0KiB 2023-04-18 11:33:21.523772: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 17 Chunks of size 573440 totalling 9.30MiB 2023-04-18 11:33:21.523820: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 20 Chunks of size 835584 totalling 15.94MiB 2023-04-18 11:33:21.523882: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 19 Chunks of size 860160 totalling 15.59MiB 2023-04-18 11:33:21.523947: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1032192 totalling 1008.0KiB 2023-04-18 11:33:21.524072: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1048576 totalling 8.00MiB 2023-04-18 11:33:21.524144: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1114112 totalling 1.06MiB 2023-04-18 11:33:21.524197: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1146880 totalling 8.75MiB 2023-04-18 11:33:21.524285: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1277952 totalling 1.22MiB 2023-04-18 11:33:21.524352: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 18 Chunks of size 1671168 totalling 28.69MiB 2023-04-18 11:33:21.524405: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3145728 totalling 3.00MiB 2023-04-18 11:33:21.524465: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3538944 totalling 3.38MiB 2023-04-18 11:33:21.524524: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 4423680 totalling 4.22MiB 2023-04-18 11:33:21.524579: I tensorflow/core/common_runtime/bfc_allocator.cc:1038] Sum Total of in-use chunks: 108.23MiB 2023-04-18 11:33:21.524672: I tensorflow/core/common_runtime/bfc_allocator.cc:1040] total_region_allocated_bytes_: 118583296 memory_limit_: 118583296 available bytes: 0 curr_region_allocation_bytes_: 237166592 2023-04-18 11:33:21.524746: I tensorflow/core/common_runtime/bfc_allocator.cc:1046] Stats: Limit: 118583296 InUse: 113487360 MaxInUse: 115491328 NumAllocs: 2734 MaxAllocSize: 4718592 Reserved: 0 PeakReserved: 0 LargestFreeBlock: 0 2023-04-18 11:33:21.525192: W tensorflow/core/common_runtime/bfc_allocator.cc:439] ***************************************************************************************************_ 2023-04-18 11:33:21.525878: W tensorflow/core/framework/op_kernel.cc:1767] OP_REQUIRES failed at random_op.cc:77 : Resource exhausted: OOM when allocating tensor with shape[1,1,384,1088] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc Traceback (most recent call last): File "1.py", line 142, in <module> base_model = IncRes(input_shape=(75,75,3),weights='imagenet',include_top=False) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 181, in InceptionResNetV2 x, scale=0.1, block_type='block17', block_idx=block_idx) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 369, in inception_resnet_block name=block_name + '_conv') File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 282, in conv2d_bn x) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 926, in __call__ input_list) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 1098, in _functional_construction_call self._maybe_build(inputs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 2643, in _maybe_build self.build(input_shapes) # pylint:disable=not-callable File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/layers/convolutional.py", line 204, in build dtype=self.dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 614, in add_weight caching_device=caching_device) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/training/tracking/base.py", line 750, in _add_variable_with_custom_getter **kwargs_for_getter) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer_utils.py", line 145, in make_variable shape=variable_shape if variable_shape else None) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 260, in __call__ return cls._variable_v1_call(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 221, in _variable_v1_call shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 199, in <lambda> previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 2597, in default_variable_creator shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 264, in __call__ return super(VariableMetaclass, cls).__call__(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1518, in __init__ distribute_strategy=distribute_strategy) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1651, in _init_from_args initial_value() if init_from_fn else initial_value, File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/initializers/initializers_v2.py", line 397, in __call__ return super(VarianceScaling, self).__call__(shape, dtype=_get_dtype(dtype)) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 561, in __call__ return self._random_generator.random_uniform(shape, -limit, limit, dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 1044, in random_uniform shape=shape, minval=minval, maxval=maxval, dtype=dtype, seed=self.seed) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/util/dispatch.py", line 201, in wrapper return target(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/random_ops.py", line 302, in random_uniform shape, dtype, seed=seed1, seed2=seed2) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/gen_random_ops.py", line 726, in random_uniform _ops.raise_from_not_ok_status(e, name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 6843, in raise_from_not_ok_status six.raise_from(core._status_to_exception(e.code, message), None) File "<string>", line 3, in raise_from tensorflow.python.framework.errors_impl.ResourceExhaustedError: OOM when allocating tensor with shape[1,1,384,1088] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:RandomUniform]
Dart
복사

2번소스코드 오류메시지

2023-04-18 11:33:21.476194: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39000 of size 256 next 129 2023-04-18 11:33:21.476222: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39100 of size 256 next 130 2023-04-18 11:33:21.476249: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39200 of size 256 next 131 2023-04-18 11:33:21.476275: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39300 of size 256 next 132 2023-04-18 11:33:21.476302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39400 of size 1280 next 135 2023-04-18 11:33:21.476329: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39900 of size 256 next 137 2023-04-18 11:33:21.476356: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39a00 of size 256 next 138 2023-04-18 11:33:21.476382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39b00 of size 256 next 139 2023-04-18 11:33:21.476410: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39c00 of size 256 next 140 2023-04-18 11:33:21.476439: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39d00 of size 256 next 141 2023-04-18 11:33:21.476468: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39e00 of size 256 next 142 2023-04-18 11:33:21.476499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b39f00 of size 256 next 143 2023-04-18 11:33:21.476531: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a000 of size 256 next 144 2023-04-18 11:33:21.476567: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a100 of size 256 next 145 2023-04-18 11:33:21.476603: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a200 of size 256 next 146 2023-04-18 11:33:21.476638: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a300 of size 256 next 147 2023-04-18 11:33:21.476675: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a400 of size 256 next 148 2023-04-18 11:33:21.476712: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a500 of size 256 next 149 2023-04-18 11:33:21.476749: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a600 of size 256 next 151 2023-04-18 11:33:21.476787: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a700 of size 256 next 152 2023-04-18 11:33:21.476825: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a800 of size 256 next 153 2023-04-18 11:33:21.476863: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3a900 of size 256 next 154 2023-04-18 11:33:21.476902: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3aa00 of size 256 next 156 2023-04-18 11:33:21.476941: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ab00 of size 256 next 157 2023-04-18 11:33:21.476983: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ac00 of size 256 next 158 2023-04-18 11:33:21.477023: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ad00 of size 256 next 160 2023-04-18 11:33:21.477061: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ae00 of size 256 next 161 2023-04-18 11:33:21.477100: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3af00 of size 256 next 162 2023-04-18 11:33:21.477140: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b000 of size 256 next 163 2023-04-18 11:33:21.477179: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b100 of size 1280 next 165 2023-04-18 11:33:21.477218: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b600 of size 256 next 167 2023-04-18 11:33:21.477258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b700 of size 256 next 168 2023-04-18 11:33:21.477299: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b800 of size 256 next 169 2023-04-18 11:33:21.477339: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3b900 of size 256 next 170 2023-04-18 11:33:21.477380: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ba00 of size 256 next 172 2023-04-18 11:33:21.477420: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bb00 of size 256 next 173 2023-04-18 11:33:21.477460: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bc00 of size 256 next 174 2023-04-18 11:33:21.477500: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bd00 of size 256 next 175 2023-04-18 11:33:21.477540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3be00 of size 256 next 176 2023-04-18 11:33:21.477580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3bf00 of size 256 next 177 2023-04-18 11:33:21.477618: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c000 of size 256 next 178 2023-04-18 11:33:21.477656: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c100 of size 256 next 179 2023-04-18 11:33:21.477695: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c200 of size 256 next 180 2023-04-18 11:33:21.477734: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c300 of size 256 next 182 2023-04-18 11:33:21.477774: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c400 of size 256 next 183 2023-04-18 11:33:21.477815: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c500 of size 256 next 184 2023-04-18 11:33:21.477858: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c600 of size 256 next 185 2023-04-18 11:33:21.477897: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c700 of size 256 next 186 2023-04-18 11:33:21.477935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c800 of size 256 next 188 2023-04-18 11:33:21.477974: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3c900 of size 256 next 189 2023-04-18 11:33:21.478014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ca00 of size 256 next 192 2023-04-18 11:33:21.478055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cb00 of size 256 next 193 2023-04-18 11:33:21.478095: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cc00 of size 256 next 194 2023-04-18 11:33:21.478135: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cd00 of size 256 next 195 2023-04-18 11:33:21.478175: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3ce00 of size 256 next 200 2023-04-18 11:33:21.478216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3cf00 of size 256 next 201 2023-04-18 11:33:21.478254: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d000 of size 256 next 202 2023-04-18 11:33:21.478292: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d100 of size 256 next 33 2023-04-18 11:33:21.478331: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b3d200 of size 32768 next 18 2023-04-18 11:33:21.478371: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b45200 of size 36864 next 17 2023-04-18 11:33:21.478423: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b4e200 of size 36864 next 105 2023-04-18 11:33:21.478466: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57200 of size 1280 next 196 2023-04-18 11:33:21.478505: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57700 of size 256 next 203 2023-04-18 11:33:21.478544: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57800 of size 256 next 204 2023-04-18 11:33:21.478583: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57900 of size 256 next 205 2023-04-18 11:33:21.478621: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57a00 of size 256 next 206 2023-04-18 11:33:21.478660: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57b00 of size 256 next 207 2023-04-18 11:33:21.478699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57c00 of size 256 next 208 2023-04-18 11:33:21.478738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57d00 of size 256 next 209 2023-04-18 11:33:21.478777: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57e00 of size 256 next 210 2023-04-18 11:33:21.478815: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b57f00 of size 256 next 211 2023-04-18 11:33:21.478854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58000 of size 256 next 213 2023-04-18 11:33:21.478892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58100 of size 256 next 214 2023-04-18 11:33:21.478933: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58200 of size 256 next 215 2023-04-18 11:33:21.478971: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58300 of size 256 next 216 2023-04-18 11:33:21.479010: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58400 of size 256 next 219 2023-04-18 11:33:21.479048: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58500 of size 256 next 220 2023-04-18 11:33:21.479087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58600 of size 256 next 221 2023-04-18 11:33:21.479128: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58700 of size 256 next 223 2023-04-18 11:33:21.479166: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58800 of size 256 next 224 2023-04-18 11:33:21.479205: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58900 of size 256 next 225 2023-04-18 11:33:21.479244: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58a00 of size 256 next 226 2023-04-18 11:33:21.479283: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b58b00 of size 1280 next 227 2023-04-18 11:33:21.479322: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59000 of size 256 next 231 2023-04-18 11:33:21.479361: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59100 of size 256 next 232 2023-04-18 11:33:21.479401: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59200 of size 256 next 233 2023-04-18 11:33:21.479440: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59300 of size 256 next 234 2023-04-18 11:33:21.479479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59400 of size 256 next 235 2023-04-18 11:33:21.479518: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59500 of size 256 next 236 2023-04-18 11:33:21.479557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59600 of size 256 next 237 2023-04-18 11:33:21.479595: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59700 of size 256 next 238 2023-04-18 11:33:21.479634: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59800 of size 256 next 239 2023-04-18 11:33:21.479673: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59900 of size 256 next 240 2023-04-18 11:33:21.479713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59a00 of size 256 next 241 2023-04-18 11:33:21.479751: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59b00 of size 256 next 242 2023-04-18 11:33:21.479790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59c00 of size 256 next 245 2023-04-18 11:33:21.479829: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59d00 of size 256 next 246 2023-04-18 11:33:21.479869: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59e00 of size 256 next 247 2023-04-18 11:33:21.479908: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b59f00 of size 256 next 248 2023-04-18 11:33:21.479946: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a000 of size 256 next 251 2023-04-18 11:33:21.480023: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a100 of size 256 next 252 2023-04-18 11:33:21.480062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a200 of size 256 next 253 2023-04-18 11:33:21.480089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a300 of size 256 next 254 2023-04-18 11:33:21.480114: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a400 of size 256 next 257 2023-04-18 11:33:21.480140: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a500 of size 256 next 258 2023-04-18 11:33:21.480169: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a600 of size 256 next 259 2023-04-18 11:33:21.480195: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a700 of size 256 next 260 2023-04-18 11:33:21.480220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5a800 of size 1280 next 263 2023-04-18 11:33:21.480244: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ad00 of size 256 next 264 2023-04-18 11:33:21.480269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ae00 of size 256 next 265 2023-04-18 11:33:21.480293: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5af00 of size 256 next 266 2023-04-18 11:33:21.480316: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b000 of size 256 next 267 2023-04-18 11:33:21.480340: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b100 of size 256 next 268 2023-04-18 11:33:21.480364: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b200 of size 256 next 269 2023-04-18 11:33:21.480388: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b300 of size 256 next 270 2023-04-18 11:33:21.480413: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b400 of size 256 next 271 2023-04-18 11:33:21.480437: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b500 of size 256 next 272 2023-04-18 11:33:21.480461: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b600 of size 256 next 273 2023-04-18 11:33:21.480486: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b700 of size 256 next 274 2023-04-18 11:33:21.480511: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b800 of size 256 next 275 2023-04-18 11:33:21.480537: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5b900 of size 256 next 276 2023-04-18 11:33:21.480565: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ba00 of size 256 next 278 2023-04-18 11:33:21.480591: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bb00 of size 256 next 279 2023-04-18 11:33:21.480617: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bc00 of size 256 next 280 2023-04-18 11:33:21.480645: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bd00 of size 256 next 281 2023-04-18 11:33:21.480672: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5be00 of size 256 next 283 2023-04-18 11:33:21.480699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5bf00 of size 256 next 284 2023-04-18 11:33:21.480726: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c000 of size 256 next 285 2023-04-18 11:33:21.480753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c100 of size 256 next 287 2023-04-18 11:33:21.480782: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c200 of size 256 next 288 2023-04-18 11:33:21.480810: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c300 of size 256 next 289 2023-04-18 11:33:21.480839: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c400 of size 256 next 290 2023-04-18 11:33:21.480870: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5c500 of size 1280 next 293 2023-04-18 11:33:21.480907: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ca00 of size 256 next 295 2023-04-18 11:33:21.480960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cb00 of size 256 next 296 2023-04-18 11:33:21.480994: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cc00 of size 256 next 297 2023-04-18 11:33:21.481025: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cd00 of size 256 next 298 2023-04-18 11:33:21.481057: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ce00 of size 256 next 300 2023-04-18 11:33:21.481087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5cf00 of size 256 next 301 2023-04-18 11:33:21.481116: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d000 of size 256 next 302 2023-04-18 11:33:21.481145: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d100 of size 256 next 303 2023-04-18 11:33:21.481176: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d200 of size 256 next 304 2023-04-18 11:33:21.481206: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d300 of size 256 next 305 2023-04-18 11:33:21.481235: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d400 of size 256 next 306 2023-04-18 11:33:21.481264: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d500 of size 256 next 307 2023-04-18 11:33:21.481294: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d600 of size 256 next 309 2023-04-18 11:33:21.481323: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d700 of size 256 next 310 2023-04-18 11:33:21.481355: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d800 of size 256 next 311 2023-04-18 11:33:21.481389: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5d900 of size 256 next 312 2023-04-18 11:33:21.481426: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5da00 of size 256 next 313 2023-04-18 11:33:21.481460: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5db00 of size 256 next 315 2023-04-18 11:33:21.481493: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5dc00 of size 256 next 316 2023-04-18 11:33:21.481523: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5dd00 of size 256 next 317 2023-04-18 11:33:21.481557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5de00 of size 256 next 320 2023-04-18 11:33:21.481588: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5df00 of size 256 next 321 2023-04-18 11:33:21.481619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e000 of size 256 next 322 2023-04-18 11:33:21.481651: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e100 of size 256 next 323 2023-04-18 11:33:21.481685: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e200 of size 1280 next 326 2023-04-18 11:33:21.481722: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e700 of size 256 next 327 2023-04-18 11:33:21.481757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e800 of size 256 next 328 2023-04-18 11:33:21.481793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5e900 of size 256 next 329 2023-04-18 11:33:21.481824: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ea00 of size 256 next 330 2023-04-18 11:33:21.481854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5eb00 of size 256 next 332 2023-04-18 11:33:21.481882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ec00 of size 256 next 333 2023-04-18 11:33:21.481911: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ed00 of size 256 next 334 2023-04-18 11:33:21.481940: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ee00 of size 256 next 335 2023-04-18 11:33:21.481970: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ef00 of size 256 next 336 2023-04-18 11:33:21.482000: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f000 of size 256 next 337 2023-04-18 11:33:21.482028: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f100 of size 256 next 338 2023-04-18 11:33:21.482060: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f200 of size 256 next 339 2023-04-18 11:33:21.482090: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f300 of size 256 next 341 2023-04-18 11:33:21.482121: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f400 of size 256 next 342 2023-04-18 11:33:21.482152: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f500 of size 256 next 343 2023-04-18 11:33:21.482182: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f600 of size 256 next 344 2023-04-18 11:33:21.482212: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f700 of size 256 next 345 2023-04-18 11:33:21.482243: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f800 of size 256 next 347 2023-04-18 11:33:21.482273: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5f900 of size 256 next 348 2023-04-18 11:33:21.482302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fa00 of size 256 next 349 2023-04-18 11:33:21.482330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fb00 of size 256 next 352 2023-04-18 11:33:21.482357: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fc00 of size 256 next 353 2023-04-18 11:33:21.482386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fd00 of size 256 next 354 2023-04-18 11:33:21.482415: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5fe00 of size 256 next 355 2023-04-18 11:33:21.482445: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b5ff00 of size 256 next 359 2023-04-18 11:33:21.482475: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60000 of size 256 next 360 2023-04-18 11:33:21.482504: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60100 of size 256 next 24 2023-04-18 11:33:21.482535: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b60200 of size 73728 next 23 2023-04-18 11:33:21.482565: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b72200 of size 36864 next 54 2023-04-18 11:33:21.482599: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b200 of size 1280 next 358 2023-04-18 11:33:21.482633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b700 of size 256 next 361 2023-04-18 11:33:21.482667: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b800 of size 256 next 363 2023-04-18 11:33:21.482699: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7b900 of size 256 next 364 2023-04-18 11:33:21.482731: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ba00 of size 256 next 365 2023-04-18 11:33:21.482762: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bb00 of size 256 next 366 2023-04-18 11:33:21.482793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bc00 of size 256 next 367 2023-04-18 11:33:21.482824: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bd00 of size 256 next 368 2023-04-18 11:33:21.482855: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7be00 of size 256 next 369 2023-04-18 11:33:21.482885: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7bf00 of size 256 next 370 2023-04-18 11:33:21.482916: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c000 of size 256 next 372 2023-04-18 11:33:21.482946: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c100 of size 256 next 373 2023-04-18 11:33:21.482976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c200 of size 256 next 374 2023-04-18 11:33:21.483006: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c300 of size 256 next 375 2023-04-18 11:33:21.483037: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c400 of size 256 next 376 2023-04-18 11:33:21.483067: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c500 of size 256 next 378 2023-04-18 11:33:21.483098: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c600 of size 256 next 379 2023-04-18 11:33:21.483130: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c700 of size 256 next 380 2023-04-18 11:33:21.483161: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c800 of size 256 next 383 2023-04-18 11:33:21.483194: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7c900 of size 256 next 384 2023-04-18 11:33:21.483226: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ca00 of size 256 next 385 2023-04-18 11:33:21.483258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7cb00 of size 256 next 386 2023-04-18 11:33:21.483290: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7cc00 of size 1280 next 389 2023-04-18 11:33:21.483322: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d100 of size 256 next 390 2023-04-18 11:33:21.483353: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d200 of size 256 next 391 2023-04-18 11:33:21.483389: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d300 of size 256 next 392 2023-04-18 11:33:21.483420: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d400 of size 256 next 393 2023-04-18 11:33:21.483450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d500 of size 256 next 395 2023-04-18 11:33:21.483480: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d600 of size 256 next 396 2023-04-18 11:33:21.483509: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d700 of size 256 next 397 2023-04-18 11:33:21.483538: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d800 of size 256 next 398 2023-04-18 11:33:21.483568: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7d900 of size 256 next 399 2023-04-18 11:33:21.483599: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7da00 of size 256 next 400 2023-04-18 11:33:21.483630: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7db00 of size 256 next 401 2023-04-18 11:33:21.483660: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7dc00 of size 256 next 402 2023-04-18 11:33:21.483689: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7dd00 of size 256 next 404 2023-04-18 11:33:21.483716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7de00 of size 256 next 405 2023-04-18 11:33:21.483744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7df00 of size 256 next 406 2023-04-18 11:33:21.483773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e000 of size 256 next 407 2023-04-18 11:33:21.483803: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e100 of size 256 next 408 2023-04-18 11:33:21.483833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e200 of size 256 next 410 2023-04-18 11:33:21.483865: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e300 of size 256 next 411 2023-04-18 11:33:21.483898: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e400 of size 256 next 412 2023-04-18 11:33:21.483929: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e500 of size 256 next 415 2023-04-18 11:33:21.483962: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e600 of size 256 next 416 2023-04-18 11:33:21.484032: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e700 of size 256 next 417 2023-04-18 11:33:21.484068: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e800 of size 256 next 418 2023-04-18 11:33:21.484100: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7e900 of size 1280 next 421 2023-04-18 11:33:21.484130: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ee00 of size 256 next 423 2023-04-18 11:33:21.484160: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7ef00 of size 256 next 424 2023-04-18 11:33:21.484190: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7f000 of size 1536 next 422 2023-04-18 11:33:21.484220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7f600 of size 1536 next 427 2023-04-18 11:33:21.484250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b7fc00 of size 1536 next 428 2023-04-18 11:33:21.484281: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80200 of size 1536 next 429 2023-04-18 11:33:21.484310: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80800 of size 1024 next 430 2023-04-18 11:33:21.484341: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b80c00 of size 1024 next 433 2023-04-18 11:33:21.484372: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81000 of size 1024 next 434 2023-04-18 11:33:21.484409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81400 of size 1024 next 435 2023-04-18 11:33:21.484445: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81800 of size 256 next 437 2023-04-18 11:33:21.484481: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81900 of size 256 next 438 2023-04-18 11:33:21.484516: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81a00 of size 1024 next 436 2023-04-18 11:33:21.484552: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b81e00 of size 1024 next 439 2023-04-18 11:33:21.484585: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82200 of size 1024 next 441 2023-04-18 11:33:21.484617: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82600 of size 1024 next 442 2023-04-18 11:33:21.484649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82a00 of size 256 next 443 2023-04-18 11:33:21.484679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82b00 of size 256 next 444 2023-04-18 11:33:21.484710: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b82c00 of size 1536 next 447 2023-04-18 11:33:21.484742: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b83200 of size 1536 next 448 2023-04-18 11:33:21.484776: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b83800 of size 2560 next 46 2023-04-18 11:33:21.484809: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b84200 of size 73728 next 45 2023-04-18 11:33:21.484842: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b96200 of size 49152 next 68 2023-04-18 11:33:21.484875: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ba2200 of size 49152 next 67 2023-04-18 11:33:21.484908: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bae200 of size 55296 next 119 2023-04-18 11:33:21.484942: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bbba00 of size 40960 next 136 2023-04-18 11:33:21.484975: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bc5a00 of size 69632 next 126 2023-04-18 11:33:21.485010: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bd6a00 of size 110592 next 125 2023-04-18 11:33:21.485043: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bf1a00 of size 55296 next 155 2023-04-18 11:33:21.485076: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00bff200 of size 40960 next 199 2023-04-18 11:33:21.485109: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c09200 of size 69632 next 187 2023-04-18 11:33:21.485142: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c1a200 of size 73728 next 62 2023-04-18 11:33:21.485175: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c2c200 of size 344064 next 39 2023-04-18 11:33:21.485209: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00c80200 of size 552960 next 38 2023-04-18 11:33:21.485243: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d07200 of size 221184 next 76 2023-04-18 11:33:21.485275: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d3d200 of size 49152 next 88 2023-04-18 11:33:21.485306: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d49200 of size 40960 next 95 2023-04-18 11:33:21.485336: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d53200 of size 40960 next 100 2023-04-18 11:33:21.485368: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d5d200 of size 40960 next 111 2023-04-18 11:33:21.485401: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d67200 of size 40960 next 110 2023-04-18 11:33:21.485436: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d71200 of size 40960 next 150 2023-04-18 11:33:21.485469: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d7b200 of size 77824 next 83 2023-04-18 11:33:21.485502: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00d8e200 of size 331776 next 82 2023-04-18 11:33:21.485533: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ddf200 of size 40960 next 166 2023-04-18 11:33:21.485563: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00de9200 of size 40960 next 171 2023-04-18 11:33:21.485598: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3200 of size 1536 next 449 2023-04-18 11:33:21.485634: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3800 of size 256 next 451 2023-04-18 11:33:21.485670: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3900 of size 256 next 452 2023-04-18 11:33:21.485704: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3a00 of size 768 next 450 2023-04-18 11:33:21.485738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df3d00 of size 768 next 455 2023-04-18 11:33:21.485770: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4000 of size 768 next 456 2023-04-18 11:33:21.485799: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4300 of size 768 next 457 2023-04-18 11:33:21.485832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4600 of size 256 next 458 2023-04-18 11:33:21.485864: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4700 of size 256 next 459 2023-04-18 11:33:21.485895: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4800 of size 512 next 461 2023-04-18 11:33:21.485926: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4a00 of size 512 next 462 2023-04-18 11:33:21.485958: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4c00 of size 512 next 463 2023-04-18 11:33:21.485991: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df4e00 of size 512 next 464 2023-04-18 11:33:21.486022: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5000 of size 256 next 465 2023-04-18 11:33:21.486054: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5100 of size 256 next 466 2023-04-18 11:33:21.486086: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5200 of size 768 next 467 2023-04-18 11:33:21.486117: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5500 of size 768 next 468 2023-04-18 11:33:21.486151: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5800 of size 768 next 469 2023-04-18 11:33:21.486183: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5b00 of size 768 next 470 2023-04-18 11:33:21.486217: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5e00 of size 256 next 471 2023-04-18 11:33:21.486251: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df5f00 of size 256 next 472 2023-04-18 11:33:21.487216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6000 of size 768 next 475 2023-04-18 11:33:21.487268: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6300 of size 768 next 476 2023-04-18 11:33:21.487301: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6600 of size 768 next 477 2023-04-18 11:33:21.487330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6900 of size 768 next 478 2023-04-18 11:33:21.487360: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6c00 of size 256 next 479 2023-04-18 11:33:21.487391: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6d00 of size 256 next 480 2023-04-18 11:33:21.487421: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df6e00 of size 4352 next 483 2023-04-18 11:33:21.487450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df7f00 of size 768 next 485 2023-04-18 11:33:21.487479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8200 of size 768 next 486 2023-04-18 11:33:21.487507: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8500 of size 768 next 487 2023-04-18 11:33:21.487537: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8800 of size 768 next 488 2023-04-18 11:33:21.487566: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8b00 of size 512 next 489 2023-04-18 11:33:21.487596: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8d00 of size 512 next 490 2023-04-18 11:33:21.487625: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df8f00 of size 512 next 491 2023-04-18 11:33:21.487654: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9100 of size 512 next 492 2023-04-18 11:33:21.487683: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9300 of size 768 next 493 2023-04-18 11:33:21.487717: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9600 of size 768 next 494 2023-04-18 11:33:21.487752: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9900 of size 768 next 495 2023-04-18 11:33:21.487784: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9c00 of size 768 next 496 2023-04-18 11:33:21.487816: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00df9f00 of size 768 next 497 2023-04-18 11:33:21.487848: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa200 of size 768 next 498 2023-04-18 11:33:21.487882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa500 of size 768 next 500 2023-04-18 11:33:21.487913: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfa800 of size 768 next 501 2023-04-18 11:33:21.487945: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfab00 of size 4352 next 504 2023-04-18 11:33:21.488024: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfbc00 of size 768 next 505 2023-04-18 11:33:21.488063: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfbf00 of size 768 next 507 2023-04-18 11:33:21.488095: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc200 of size 768 next 508 2023-04-18 11:33:21.488128: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc500 of size 768 next 509 2023-04-18 11:33:21.488161: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfc800 of size 512 next 510 2023-04-18 11:33:21.488192: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfca00 of size 512 next 511 2023-04-18 11:33:21.488221: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfcc00 of size 512 next 512 2023-04-18 11:33:21.488250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfce00 of size 512 next 513 2023-04-18 11:33:21.488283: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfd000 of size 512 next 181 2023-04-18 11:33:21.488315: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00dfd200 of size 40960 next 134 2023-04-18 11:33:21.488349: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e07200 of size 163840 next 133 2023-04-18 11:33:21.488382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e2f200 of size 110592 next 159 2023-04-18 11:33:21.488415: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e4a200 of size 163840 next 164 2023-04-18 11:33:21.488448: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e72200 of size 40960 next 212 2023-04-18 11:33:21.488481: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e7c200 of size 69632 next 191 2023-04-18 11:33:21.488514: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00e8d200 of size 110592 next 190 2023-04-18 11:33:21.488546: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ea8200 of size 40960 next 230 2023-04-18 11:33:21.488578: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00eb2200 of size 69632 next 218 2023-04-18 11:33:21.488605: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ec3200 of size 55296 next 217 2023-04-18 11:33:21.488636: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ed0a00 of size 40960 next 244 2023-04-18 11:33:21.488668: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00edaa00 of size 40960 next 243 2023-04-18 11:33:21.488700: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ee4a00 of size 79872 next 198 2023-04-18 11:33:21.488731: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ef8200 of size 163840 next 197 2023-04-18 11:33:21.488761: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f20200 of size 110592 next 222 2023-04-18 11:33:21.488792: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f3b200 of size 55296 next 250 2023-04-18 11:33:21.488825: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f48a00 of size 55296 next 249 2023-04-18 11:33:21.488854: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f56200 of size 55296 next 282 2023-04-18 11:33:21.488882: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f63a00 of size 40960 next 294 2023-04-18 11:33:21.488911: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f6da00 of size 40960 next 299 2023-04-18 11:33:21.488939: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f77a00 of size 79872 next 229 2023-04-18 11:33:21.488968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00f8b200 of size 163840 next 228 2023-04-18 11:33:21.488998: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fb3200 of size 40960 next 277 2023-04-18 11:33:21.489028: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fbd200 of size 69632 next 256 2023-04-18 11:33:21.489059: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fce200 of size 110592 next 255 2023-04-18 11:33:21.489092: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00fe9200 of size 40960 next 308 2023-04-18 11:33:21.489125: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00ff3200 of size 55296 next 314 2023-04-18 11:33:21.489159: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01000a00 of size 67584 next 262 2023-04-18 11:33:21.489192: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01011200 of size 163840 next 261 2023-04-18 11:33:21.489226: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01039200 of size 110592 next 286 2023-04-18 11:33:21.489258: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01054200 of size 40960 next 340 2023-04-18 11:33:21.489289: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e200 of size 768 next 515 2023-04-18 11:33:21.489320: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e500 of size 768 next 516 2023-04-18 11:33:21.489351: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105e800 of size 768 next 517 2023-04-18 11:33:21.489382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105eb00 of size 768 next 518 2023-04-18 11:33:21.489413: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105ee00 of size 768 next 521 2023-04-18 11:33:21.489444: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f100 of size 768 next 522 2023-04-18 11:33:21.489475: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f400 of size 768 next 523 2023-04-18 11:33:21.489508: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105f700 of size 768 next 524 2023-04-18 11:33:21.489540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0105fa00 of size 4352 next 525 2023-04-18 11:33:21.489576: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01060b00 of size 768 next 528 2023-04-18 11:33:21.489613: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01060e00 of size 768 next 529 2023-04-18 11:33:21.489650: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061100 of size 768 next 530 2023-04-18 11:33:21.489685: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061400 of size 768 next 531 2023-04-18 11:33:21.489718: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061700 of size 512 next 532 2023-04-18 11:33:21.489753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061900 of size 512 next 533 2023-04-18 11:33:21.489783: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061b00 of size 512 next 534 2023-04-18 11:33:21.489812: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01061d00 of size 768 next 536 2023-04-18 11:33:21.489845: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062000 of size 768 next 537 2023-04-18 11:33:21.489876: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062300 of size 768 next 538 2023-04-18 11:33:21.489906: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062600 of size 768 next 539 2023-04-18 11:33:21.489935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062900 of size 768 next 540 2023-04-18 11:33:21.489966: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062c00 of size 768 next 541 2023-04-18 11:33:21.489995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01062f00 of size 768 next 543 2023-04-18 11:33:21.490027: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01063200 of size 768 next 544 2023-04-18 11:33:21.490062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01063500 of size 4352 next 547 2023-04-18 11:33:21.490097: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064600 of size 768 next 548 2023-04-18 11:33:21.490133: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064900 of size 768 next 550 2023-04-18 11:33:21.490166: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064c00 of size 768 next 551 2023-04-18 11:33:21.490201: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01064f00 of size 768 next 552 2023-04-18 11:33:21.490233: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065200 of size 512 next 553 2023-04-18 11:33:21.490282: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065400 of size 512 next 554 2023-04-18 11:33:21.490315: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065600 of size 512 next 555 2023-04-18 11:33:21.499499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065800 of size 512 next 556 2023-04-18 11:33:21.499580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065a00 of size 768 next 558 2023-04-18 11:33:21.499618: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01065d00 of size 768 next 559 2023-04-18 11:33:21.499650: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066000 of size 768 next 560 2023-04-18 11:33:21.499681: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066300 of size 768 next 561 2023-04-18 11:33:21.499712: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066600 of size 768 next 564 2023-04-18 11:33:21.499742: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066900 of size 768 next 565 2023-04-18 11:33:21.499773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066c00 of size 768 next 566 2023-04-18 11:33:21.499804: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01066f00 of size 768 next 567 2023-04-18 11:33:21.499836: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01067200 of size 4352 next 568 2023-04-18 11:33:21.499868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068300 of size 768 next 571 2023-04-18 11:33:21.499901: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068600 of size 768 next 572 2023-04-18 11:33:21.499935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068900 of size 768 next 573 2023-04-18 11:33:21.499995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068c00 of size 768 next 574 2023-04-18 11:33:21.500041: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01068f00 of size 512 next 575 2023-04-18 11:33:21.500073: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069100 of size 512 next 576 2023-04-18 11:33:21.500104: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069300 of size 512 next 577 2023-04-18 11:33:21.500137: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069500 of size 512 next 578 2023-04-18 11:33:21.500164: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069700 of size 768 next 580 2023-04-18 11:33:21.500196: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069a00 of size 768 next 581 2023-04-18 11:33:21.500230: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01069d00 of size 768 next 582 2023-04-18 11:33:21.500264: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a000 of size 768 next 583 2023-04-18 11:33:21.500297: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a300 of size 768 next 584 2023-04-18 11:33:21.500331: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a600 of size 768 next 585 2023-04-18 11:33:21.500362: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106a900 of size 768 next 587 2023-04-18 11:33:21.500394: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106ac00 of size 768 next 588 2023-04-18 11:33:21.500422: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106af00 of size 768 next 592 2023-04-18 11:33:21.500450: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106b200 of size 768 next 594 2023-04-18 11:33:21.500479: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106b500 of size 1280 next 346 2023-04-18 11:33:21.500509: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0106ba00 of size 67584 next 292 2023-04-18 11:33:21.500539: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0107c200 of size 163840 next 291 2023-04-18 11:33:21.500569: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010a4200 of size 40960 next 331 2023-04-18 11:33:21.500601: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010ae200 of size 69632 next 319 2023-04-18 11:33:21.500633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010bf200 of size 110592 next 318 2023-04-18 11:33:21.500669: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010da200 of size 40960 next 371 2023-04-18 11:33:21.500705: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010e4200 of size 55296 next 377 2023-04-18 11:33:21.501623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f010f1a00 of size 67584 next 325 2023-04-18 11:33:21.501704: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01102200 of size 163840 next 324 2023-04-18 11:33:21.501757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0112a200 of size 40960 next 362 2023-04-18 11:33:21.501805: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01134200 of size 69632 next 351 2023-04-18 11:33:21.501860: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01145200 of size 110592 next 350 2023-04-18 11:33:21.501913: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01160200 of size 40960 next 403 2023-04-18 11:33:21.501968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116a200 of size 4352 next 591 2023-04-18 11:33:21.502019: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b300 of size 768 next 595 2023-04-18 11:33:21.502073: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b600 of size 512 next 596 2023-04-18 11:33:21.502121: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116b800 of size 512 next 597 2023-04-18 11:33:21.502168: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ba00 of size 512 next 598 2023-04-18 11:33:21.502220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116bc00 of size 512 next 599 2023-04-18 11:33:21.502269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116be00 of size 768 next 601 2023-04-18 11:33:21.502321: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c100 of size 768 next 602 2023-04-18 11:33:21.502365: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c400 of size 768 next 603 2023-04-18 11:33:21.502409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116c700 of size 768 next 604 2023-04-18 11:33:21.502457: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ca00 of size 768 next 607 2023-04-18 11:33:21.502508: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116cd00 of size 768 next 608 2023-04-18 11:33:21.502558: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d000 of size 768 next 609 2023-04-18 11:33:21.502606: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d300 of size 768 next 610 2023-04-18 11:33:21.502655: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116d600 of size 4352 next 611 2023-04-18 11:33:21.502700: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116e700 of size 768 next 614 2023-04-18 11:33:21.502744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ea00 of size 768 next 615 2023-04-18 11:33:21.502790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116ed00 of size 768 next 616 2023-04-18 11:33:21.502833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f000 of size 768 next 617 2023-04-18 11:33:21.502875: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f300 of size 512 next 618 2023-04-18 11:33:21.502919: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f500 of size 512 next 619 2023-04-18 11:33:21.502968: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f700 of size 512 next 620 2023-04-18 11:33:21.503014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116f900 of size 512 next 621 2023-04-18 11:33:21.503060: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116fb00 of size 768 next 623 2023-04-18 11:33:21.503107: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0116fe00 of size 768 next 624 2023-04-18 11:33:21.503156: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170100 of size 768 next 625 2023-04-18 11:33:21.503963: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170400 of size 768 next 626 2023-04-18 11:33:21.504106: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170700 of size 768 next 627 2023-04-18 11:33:21.504150: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170a00 of size 768 next 628 2023-04-18 11:33:21.504199: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01170d00 of size 768 next 630 2023-04-18 11:33:21.504231: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01171000 of size 768 next 631 2023-04-18 11:33:21.504262: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01171300 of size 4352 next 634 2023-04-18 11:33:21.504304: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172400 of size 768 next 635 2023-04-18 11:33:21.504337: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172700 of size 768 next 637 2023-04-18 11:33:21.504382: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172a00 of size 768 next 638 2023-04-18 11:33:21.504416: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01172d00 of size 768 next 639 2023-04-18 11:33:21.504446: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173000 of size 512 next 640 2023-04-18 11:33:21.504501: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173200 of size 512 next 641 2023-04-18 11:33:21.504540: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173400 of size 512 next 642 2023-04-18 11:33:21.504591: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173600 of size 512 next 643 2023-04-18 11:33:21.504630: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173800 of size 768 next 645 2023-04-18 11:33:21.504679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173b00 of size 768 next 646 2023-04-18 11:33:21.504716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01173e00 of size 768 next 647 2023-04-18 11:33:21.504760: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174100 of size 768 next 648 2023-04-18 11:33:21.504796: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174400 of size 768 next 651 2023-04-18 11:33:21.504832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174700 of size 768 next 652 2023-04-18 11:33:21.504864: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174a00 of size 768 next 653 2023-04-18 11:33:21.504895: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01174d00 of size 768 next 654 2023-04-18 11:33:21.504927: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01175000 of size 4352 next 655 2023-04-18 11:33:21.504960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176100 of size 768 next 658 2023-04-18 11:33:21.504994: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176400 of size 768 next 659 2023-04-18 11:33:21.505026: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176700 of size 768 next 660 2023-04-18 11:33:21.505057: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176a00 of size 768 next 661 2023-04-18 11:33:21.505087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176d00 of size 512 next 662 2023-04-18 11:33:21.505119: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01176f00 of size 512 next 663 2023-04-18 11:33:21.505151: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177100 of size 512 next 664 2023-04-18 11:33:21.505183: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177300 of size 512 next 665 2023-04-18 11:33:21.505216: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177500 of size 1280 next 409 2023-04-18 11:33:21.505250: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01177a00 of size 67584 next 357 2023-04-18 11:33:21.505289: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01188200 of size 163840 next 356 2023-04-18 11:33:21.505327: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011b0200 of size 40960 next 394 2023-04-18 11:33:21.505363: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ba200 of size 69632 next 382 2023-04-18 11:33:21.505397: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011cb200 of size 110592 next 381 2023-04-18 11:33:21.505431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6200 of size 768 next 821 2023-04-18 11:33:21.505463: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6500 of size 768 next 822 2023-04-18 11:33:21.505494: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6800 of size 768 next 825 2023-04-18 11:33:21.505526: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6b00 of size 768 next 826 2023-04-18 11:33:21.505557: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e6e00 of size 768 next 827 2023-04-18 11:33:21.505589: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e7100 of size 768 next 828 2023-04-18 11:33:21.505620: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e7400 of size 4352 next 829 2023-04-18 11:33:21.505652: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8500 of size 768 next 832 2023-04-18 11:33:21.505684: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8800 of size 768 next 833 2023-04-18 11:33:21.505716: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8b00 of size 768 next 834 2023-04-18 11:33:21.505747: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e8e00 of size 768 next 835 2023-04-18 11:33:21.505778: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9100 of size 512 next 836 2023-04-18 11:33:21.505809: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9300 of size 512 next 837 2023-04-18 11:33:21.505836: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9500 of size 512 next 838 2023-04-18 11:33:21.505867: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9700 of size 512 next 839 2023-04-18 11:33:21.505903: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9900 of size 768 next 841 2023-04-18 11:33:21.505937: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9c00 of size 768 next 842 2023-04-18 11:33:21.505970: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011e9f00 of size 768 next 843 2023-04-18 11:33:21.506003: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea200 of size 768 next 844 2023-04-18 11:33:21.506035: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea500 of size 768 next 845 2023-04-18 11:33:21.506069: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ea800 of size 768 next 846 2023-04-18 11:33:21.506101: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eab00 of size 768 next 848 2023-04-18 11:33:21.506132: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eae00 of size 768 next 849 2023-04-18 11:33:21.506164: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eb100 of size 4352 next 852 2023-04-18 11:33:21.506197: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec200 of size 768 next 853 2023-04-18 11:33:21.506229: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec500 of size 768 next 855 2023-04-18 11:33:21.506261: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ec800 of size 768 next 856 2023-04-18 11:33:21.506295: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ecb00 of size 768 next 857 2023-04-18 11:33:21.506329: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ece00 of size 512 next 858 2023-04-18 11:33:21.506364: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed000 of size 512 next 859 2023-04-18 11:33:21.506398: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed200 of size 512 next 860 2023-04-18 11:33:21.506431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed400 of size 512 next 861 2023-04-18 11:33:21.506465: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed600 of size 768 next 863 2023-04-18 11:33:21.506497: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ed900 of size 768 next 864 2023-04-18 11:33:21.506527: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011edc00 of size 768 next 865 2023-04-18 11:33:21.506558: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011edf00 of size 768 next 866 2023-04-18 11:33:21.506588: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee200 of size 768 next 869 2023-04-18 11:33:21.506621: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee500 of size 768 next 870 2023-04-18 11:33:21.506653: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011ee800 of size 768 next 871 2023-04-18 11:33:21.506688: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f011eeb00 of size 768 next 872 2023-04-18 11:33:21.506721: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f011eee00 of size 128000 next 388 2023-04-18 11:33:21.506755: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0120e200 of size 163840 next 387 2023-04-18 11:33:21.506787: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236200 of size 768 next 667 2023-04-18 11:33:21.506820: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236500 of size 768 next 668 2023-04-18 11:33:21.506953: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236800 of size 768 next 669 2023-04-18 11:33:21.507007: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236b00 of size 768 next 670 2023-04-18 11:33:21.507047: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01236e00 of size 768 next 671 2023-04-18 11:33:21.507085: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237100 of size 768 next 673 2023-04-18 11:33:21.507136: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237400 of size 768 next 674 2023-04-18 11:33:21.507169: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01237700 of size 4352 next 677 2023-04-18 11:33:21.507212: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238800 of size 768 next 678 2023-04-18 11:33:21.507248: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238b00 of size 768 next 680 2023-04-18 11:33:21.507293: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01238e00 of size 768 next 681 2023-04-18 11:33:21.507327: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239100 of size 768 next 682 2023-04-18 11:33:21.507359: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239400 of size 512 next 683 2023-04-18 11:33:21.507405: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239600 of size 512 next 684 2023-04-18 11:33:21.507443: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239800 of size 512 next 685 2023-04-18 11:33:21.507490: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239a00 of size 512 next 686 2023-04-18 11:33:21.507528: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239c00 of size 768 next 688 2023-04-18 11:33:21.507579: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01239f00 of size 768 next 689 2023-04-18 11:33:21.507615: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a200 of size 768 next 690 2023-04-18 11:33:21.507649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a500 of size 768 next 691 2023-04-18 11:33:21.507696: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123a800 of size 768 next 694 2023-04-18 11:33:21.507738: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ab00 of size 768 next 695 2023-04-18 11:33:21.507785: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ae00 of size 768 next 696 2023-04-18 11:33:21.507822: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123b100 of size 768 next 697 2023-04-18 11:33:21.507868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123b400 of size 4352 next 698 2023-04-18 11:33:21.507902: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123c500 of size 768 next 701 2023-04-18 11:33:21.507945: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123c800 of size 768 next 702 2023-04-18 11:33:21.508004: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123cb00 of size 768 next 703 2023-04-18 11:33:21.508047: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ce00 of size 768 next 704 2023-04-18 11:33:21.508083: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d100 of size 512 next 705 2023-04-18 11:33:21.508115: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d300 of size 512 next 706 2023-04-18 11:33:21.508227: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d500 of size 512 next 707 2023-04-18 11:33:21.508279: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d700 of size 512 next 708 2023-04-18 11:33:21.508332: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123d900 of size 768 next 710 2023-04-18 11:33:21.508375: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123dc00 of size 768 next 711 2023-04-18 11:33:21.508425: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123df00 of size 768 next 712 2023-04-18 11:33:21.508461: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e200 of size 768 next 713 2023-04-18 11:33:21.508507: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e500 of size 768 next 714 2023-04-18 11:33:21.508543: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123e800 of size 768 next 715 2023-04-18 11:33:21.508577: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123eb00 of size 768 next 717 2023-04-18 11:33:21.508619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123ee00 of size 768 next 718 2023-04-18 11:33:21.508649: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0123f100 of size 4352 next 721 2023-04-18 11:33:21.508679: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240200 of size 768 next 722 2023-04-18 11:33:21.508720: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240500 of size 768 next 724 2023-04-18 11:33:21.508753: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240800 of size 768 next 725 2023-04-18 11:33:21.508795: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240b00 of size 768 next 726 2023-04-18 11:33:21.508833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01240e00 of size 512 next 727 2023-04-18 11:33:21.508868: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241000 of size 512 next 728 2023-04-18 11:33:21.508915: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241200 of size 512 next 729 2023-04-18 11:33:21.508947: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241400 of size 512 next 730 2023-04-18 11:33:21.508989: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241600 of size 768 next 732 2023-04-18 11:33:21.509022: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241900 of size 768 next 733 2023-04-18 11:33:21.509055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241c00 of size 768 next 734 2023-04-18 11:33:21.509103: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01241f00 of size 768 next 735 2023-04-18 11:33:21.509141: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242200 of size 768 next 738 2023-04-18 11:33:21.509186: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242500 of size 768 next 739 2023-04-18 11:33:21.509223: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242800 of size 768 next 740 2023-04-18 11:33:21.509298: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242b00 of size 768 next 741 2023-04-18 11:33:21.509350: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01242e00 of size 4352 next 742 2023-04-18 11:33:21.509386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01243f00 of size 768 next 745 2023-04-18 11:33:21.509418: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244200 of size 768 next 746 2023-04-18 11:33:21.509451: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244500 of size 768 next 747 2023-04-18 11:33:21.509484: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244800 of size 768 next 748 2023-04-18 11:33:21.509518: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244b00 of size 512 next 749 2023-04-18 11:33:21.509553: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244d00 of size 512 next 750 2023-04-18 11:33:21.509587: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01244f00 of size 512 next 751 2023-04-18 11:33:21.509619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245100 of size 512 next 752 2023-04-18 11:33:21.509675: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245300 of size 768 next 754 2023-04-18 11:33:21.509713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245600 of size 768 next 755 2023-04-18 11:33:21.509746: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245900 of size 768 next 756 2023-04-18 11:33:21.509790: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245c00 of size 768 next 757 2023-04-18 11:33:21.509821: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01245f00 of size 768 next 758 2023-04-18 11:33:21.509862: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246200 of size 768 next 759 2023-04-18 11:33:21.509896: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246500 of size 768 next 761 2023-04-18 11:33:21.509929: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246800 of size 768 next 762 2023-04-18 11:33:21.509976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01246b00 of size 4352 next 765 2023-04-18 11:33:21.510014: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01247c00 of size 768 next 766 2023-04-18 11:33:21.510062: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01247f00 of size 768 next 768 2023-04-18 11:33:21.510099: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248200 of size 768 next 769 2023-04-18 11:33:21.510144: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248500 of size 768 next 770 2023-04-18 11:33:21.510182: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248800 of size 512 next 771 2023-04-18 11:33:21.510218: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248a00 of size 512 next 772 2023-04-18 11:33:21.510267: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248c00 of size 512 next 773 2023-04-18 11:33:21.510302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01248e00 of size 512 next 774 2023-04-18 11:33:21.510348: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249000 of size 768 next 776 2023-04-18 11:33:21.510385: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249300 of size 768 next 777 2023-04-18 11:33:21.510431: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249600 of size 768 next 778 2023-04-18 11:33:21.510466: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249900 of size 768 next 779 2023-04-18 11:33:21.510499: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249c00 of size 768 next 782 2023-04-18 11:33:21.510545: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01249f00 of size 768 next 783 2023-04-18 11:33:21.510579: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a200 of size 768 next 784 2023-04-18 11:33:21.510623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a500 of size 768 next 785 2023-04-18 11:33:21.510655: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124a800 of size 4352 next 786 2023-04-18 11:33:21.510696: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124b900 of size 768 next 789 2023-04-18 11:33:21.510733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124bc00 of size 768 next 790 2023-04-18 11:33:21.510769: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124bf00 of size 768 next 791 2023-04-18 11:33:21.510802: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c200 of size 768 next 792 2023-04-18 11:33:21.510835: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c500 of size 512 next 793 2023-04-18 11:33:21.510867: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c700 of size 512 next 794 2023-04-18 11:33:21.510898: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124c900 of size 512 next 795 2023-04-18 11:33:21.510930: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124cb00 of size 512 next 796 2023-04-18 11:33:21.510963: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124cd00 of size 768 next 798 2023-04-18 11:33:21.510995: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d000 of size 768 next 799 2023-04-18 11:33:21.511025: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d300 of size 768 next 800 2023-04-18 11:33:21.511055: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d600 of size 768 next 801 2023-04-18 11:33:21.511086: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124d900 of size 768 next 802 2023-04-18 11:33:21.511120: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124dc00 of size 768 next 803 2023-04-18 11:33:21.511153: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124df00 of size 768 next 805 2023-04-18 11:33:21.511186: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124e200 of size 768 next 806 2023-04-18 11:33:21.511220: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124e500 of size 4352 next 809 2023-04-18 11:33:21.511254: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124f600 of size 768 next 810 2023-04-18 11:33:21.511286: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124f900 of size 768 next 812 2023-04-18 11:33:21.511317: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124fc00 of size 768 next 813 2023-04-18 11:33:21.511348: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0124ff00 of size 768 next 814 2023-04-18 11:33:21.511378: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250200 of size 512 next 815 2023-04-18 11:33:21.511410: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250400 of size 512 next 816 2023-04-18 11:33:21.511441: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250600 of size 512 next 817 2023-04-18 11:33:21.511474: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250800 of size 512 next 818 2023-04-18 11:33:21.511506: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250a00 of size 768 next 820 2023-04-18 11:33:21.511539: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01250d00 of size 1280 next 414 2023-04-18 11:33:21.511570: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01251200 of size 110592 next 413 2023-04-18 11:33:21.511602: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f0126c200 of size 163840 next 420 2023-04-18 11:33:21.511633: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01294200 of size 163840 next 419 2023-04-18 11:33:21.511664: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f012bc200 of size 655360 next 432 2023-04-18 11:33:21.511697: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0135c200 of size 327680 next 431 2023-04-18 11:33:21.511733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f013ac200 of size 860160 next 474 2023-04-18 11:33:21.511763: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0147e200 of size 860160 next 473 2023-04-18 11:33:21.511796: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01550200 of size 573440 next 514 2023-04-18 11:33:21.511830: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f015dc200 of size 1146880 next 499 2023-04-18 11:33:21.511866: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f016f4200 of size 1277952 next 440 2023-04-18 11:33:21.511904: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0182c200 of size 3145728 next 426 2023-04-18 11:33:21.511938: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01b2c200 of size 4423680 next 425 2023-04-18 11:33:21.511998: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01f64200 of size 557056 next 460 2023-04-18 11:33:21.512058: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f01fec200 of size 1114112 next 454 2023-04-18 11:33:21.512139: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f020fc200 of size 835584 next 453 2023-04-18 11:33:21.512198: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f021c8200 of size 1032192 next 446 2023-04-18 11:33:21.512246: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f022c4200 of size 3538944 next 445 2023-04-18 11:33:21.512302: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02624200 of size 835584 next 484 2023-04-18 11:33:21.512349: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f026f0200 of size 835584 next 482 2023-04-18 11:33:21.512408: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f027bc200 of size 1671168 next 481 2023-04-18 11:33:21.512458: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02954200 of size 835584 next 506 2023-04-18 11:33:21.512517: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02a20200 of size 835584 next 503 2023-04-18 11:33:21.512574: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02aec200 of size 1671168 next 502 2023-04-18 11:33:21.512623: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02c84200 of size 860160 next 520 2023-04-18 11:33:21.512680: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02d56200 of size 860160 next 519 2023-04-18 11:33:21.512727: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02e28200 of size 573440 next 535 2023-04-18 11:33:21.513757: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02eb4200 of size 573440 next 557 2023-04-18 11:33:21.513892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f02f40200 of size 1146880 next 542 2023-04-18 11:33:21.513976: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03058200 of size 1048576 next 527 2023-04-18 11:33:21.514045: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03158200 of size 1671168 next 526 2023-04-18 11:33:21.514105: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f032f0200 of size 835584 next 549 2023-04-18 11:33:21.514171: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f033bc200 of size 835584 next 546 2023-04-18 11:33:21.514237: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03488200 of size 1671168 next 545 2023-04-18 11:33:21.514291: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03620200 of size 860160 next 563 2023-04-18 11:33:21.514433: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f036f2200 of size 860160 next 562 2023-04-18 11:33:21.514510: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f037c4200 of size 573440 next 579 2023-04-18 11:33:21.514580: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03850200 of size 573440 next 600 2023-04-18 11:33:21.514639: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f038dc200 of size 1146880 next 586 2023-04-18 11:33:21.514705: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f039f4200 of size 1048576 next 570 2023-04-18 11:33:21.514773: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03af4200 of size 1671168 next 569 2023-04-18 11:33:21.514829: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03c8c200 of size 835584 next 593 2023-04-18 11:33:21.514892: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03d58200 of size 835584 next 590 2023-04-18 11:33:21.514943: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03e24200 of size 1671168 next 589 2023-04-18 11:33:21.515080: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f03fbc200 of size 860160 next 606 2023-04-18 11:33:21.515153: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0408e200 of size 860160 next 605 2023-04-18 11:33:21.515223: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04160200 of size 573440 next 622 2023-04-18 11:33:21.515278: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f041ec200 of size 573440 next 644 2023-04-18 11:33:21.515343: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04278200 of size 1146880 next 629 2023-04-18 11:33:21.515409: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04390200 of size 1048576 next 613 2023-04-18 11:33:21.515464: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04490200 of size 1671168 next 612 2023-04-18 11:33:21.515529: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04628200 of size 835584 next 636 2023-04-18 11:33:21.515594: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f046f4200 of size 835584 next 633 2023-04-18 11:33:21.515646: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f047c0200 of size 1671168 next 632 2023-04-18 11:33:21.515713: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04958200 of size 860160 next 650 2023-04-18 11:33:21.515780: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04a2a200 of size 860160 next 649 2023-04-18 11:33:21.517392: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04afc200 of size 573440 next 666 2023-04-18 11:33:21.517526: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04b88200 of size 573440 next 687 2023-04-18 11:33:21.517597: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04c14200 of size 1146880 next 672 2023-04-18 11:33:21.517664: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04d2c200 of size 1048576 next 657 2023-04-18 11:33:21.517722: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04e2c200 of size 1671168 next 656 2023-04-18 11:33:21.517777: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f04fc4200 of size 835584 next 679 2023-04-18 11:33:21.517832: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05090200 of size 835584 next 676 2023-04-18 11:33:21.517883: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0515c200 of size 1671168 next 675 2023-04-18 11:33:21.517935: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f052f4200 of size 860160 next 693 2023-04-18 11:33:21.517988: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f053c6200 of size 860160 next 692 2023-04-18 11:33:21.518038: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05498200 of size 573440 next 709 2023-04-18 11:33:21.518089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05524200 of size 573440 next 731 2023-04-18 11:33:21.518178: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f055b0200 of size 1146880 next 716 2023-04-18 11:33:21.518249: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f056c8200 of size 1048576 next 700 2023-04-18 11:33:21.518303: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f057c8200 of size 1671168 next 699 2023-04-18 11:33:21.518370: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05960200 of size 835584 next 723 2023-04-18 11:33:21.518432: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05a2c200 of size 835584 next 720 2023-04-18 11:33:21.518487: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05af8200 of size 1671168 next 719 2023-04-18 11:33:21.518553: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05c90200 of size 860160 next 737 2023-04-18 11:33:21.518619: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05d62200 of size 860160 next 736 2023-04-18 11:33:21.518670: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05e34200 of size 573440 next 753 2023-04-18 11:33:21.518733: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05ec0200 of size 573440 next 775 2023-04-18 11:33:21.518781: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f05f4c200 of size 1146880 next 760 2023-04-18 11:33:21.518960: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06064200 of size 1048576 next 744 2023-04-18 11:33:21.519026: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06164200 of size 1671168 next 743 2023-04-18 11:33:21.519087: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f062fc200 of size 835584 next 767 2023-04-18 11:33:21.520113: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f063c8200 of size 835584 next 764 2023-04-18 11:33:21.520215: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06494200 of size 1671168 next 763 2023-04-18 11:33:21.520277: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0662c200 of size 860160 next 781 2023-04-18 11:33:21.520346: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f066fe200 of size 860160 next 780 2023-04-18 11:33:21.520412: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f067d0200 of size 573440 next 797 2023-04-18 11:33:21.520467: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0685c200 of size 573440 next 819 2023-04-18 11:33:21.520531: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f068e8200 of size 1146880 next 804 2023-04-18 11:33:21.520595: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06a00200 of size 1048576 next 788 2023-04-18 11:33:21.520651: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06b00200 of size 1671168 next 787 2023-04-18 11:33:21.520721: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06c98200 of size 835584 next 811 2023-04-18 11:33:21.520793: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06d64200 of size 835584 next 808 2023-04-18 11:33:21.520848: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06e30200 of size 1671168 next 807 2023-04-18 11:33:21.520993: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f06fc8200 of size 860160 next 824 2023-04-18 11:33:21.521089: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0709a200 of size 860160 next 823 2023-04-18 11:33:21.521159: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0716c200 of size 573440 next 840 2023-04-18 11:33:21.521205: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f071f8200 of size 573440 next 862 2023-04-18 11:33:21.521269: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07284200 of size 1146880 next 847 2023-04-18 11:33:21.521330: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0739c200 of size 1048576 next 831 2023-04-18 11:33:21.521386: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f0749c200 of size 1671168 next 830 2023-04-18 11:33:21.521449: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07634200 of size 835584 next 854 2023-04-18 11:33:21.521511: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07700200 of size 835584 next 851 2023-04-18 11:33:21.521561: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f077cc200 of size 1671168 next 850 2023-04-18 11:33:21.521616: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07964200 of size 860160 next 868 2023-04-18 11:33:21.521668: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f07a36200 of size 860160 next 867 2023-04-18 11:33:21.521744: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f07b08200 of size 1306112 next 18446744073709551615 2023-04-18 11:33:21.521810: I tensorflow/core/common_runtime/bfc_allocator.cc:1031] Summary of in-use Chunks by size: 2023-04-18 11:33:21.521883: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 317 Chunks of size 256 totalling 79.2KiB 2023-04-18 11:33:21.521941: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 92 Chunks of size 512 totalling 46.0KiB 2023-04-18 11:33:21.522001: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 229 Chunks of size 768 totalling 171.8KiB 2023-04-18 11:33:21.522051: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1024 totalling 8.0KiB 2023-04-18 11:33:21.522171: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 14 Chunks of size 1280 totalling 17.5KiB 2023-04-18 11:33:21.522239: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 7 Chunks of size 1536 totalling 10.5KiB 2023-04-18 11:33:21.522304: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 2560 totalling 2.5KiB 2023-04-18 11:33:21.522368: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3584 totalling 3.5KiB 2023-04-18 11:33:21.522429: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 18 Chunks of size 4352 totalling 76.5KiB 2023-04-18 11:33:21.522502: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 32768 totalling 32.0KiB 2023-04-18 11:33:21.522584: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 36864 totalling 108.0KiB 2023-04-18 11:33:21.522650: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 24 Chunks of size 40960 totalling 960.0KiB 2023-04-18 11:33:21.522704: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 49152 totalling 144.0KiB 2023-04-18 11:33:21.522768: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 55296 totalling 432.0KiB 2023-04-18 11:33:21.522835: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 4 Chunks of size 67584 totalling 264.0KiB 2023-04-18 11:33:21.522890: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 69632 totalling 544.0KiB 2023-04-18 11:33:21.522955: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 3 Chunks of size 73728 totalling 216.0KiB 2023-04-18 11:33:21.523021: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 77824 totalling 76.0KiB 2023-04-18 11:33:21.523079: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 2 Chunks of size 79872 totalling 156.0KiB 2023-04-18 11:33:21.523148: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 10 Chunks of size 110592 totalling 1.05MiB 2023-04-18 11:33:21.523213: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 10 Chunks of size 163840 totalling 1.56MiB 2023-04-18 11:33:21.523266: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 221184 totalling 216.0KiB 2023-04-18 11:33:21.523323: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 327680 totalling 320.0KiB 2023-04-18 11:33:21.523482: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 331776 totalling 324.0KiB 2023-04-18 11:33:21.523577: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 344064 totalling 336.0KiB 2023-04-18 11:33:21.523637: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 552960 totalling 540.0KiB 2023-04-18 11:33:21.523708: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 557056 totalling 544.0KiB 2023-04-18 11:33:21.523772: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 17 Chunks of size 573440 totalling 9.30MiB 2023-04-18 11:33:21.523820: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 20 Chunks of size 835584 totalling 15.94MiB 2023-04-18 11:33:21.523882: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 19 Chunks of size 860160 totalling 15.59MiB 2023-04-18 11:33:21.523947: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1032192 totalling 1008.0KiB 2023-04-18 11:33:21.524072: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1048576 totalling 8.00MiB 2023-04-18 11:33:21.524144: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1114112 totalling 1.06MiB 2023-04-18 11:33:21.524197: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 1146880 totalling 8.75MiB 2023-04-18 11:33:21.524285: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1277952 totalling 1.22MiB 2023-04-18 11:33:21.524352: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 18 Chunks of size 1671168 totalling 28.69MiB 2023-04-18 11:33:21.524405: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3145728 totalling 3.00MiB 2023-04-18 11:33:21.524465: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 3538944 totalling 3.38MiB 2023-04-18 11:33:21.524524: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 4423680 totalling 4.22MiB 2023-04-18 11:33:21.524579: I tensorflow/core/common_runtime/bfc_allocator.cc:1038] Sum Total of in-use chunks: 108.23MiB 2023-04-18 11:33:21.524672: I tensorflow/core/common_runtime/bfc_allocator.cc:1040] total_region_allocated_bytes_: 118583296 memory_limit_: 118583296 available bytes: 0 curr_region_allocation_bytes_: 237166592 2023-04-18 11:33:21.524746: I tensorflow/core/common_runtime/bfc_allocator.cc:1046] Stats: Limit: 118583296 InUse: 113487360 MaxInUse: 115491328 NumAllocs: 2734 MaxAllocSize: 4718592 Reserved: 0 PeakReserved: 0 LargestFreeBlock: 0 2023-04-18 11:33:21.525192: W tensorflow/core/common_runtime/bfc_allocator.cc:439] ***************************************************************************************************_ 2023-04-18 11:33:21.525878: W tensorflow/core/framework/op_kernel.cc:1767] OP_REQUIRES failed at random_op.cc:77 : Resource exhausted: OOM when allocating tensor with shape[1,1,384,1088] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc Traceback (most recent call last): File "1.py", line 142, in <module> base_model = IncRes(input_shape=(75,75,3),weights='imagenet',include_top=False) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 181, in InceptionResNetV2 x, scale=0.1, block_type='block17', block_idx=block_idx) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 369, in inception_resnet_block name=block_name + '_conv') File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/applications/inception_resnet_v2.py", line 282, in conv2d_bn x) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 926, in __call__ input_list) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 1098, in _functional_construction_call self._maybe_build(inputs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 2643, in _maybe_build self.build(input_shapes) # pylint:disable=not-callable File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/layers/convolutional.py", line 204, in build dtype=self.dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 614, in add_weight caching_device=caching_device) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/training/tracking/base.py", line 750, in _add_variable_with_custom_getter **kwargs_for_getter) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer_utils.py", line 145, in make_variable shape=variable_shape if variable_shape else None) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 260, in __call__ return cls._variable_v1_call(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 221, in _variable_v1_call shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 199, in <lambda> previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 2597, in default_variable_creator shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 264, in __call__ return super(VariableMetaclass, cls).__call__(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1518, in __init__ distribute_strategy=distribute_strategy) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1651, in _init_from_args initial_value() if init_from_fn else initial_value, File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/initializers/initializers_v2.py", line 397, in __call__ return super(VarianceScaling, self).__call__(shape, dtype=_get_dtype(dtype)) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 561, in __call__ return self._random_generator.random_uniform(shape, -limit, limit, dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 1044, in random_uniform shape=shape, minval=minval, maxval=maxval, dtype=dtype, seed=self.seed) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/util/dispatch.py", line 201, in wrapper return target(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/random_ops.py", line 302, in random_uniform shape, dtype, seed=seed1, seed2=seed2) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/gen_random_ops.py", line 726, in random_uniform _ops.raise_from_not_ok_status(e, name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 6843, in raise_from_not_ok_status six.raise_from(core._status_to_exception(e.code, message), None) File "<string>", line 3, in raise_from tensorflow.python.framework.errors_impl.ResourceExhaustedError: OOM when allocating tensor with shape[1,1,384,1088] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:RandomUniform] test4611:~/Desktop$ python3 2.py 2023-04-18 11:34:54.135298: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:34:59.582091: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcuda.so.1 2023-04-18 11:34:59.594715: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.594904: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1742] Found device 0 with properties: pciBusID: 0000:00:00.0 name: NVIDIA Tegra X1 computeCapability: 5.3 coreClock: 0.9216GHz coreCount: 1 deviceMemorySize: 3.86GiB deviceMemoryBandwidth: 194.55MiB/s 2023-04-18 11:34:59.595001: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:34:59.599442: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10 2023-04-18 11:34:59.603067: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2023-04-18 11:34:59.604125: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2023-04-18 11:34:59.609119: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2023-04-18 11:34:59.613519: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10 2023-04-18 11:34:59.614195: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2023-04-18 11:34:59.614526: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.614982: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.615113: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1884] Adding visible gpu devices: 0 2023-04-18 11:34:59.640040: W tensorflow/core/platform/profile_utils/cpu_utils.cc:108] Failed to find bogomips or clock in /proc/cpuinfo; cannot determine CPU frequency 2023-04-18 11:34:59.641717: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0xa5baee0 initialized for platform Host (this does not guarantee that XLA will be used). Devices: 2023-04-18 11:34:59.641793: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version 2023-04-18 11:34:59.715514: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.715822: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0xa709240 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices: 2023-04-18 11:34:59.715888: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): NVIDIA Tegra X1, Compute Capability 5.3 2023-04-18 11:34:59.716443: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.716609: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1742] Found device 0 with properties: pciBusID: 0000:00:00.0 name: NVIDIA Tegra X1 computeCapability: 5.3 coreClock: 0.9216GHz coreCount: 1 deviceMemorySize: 3.86GiB deviceMemoryBandwidth: 194.55MiB/s 2023-04-18 11:34:59.716720: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:34:59.716828: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10 2023-04-18 11:34:59.716910: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2023-04-18 11:34:59.716983: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2023-04-18 11:34:59.717054: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2023-04-18 11:34:59.717129: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.10 2023-04-18 11:34:59.717250: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2023-04-18 11:34:59.717502: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.717802: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:34:59.717906: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1884] Adding visible gpu devices: 0 2023-04-18 11:34:59.718028: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.10.2 2023-04-18 11:35:02.720529: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1283] Device interconnect StreamExecutor with strength 1 edge matrix: 2023-04-18 11:35:02.720625: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1289] 0 2023-04-18 11:35:02.720666: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1302] 0: N 2023-04-18 11:35:02.721080: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:35:02.721429: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1046] ARM64 does not support NUMA - returning NUMA node zero 2023-04-18 11:35:02.721638: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1428] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 0 MB memory) -> physical GPU (device: 0, name: NVIDIA Tegra X1, pci bus id: 0000:00:00.0, compute capability: 5.3) 2023-04-18 11:35:12.879691: W tensorflow/core/common_runtime/bfc_allocator.cc:431] Allocator (GPU_0_bfc) ran out of memory trying to allocate 144.0KiB (rounded to 147456)requested by op Mul Current allocation summary follows. 2023-04-18 11:35:12.881624: I tensorflow/core/common_runtime/bfc_allocator.cc:970] BFCAllocator dump for GPU_0_bfc 2023-04-18 11:35:12.882407: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (256): Total Chunks: 8, Chunks in use: 8. 2.0KiB allocated for chunks. 2.0KiB in use in bin. 288B client-requested in use in bin. 2023-04-18 11:35:12.883270: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (512): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.884350: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (1024): Total Chunks: 1, Chunks in use: 1. 1.2KiB allocated for chunks. 1.2KiB in use in bin. 1.0KiB client-requested in use in bin. 2023-04-18 11:35:12.885124: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (2048): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.885445: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (4096): Total Chunks: 3, Chunks in use: 1. 19.2KiB allocated for chunks. 6.8KiB in use in bin. 6.8KiB client-requested in use in bin. 2023-04-18 11:35:12.885855: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (8192): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.886293: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (16384): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.886731: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (32768): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.887138: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (65536): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.887565: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (131072): Total Chunks: 1, Chunks in use: 1. 193.5KiB allocated for chunks. 193.5KiB in use in bin. 144.0KiB client-requested in use in bin. 2023-04-18 11:35:12.887965: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (262144): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.888196: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (524288): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.888344: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (1048576): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.888485: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (2097152): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.888647: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (4194304): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.888855: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (8388608): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.889080: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (16777216): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.889305: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (33554432): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.889523: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (67108864): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.889735: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (134217728): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.889942: I tensorflow/core/common_runtime/bfc_allocator.cc:977] Bin (268435456): Total Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin. 2023-04-18 11:35:12.890167: I tensorflow/core/common_runtime/bfc_allocator.cc:993] Bin for 144.0KiB was 128.0KiB, Chunk State: 2023-04-18 11:35:12.890323: I tensorflow/core/common_runtime/bfc_allocator.cc:1006] Next region of size 221184 2023-04-18 11:35:12.890500: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30000 of size 1280 next 1 2023-04-18 11:35:12.890667: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30500 of size 256 next 2 2023-04-18 11:35:12.890833: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30600 of size 256 next 6 2023-04-18 11:35:12.890987: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30700 of size 256 next 9 2023-04-18 11:35:12.891142: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30800 of size 256 next 10 2023-04-18 11:35:12.891303: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30900 of size 256 next 11 2023-04-18 11:35:12.891467: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b30a00 of size 256 next 12 2023-04-18 11:35:12.891584: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f00b30b00 of size 5632 next 3 2023-04-18 11:35:12.891673: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b32100 of size 256 next 4 2023-04-18 11:35:12.891751: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b32200 of size 256 next 5 2023-04-18 11:35:12.891831: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] Free at f00b32300 of size 7168 next 7 2023-04-18 11:35:12.891920: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b33f00 of size 6912 next 8 2023-04-18 11:35:12.892068: I tensorflow/core/common_runtime/bfc_allocator.cc:1026] InUse at f00b35a00 of size 198144 next 18446744073709551615 2023-04-18 11:35:12.892148: I tensorflow/core/common_runtime/bfc_allocator.cc:1031] Summary of in-use Chunks by size: 2023-04-18 11:35:12.892220: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 8 Chunks of size 256 totalling 2.0KiB 2023-04-18 11:35:12.892287: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 1280 totalling 1.2KiB 2023-04-18 11:35:12.892356: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 6912 totalling 6.8KiB 2023-04-18 11:35:12.892432: I tensorflow/core/common_runtime/bfc_allocator.cc:1034] 1 Chunks of size 198144 totalling 193.5KiB 2023-04-18 11:35:12.892513: I tensorflow/core/common_runtime/bfc_allocator.cc:1038] Sum Total of in-use chunks: 203.5KiB 2023-04-18 11:35:12.892591: I tensorflow/core/common_runtime/bfc_allocator.cc:1040] total_region_allocated_bytes_: 221184 memory_limit_: 221184 available bytes: 0 curr_region_allocation_bytes_: 442368 2023-04-18 11:35:12.892692: I tensorflow/core/common_runtime/bfc_allocator.cc:1046] Stats: Limit: 221184 InUse: 208384 MaxInUse: 208384 NumAllocs: 24 MaxAllocSize: 198144 Reserved: 0 PeakReserved: 0 LargestFreeBlock: 0 2023-04-18 11:35:12.893008: W tensorflow/core/common_runtime/bfc_allocator.cc:439] **_*x__***********************************************************************xxxxxxxxxxxxxxxxxxxxxx 2023-04-18 11:35:12.893204: W tensorflow/core/framework/op_kernel.cc:1767] OP_REQUIRES failed at cwise_ops_common.h:134 : Resource exhausted: OOM when allocating tensor with shape[3,3,64,64] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc Traceback (most recent call last): File "2.py", line 102, in <module> model = vgg_face() File "2.py", line 58, in vgg_face model.add(Convolution2D(64, (3, 3), activation='relu')) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/training/tracking/base.py", line 457, in _method_wrapper result = method(self, *args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/sequential.py", line 221, in add output_tensor = layer(self.outputs[0]) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 926, in __call__ input_list) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 1098, in _functional_construction_call self._maybe_build(inputs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 2643, in _maybe_build self.build(input_shapes) # pylint:disable=not-callable File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/layers/convolutional.py", line 204, in build dtype=self.dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 614, in add_weight caching_device=caching_device) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/training/tracking/base.py", line 750, in _add_variable_with_custom_getter **kwargs_for_getter) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer_utils.py", line 145, in make_variable shape=variable_shape if variable_shape else None) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 260, in __call__ return cls._variable_v1_call(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 221, in _variable_v1_call shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 199, in <lambda> previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 2597, in default_variable_creator shape=shape) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/variables.py", line 264, in __call__ return super(VariableMetaclass, cls).__call__(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1518, in __init__ distribute_strategy=distribute_strategy) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/resource_variable_ops.py", line 1651, in _init_from_args initial_value() if init_from_fn else initial_value, File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/keras/initializers/initializers_v2.py", line 397, in __call__ return super(VarianceScaling, self).__call__(shape, dtype=_get_dtype(dtype)) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 561, in __call__ return self._random_generator.random_uniform(shape, -limit, limit, dtype) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops_v2.py", line 1044, in random_uniform shape=shape, minval=minval, maxval=maxval, dtype=dtype, seed=self.seed) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/util/dispatch.py", line 201, in wrapper return target(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/random_ops.py", line 307, in random_uniform result = math_ops.add(result * (maxval - minval), minval, name=name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 1124, in binary_op_wrapper return func(x, y, name=name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 1456, in _mul_dispatch return multiply(x, y, name=name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/util/dispatch.py", line 201, in wrapper return target(*args, **kwargs) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 508, in multiply return gen_math_ops.mul(x, y, name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/ops/gen_math_ops.py", line 6166, in mul _ops.raise_from_not_ok_status(e, name) File "/home/test4611/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 6843, in raise_from_not_ok_status six.raise_from(core._status_to_exception(e.code, message), None) File "<string>", line 3, in raise_from tensorflow.python.framework.errors_impl.ResourceExhaustedError: OOM when allocating tensor with shape[3,3,64,64] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:Mul] test4611:~/Desktop$ python3 2.py
Dart
복사