E: Could not open lock file /var/lib/dpkg/lock-frontend - open (13: Permission denied)
E: Unable to acquire the dpkg frontend lock (/var/lib/dpkg/lock-frontend), are you root?
2024-01-11 19:14:21.407842: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-01-11 19:14:21.407891: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-01-11 19:14:21.409458: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
defconceptual_captions(*,data_dir="conceptual_captions",num_train,num_val):defiter_index(index_path):withopen(index_path)asf:forlineinf:caption,url=line.strip().split('\t')yieldcaption,urldefdownload_image_urls(data_dir,urls):ex=concurrent.futures.ThreadPoolExecutor(max_workers=100)defsave_image(url):hash=hashlib.sha1(url.encode())# Name the files after the hash of the URL.file_path=data_dir/f'{hash.hexdigest()}.jpeg'iffile_path.exists():# Only download each file once.returnfile_pathtry:result=requests.get(url,timeout=5)exceptException:file_path=Noneelse:file_path.write_bytes(result.content)returnfile_pathresult=[]out_paths=ex.map(save_image,urls)forfile_pathintqdm.tqdm(out_paths,total=len(urls)):result.append(file_path)returnresultdefds_from_index_file(index_path,data_dir,count):data_dir.mkdir(exist_ok=True)index=list(itertools.islice(iter_index(index_path),count))captions=[captionforcaption,urlinindex]urls=[urlforcaption,urlinindex]paths=download_image_urls(data_dir,urls)new_captions=[]new_paths=[]forcap,pathinzip(captions,paths):ifpathisNone:# Download failed, so skip this pair.continuenew_captions.append(cap)new_paths.append(path)new_paths=[str(p)forpinnew_paths]ds=tf.data.Dataset.from_tensor_slices((new_paths,new_captions))ds=ds.map(lambdapath,cap:(path,cap[tf.newaxis]))# 1 caption per imagereturndsdata_dir=pathlib.Path(data_dir)train_index_path=tf.keras.utils.get_file(origin='https://storage.googleapis.com/gcc-data/Train/GCC-training.tsv',cache_subdir=data_dir,cache_dir='.')val_index_path=tf.keras.utils.get_file(origin='https://storage.googleapis.com/gcc-data/Validation/GCC-1.1.0-Validation.tsv',cache_subdir=data_dir,cache_dir='.')train_raw=ds_from_index_file(train_index_path,data_dir=data_dir/'train',count=num_train)test_raw=ds_from_index_file(val_index_path,data_dir=data_dir/'val',count=num_val)returntrain_raw,test_raw
Downloading data from https://github.com/jbrownlee/Datasets/releases/download/Flickr8k/Flickr8k_Dataset.zip
1115419746/1115419746 [==============================] - 4s 0us/step
Downloading data from https://github.com/jbrownlee/Datasets/releases/download/Flickr8k/Flickr8k_text.zip
2340801/2340801 [==============================] - 0s 0us/step
tf.Tensor(b'flickr8k/Flicker8k_Dataset/2513260012_03d33305cf.jpg', shape=(), dtype=string)
tf.Tensor(
[b'A black dog is running after a white dog in the snow .'
b'Black dog chasing brown dog through snow'
b'Two dogs chase each other across the snowy ground .'
b'Two dogs play together in the snow .'
b'Two dogs running through a low lying body of water .'], shape=(5,), dtype=string)
Downloading data from https://storage.googleapis.com/tensorflow/keras-applications/mobilenet_v3/weights_mobilenet_v3_small_224_1.0_float_no_top_v2.h5
4334752/4334752 [==============================] - 0s 0us/step
# Use the top 5000 words for a vocabulary.vocabulary_size=5000tokenizer=tf.keras.layers.TextVectorization(max_tokens=vocabulary_size,standardize=standardize,ragged=True)# Learn the vocabulary from the caption data.
# Create mappings for words to indices and indices to words.word_to_index=tf.keras.layers.StringLookup(mask_token="",vocabulary=tokenizer.get_vocabulary())index_to_word=tf.keras.layers.StringLookup(mask_token="",vocabulary=tokenizer.get_vocabulary(),invert=True)
defprepare_dataset(ds,tokenizer,batch_size=32,shuffle_buffer=1000):# Load the images and make batches.ds=(ds.shuffle(10000).map(lambdapath,caption:(load_image(path),caption)).apply(tf.data.experimental.ignore_errors()).batch(batch_size))defto_tensor(inputs,labels):(images,in_tok),out_tok=inputs,labelsreturn(images,in_tok.to_tensor()),out_tok.to_tensor()return(ds.map(match_shapes,tf.data.AUTOTUNE).unbatch().shuffle(shuffle_buffer).batch(batch_size).map(prepare_txt,tf.data.AUTOTUNE).map(to_tensor,tf.data.AUTOTUNE))
WARNING:tensorflow:From /tmpfs/tmp/ipykernel_116100/1004139779.py:6: ignore_errors (from tensorflow.python.data.experimental.ops.error_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.Dataset.ignore_errors` instead.
((TensorSpec(shape=(None, 224, 224, 3), dtype=tf.float32, name=None),
TensorSpec(shape=(None, None), dtype=tf.int64, name=None)),
TensorSpec(shape=(None, None), dtype=tf.int64, name=None))
defsave_dataset(ds,save_path,image_model,tokenizer,shards=10,batch_size=32):# Load the images and make batches.ds=(ds.map(lambdapath,caption:(load_image(path),caption)).apply(tf.data.experimental.ignore_errors()).batch(batch_size))# Run the feature extractor on each batch# Don't do this in a .map, because tf.data runs on the CPU. defgen():for(images,captions)intqdm.tqdm(ds):feature_maps=image_model(images)feature_maps,captions=match_shapes(feature_maps,captions)yieldfeature_maps,captions# Wrap the generator in a new tf.data.Dataset.new_ds=tf.data.Dataset.from_generator(gen,output_signature=(tf.TensorSpec(shape=image_model.output_shape),tf.TensorSpec(shape=(None,),dtype=tf.string)))# Apply the tokenization new_ds=(new_ds.map(prepare_txt,tf.data.AUTOTUNE).unbatch().shuffle(1000))# Save the dataset into shard files.defshard_func(i,item):returni%shardsnew_ds.enumerate().save(save_path,shard_func=shard_func)defload_dataset(save_path,batch_size=32,shuffle=1000,cycle_length=2):defcustom_reader_func(datasets):datasets=datasets.shuffle(1000)returndatasets.interleave(lambdax:x,cycle_length=cycle_length)ds=tf.data.Dataset.load(save_path,reader_func=custom_reader_func)defdrop_index(i,x):returnxds=(ds.map(drop_index,tf.data.AUTOTUNE).shuffle(shuffle).padded_batch(batch_size).prefetch(tf.data.AUTOTUNE))returnds
classCausalSelfAttention(tf.keras.layers.Layer):def__init__(self,**kwargs):super().__init__()self.mha=tf.keras.layers.MultiHeadAttention(**kwargs)# Use Add instead of + so the keras mask propagates through.self.add=tf.keras.layers.Add()self.layernorm=tf.keras.layers.LayerNormalization()defcall(self,x):attn=self.mha(query=x,value=x,use_causal_mask=True)x=self.add([x,attn])returnself.layernorm(x)
classDecoderLayer(tf.keras.layers.Layer):def__init__(self,units,num_heads=1,dropout_rate=0.1):super().__init__()self.self_attention=CausalSelfAttention(num_heads=num_heads,key_dim=units,dropout=dropout_rate)self.cross_attention=CrossAttention(num_heads=num_heads,key_dim=units,dropout=dropout_rate)self.ff=FeedForward(units=units,dropout_rate=dropout_rate)defcall(self,inputs,training=False):in_seq,out_seq=inputs# Text inputout_seq=self.self_attention(out_seq)out_seq=self.cross_attention(out_seq,in_seq)self.last_attention_scores=self.cross_attention.last_attention_scoresout_seq=self.ff(out_seq)returnout_seq
classTokenOutput(tf.keras.layers.Layer):def__init__(self,tokenizer,banned_tokens=('','[UNK]','[START]'),**kwargs):super().__init__()self.dense=tf.keras.layers.Dense(units=tokenizer.vocabulary_size(),**kwargs)self.tokenizer=tokenizerself.banned_tokens=banned_tokensself.bias=Nonedefadapt(self,ds):counts=collections.Counter()vocab_dict={name:idforid,nameinenumerate(self.tokenizer.get_vocabulary())}fortokensintqdm.tqdm(ds):counts.update(tokens.numpy().flatten())counts_arr=np.zeros(shape=(self.tokenizer.vocabulary_size(),))counts_arr[np.array(list(counts.keys()),dtype=np.int32)]=list(counts.values())counts_arr=counts_arr[:]fortokeninself.banned_tokens:counts_arr[vocab_dict[token]]=0total=counts_arr.sum()p=counts_arr/totalp[counts_arr==0]=1.0log_p=np.log(p)# log(1) == 0entropy=-(log_p*p).sum()print()print(f"Uniform entropy: {np.log(self.tokenizer.vocabulary_size()):0.2f}")print(f"Marginal entropy: {entropy:0.2f}")self.bias=log_pself.bias[counts_arr==0]=-1e9defcall(self,x):x=self.dense(x)# TODO(b/250038731): Fix this.# An Add layer doesn't work because of the different shapes.# This clears the mask, that's okay because it prevents keras from rescaling# the losses.returnx+self.bias
スマート初期化によって、初期損失をが大幅に減少します。
output_layer=TokenOutput(tokenizer,banned_tokens=('','[UNK]','[START]'))# This might run a little faster if the dataset didn't also have to load the image data.output_layer.adapt(train_ds.map(lambdainputs,labels:labels))
@Captioner.add_methoddefcall(self,inputs):image,txt=inputsifimage.shape[-1]==3:# Apply the feature-extractor, if you get an RGB image.image=self.feature_extractor(image)# Flatten the feature mapimage=einops.rearrange(image,'b h w c -> b (h w) c')iftxt.dtype==tf.string:# Apply the tokenizer if you get string inputs.txt=tokenizer(txt)txt=self.seq_embedding(txt)# Look at the imagefordec_layerinself.decoder_layers:txt=dec_layer(inputs=(image,txt))txt=self.output_layer(txt)returntxt
Epoch 1/100
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
I0000 00:00:1705000527.710429 116283 device_compiler.h:186] Compiled cluster using XLA! This line is logged at most once for the lifetime of the process.
100/100 [==============================] - ETA: 0s - loss: 5.0230 - masked_acc: 0.1957
a man in a man in the
a man in a man of a small
a man in a white boys in mountains
100/100 [==============================] - 21s 107ms/step - loss: 5.0230 - masked_acc: 0.1957 - val_loss: 4.6377 - val_masked_acc: 0.2405
Epoch 2/100
99/100 [============================>.] - ETA: 0s - loss: 4.6417 - masked_acc: 0.2523
a man in a white dog is in the water
a man in a white and into the with a man
a blue wooden is jumps in the ice
100/100 [==============================] - 6s 64ms/step - loss: 4.6396 - masked_acc: 0.2525 - val_loss: 4.4101 - val_masked_acc: 0.2747
Epoch 3/100
99/100 [============================>.] - ETA: 0s - loss: 4.3708 - masked_acc: 0.2776
a man in a red and a red and a red and a red and a red and a red and a
a are is is is playing is running
a girl is is the ocean
100/100 [==============================] - 6s 62ms/step - loss: 4.3703 - masked_acc: 0.2778 - val_loss: 4.1879 - val_masked_acc: 0.2814
Epoch 4/100
98/100 [============================>.] - ETA: 0s - loss: 4.2631 - masked_acc: 0.2926
a man in a red and a red and white dog is in the water
a man in a white and white and a green and white dog is running on the water
a black one machine in the child is is while water
100/100 [==============================] - 7s 68ms/step - loss: 4.2637 - masked_acc: 0.2927 - val_loss: 4.0670 - val_masked_acc: 0.3107
Epoch 5/100
98/100 [============================>.] - ETA: 0s - loss: 4.1463 - masked_acc: 0.3050
a man in a red shirt is running in the water
a man with a water
a man is playing running jacket in the sits
100/100 [==============================] - 5s 55ms/step - loss: 4.1437 - masked_acc: 0.3057 - val_loss: 4.0103 - val_masked_acc: 0.3149
Epoch 6/100
100/100 [==============================] - ETA: 0s - loss: 4.0124 - masked_acc: 0.3196
a man in a red shirt is running in the water
a man is running on a blue shirt
a young man in its person in the water
100/100 [==============================] - 5s 55ms/step - loss: 4.0124 - masked_acc: 0.3196 - val_loss: 3.8682 - val_masked_acc: 0.3220
Epoch 7/100
99/100 [============================>.] - ETA: 0s - loss: 3.9354 - masked_acc: 0.3244
a man in a red shirt is running through the water
a young boy is walking in the water
a football of people run climbing through an racquet
100/100 [==============================] - 5s 54ms/step - loss: 3.9313 - masked_acc: 0.3248 - val_loss: 3.8342 - val_masked_acc: 0.3298
Epoch 8/100
99/100 [============================>.] - ETA: 0s - loss: 3.8373 - masked_acc: 0.3323
a man in a blue shirt is running in the water
a person is jumping into a pool
four blue over a shoreline to snowy construction into a pool of
100/100 [==============================] - 6s 56ms/step - loss: 3.8370 - masked_acc: 0.3322 - val_loss: 3.6488 - val_masked_acc: 0.3390
Epoch 9/100
100/100 [==============================] - ETA: 0s - loss: 3.7920 - masked_acc: 0.3338
a man in a blue shirt is running in the water
a man in the water
a red shirt and a phone in a pink of a blue game
100/100 [==============================] - 5s 54ms/step - loss: 3.7920 - masked_acc: 0.3338 - val_loss: 3.6070 - val_masked_acc: 0.3498
Epoch 10/100
98/100 [============================>.] - ETA: 0s - loss: 3.7419 - masked_acc: 0.3404
a man in a blue shirt is running through the water
a person in a blue is running through a pool
a little girl in the water
100/100 [==============================] - 5s 54ms/step - loss: 3.7437 - masked_acc: 0.3407 - val_loss: 3.6021 - val_masked_acc: 0.3429
Epoch 11/100
100/100 [==============================] - ETA: 0s - loss: 3.6540 - masked_acc: 0.3476
a man in a blue shirt is jumping over a pool
a man in a blue shirt is walking in the water
a sits over a helmet are playing in a red chairs near a sprinkler
100/100 [==============================] - 6s 58ms/step - loss: 3.6540 - masked_acc: 0.3476 - val_loss: 3.5582 - val_masked_acc: 0.3435
Epoch 12/100
98/100 [============================>.] - ETA: 0s - loss: 3.5842 - masked_acc: 0.3503
a man in a blue shirt is riding a pool
a man is jumping over a pool
a skier with a blue and orange shirt is into the water
100/100 [==============================] - 5s 52ms/step - loss: 3.5862 - masked_acc: 0.3499 - val_loss: 3.5619 - val_masked_acc: 0.3502
Epoch 13/100
100/100 [==============================] - ETA: 0s - loss: 3.5751 - masked_acc: 0.3505
a man in a blue shirt is swimming pool
a boy in a red shirt is swimming in the water
a girl riding a up into a snowy doing a pool
100/100 [==============================] - 5s 55ms/step - loss: 3.5751 - masked_acc: 0.3505 - val_loss: 3.4562 - val_masked_acc: 0.3515
Epoch 14/100
99/100 [============================>.] - ETA: 0s - loss: 3.4632 - masked_acc: 0.3622
a man in a red shirt is jumping into a wave
a man in a blue shirt is in a yellow shirt is swimming pool
a man surfing a on a surfboard
100/100 [==============================] - 6s 56ms/step - loss: 3.4656 - masked_acc: 0.3621 - val_loss: 3.4556 - val_masked_acc: 0.3602
Epoch 15/100
99/100 [============================>.] - ETA: 0s - loss: 3.5012 - masked_acc: 0.3557
a man in a red shirt is swimming pool
a person in a blue shirt is jumping into a wave
a range wearing a dog is dressed around a boy that is flying event on shallow water whilst to a house covered in on a green water
100/100 [==============================] - 7s 66ms/step - loss: 3.5006 - masked_acc: 0.3558 - val_loss: 3.3840 - val_masked_acc: 0.3604
Epoch 16/100
99/100 [============================>.] - ETA: 0s - loss: 3.4856 - masked_acc: 0.3542
a man in a red shirt is swimming in the water
a man in a red shirt is in a water
a girl looks is sliding on a slope with front of the river
100/100 [==============================] - 6s 58ms/step - loss: 3.4815 - masked_acc: 0.3543 - val_loss: 3.3792 - val_masked_acc: 0.3605
Epoch 17/100
99/100 [============================>.] - ETA: 0s - loss: 3.4383 - masked_acc: 0.3633
a man in a red shirt is swimming pool
a girl is in a blue wetsuit is swimming pool
two people riding on a baby sits very floating in the snow
100/100 [==============================] - 5s 55ms/step - loss: 3.4393 - masked_acc: 0.3631 - val_loss: 3.3682 - val_masked_acc: 0.3591
Epoch 18/100
99/100 [============================>.] - ETA: 0s - loss: 3.4332 - masked_acc: 0.3625
a man in a red shirt is riding a wave
a person wearing a red shirt is in a wave
a football player on the pool in a blue shirt swims
100/100 [==============================] - 5s 54ms/step - loss: 3.4338 - masked_acc: 0.3628 - val_loss: 3.2944 - val_masked_acc: 0.3570
Epoch 19/100
99/100 [============================>.] - ETA: 0s - loss: 3.3773 - masked_acc: 0.3665
a man in a red shirt is swimming pool
a surfer in a red and yellow shirt is running on a wave
a young surfer rides a lake
100/100 [==============================] - 5s 55ms/step - loss: 3.3794 - masked_acc: 0.3663 - val_loss: 3.3017 - val_masked_acc: 0.3632
Epoch 20/100
100/100 [==============================] - ETA: 0s - loss: 3.3034 - masked_acc: 0.3702
a man in a red shirt is swimming pool
a person in the water is riding a wave
the skier is playing a jump
100/100 [==============================] - 5s 51ms/step - loss: 3.3034 - masked_acc: 0.3702 - val_loss: 3.2649 - val_masked_acc: 0.3601
Epoch 21/100
100/100 [==============================] - ETA: 0s - loss: 3.2813 - masked_acc: 0.3768
a man in a blue shirt is swimming pool
a surfer into a wave
a person in a red pool in a water stunt outside
100/100 [==============================] - 5s 51ms/step - loss: 3.2813 - masked_acc: 0.3768 - val_loss: 3.2765 - val_masked_acc: 0.3722
Epoch 22/100
100/100 [==============================] - ETA: 0s - loss: 3.2487 - masked_acc: 0.3759
a man in a red shirt is swimming pool
a surfer is in a surfboard in a blue pool
a child wearing a red jacket is flies up a wave
100/100 [==============================] - 5s 54ms/step - loss: 3.2487 - masked_acc: 0.3759 - val_loss: 3.2264 - val_masked_acc: 0.3764
Epoch 23/100
99/100 [============================>.] - ETA: 0s - loss: 3.2551 - masked_acc: 0.3766
a man in a red shirt is swimming pool
a boy in a red shirt is surfing
a boat in shallow swimming pool on a wide
100/100 [==============================] - 5s 52ms/step - loss: 3.2565 - masked_acc: 0.3763 - val_loss: 3.2283 - val_masked_acc: 0.3718
Epoch 24/100
98/100 [============================>.] - ETA: 0s - loss: 3.1890 - masked_acc: 0.3819
a man in a red shirt is swimming pool
the man is surfing a wave
three hugging kids arm in the bird
100/100 [==============================] - 5s 50ms/step - loss: 3.1900 - masked_acc: 0.3816 - val_loss: 3.2111 - val_masked_acc: 0.3711
Epoch 25/100
100/100 [==============================] - ETA: 0s - loss: 3.2031 - masked_acc: 0.3800
a man in a red shirt is riding a wave
a man in a red jacket is in the air in the water
a kid in a red helmet hanging the water
100/100 [==============================] - 5s 55ms/step - loss: 3.2031 - masked_acc: 0.3800 - val_loss: 3.2490 - val_masked_acc: 0.3742
Epoch 26/100
100/100 [==============================] - ETA: 0s - loss: 3.1655 - masked_acc: 0.3815
a man in a red shirt is swimming pool
a man in an orange jacket is swimming pool
a person sitting on a ropes beside a red jackets flips in the from the toilet ocean
100/100 [==============================] - 6s 58ms/step - loss: 3.1655 - masked_acc: 0.3815 - val_loss: 3.1300 - val_masked_acc: 0.3734
Epoch 27/100
99/100 [============================>.] - ETA: 0s - loss: 3.1930 - masked_acc: 0.3794
a man in a red wetsuit is swimming in the ocean
a man in a blue wave
a kid sitting on a surfboard seen in the water
100/100 [==============================] - 5s 52ms/step - loss: 3.1933 - masked_acc: 0.3796 - val_loss: 3.1306 - val_masked_acc: 0.3821
Epoch 28/100
100/100 [==============================] - ETA: 0s - loss: 3.1420 - masked_acc: 0.3889
a man in a red shirt is swimming in the ocean
a man in a red shirt is riding on a wave
a wave gets feet as the air into a holds a helmet
100/100 [==============================] - 6s 58ms/step - loss: 3.1420 - masked_acc: 0.3889 - val_loss: 3.0921 - val_masked_acc: 0.3799
Epoch 29/100
99/100 [============================>.] - ETA: 0s - loss: 3.0942 - masked_acc: 0.3857
a man in a blue wetsuit is riding a wave
a man and a woman in a wetsuit is in a pool
two young kids riding an board in the green corn
100/100 [==============================] - 5s 55ms/step - loss: 3.0955 - masked_acc: 0.3860 - val_loss: 3.1233 - val_masked_acc: 0.3746
Epoch 30/100
98/100 [============================>.] - ETA: 0s - loss: 3.0763 - masked_acc: 0.3933
a man in a red shirt is riding a wave
a man in a red wetsuit is riding a wave
four people are riding a wave on a wave
100/100 [==============================] - 5s 54ms/step - loss: 3.0724 - masked_acc: 0.3936 - val_loss: 3.1127 - val_masked_acc: 0.3823
Epoch 31/100
98/100 [============================>.] - ETA: 0s - loss: 3.0369 - masked_acc: 0.3926
a man in a red shirt is surfing a wave
a person in a red shirt and blue wetsuit is jumping in a pool
a man races across a wave
100/100 [==============================] - 5s 54ms/step - loss: 3.0363 - masked_acc: 0.3925 - val_loss: 3.0790 - val_masked_acc: 0.3811
Epoch 32/100
99/100 [============================>.] - ETA: 0s - loss: 3.0516 - masked_acc: 0.3934
a surfer is riding a wave
a girl in a red wetsuit is surfing
a surfer rides a wave
100/100 [==============================] - 5s 48ms/step - loss: 3.0513 - masked_acc: 0.3931 - val_loss: 3.0271 - val_masked_acc: 0.3877
Epoch 33/100
100/100 [==============================] - ETA: 0s - loss: 3.0068 - masked_acc: 0.3980
a man in a red shirt is surfing
a man in a yellow shirt is riding a wave
an surfer pushes a yellow water water
100/100 [==============================] - 5s 52ms/step - loss: 3.0068 - masked_acc: 0.3980 - val_loss: 3.0623 - val_masked_acc: 0.3836
Epoch 34/100
100/100 [==============================] - ETA: 0s - loss: 2.9973 - masked_acc: 0.3996
a man in a red wetsuit is surfing
a man in a yellow wetsuit is surfing
a scuba surfer performing a player swimming wave
100/100 [==============================] - 5s 50ms/step - loss: 2.9973 - masked_acc: 0.3996 - val_loss: 3.0611 - val_masked_acc: 0.3796
Epoch 35/100
100/100 [==============================] - ETA: 0s - loss: 2.9814 - masked_acc: 0.3969
a man in a red shirt is riding a wave
a surfer is riding an orange and red surfboard
three girls racing with other kayak in a swimming pool
100/100 [==============================] - 5s 53ms/step - loss: 2.9814 - masked_acc: 0.3969 - val_loss: 3.0362 - val_masked_acc: 0.3860
Epoch 36/100
98/100 [============================>.] - ETA: 0s - loss: 2.9779 - masked_acc: 0.4005
a man in a yellow wetsuit is riding a wave
a man in a surfboard riding a wave
a kid is wearing a wetsuit sits on a wave while riding water
100/100 [==============================] - 5s 55ms/step - loss: 2.9772 - masked_acc: 0.4006 - val_loss: 2.9773 - val_masked_acc: 0.3925
Epoch 37/100
100/100 [==============================] - ETA: 0s - loss: 2.9764 - masked_acc: 0.3984
a man in a red and white surfboard in a wave
a man in a helmet is surfing
a person in a yellow raft in a yellow suit slides down a waterfall
100/100 [==============================] - 5s 54ms/step - loss: 2.9764 - masked_acc: 0.3984 - val_loss: 2.9978 - val_masked_acc: 0.3887
Epoch 38/100
100/100 [==============================] - ETA: 0s - loss: 2.9407 - masked_acc: 0.4006
a man in a red wetsuit is surfing
a man in a red blue wetsuit surfing
surfer riding away out of a raft of a wave
100/100 [==============================] - 5s 52ms/step - loss: 2.9407 - masked_acc: 0.4006 - val_loss: 2.9950 - val_masked_acc: 0.3846
Epoch 39/100
100/100 [==============================] - ETA: 0s - loss: 2.8537 - masked_acc: 0.4108
a man in a red wetsuit is surfing
a man rides a wave
a surfer surfing
100/100 [==============================] - 4s 45ms/step - loss: 2.8537 - masked_acc: 0.4108 - val_loss: 2.9127 - val_masked_acc: 0.3974
Epoch 40/100
99/100 [============================>.] - ETA: 0s - loss: 2.8824 - masked_acc: 0.4076
a man in a red shirt is surfing
a surfer is in a wave in a wave
a man in a white swimsuit is going through pool with a boat
100/100 [==============================] - 5s 53ms/step - loss: 2.8823 - masked_acc: 0.4074 - val_loss: 3.0317 - val_masked_acc: 0.3880
Epoch 41/100
98/100 [============================>.] - ETA: 0s - loss: 2.8383 - masked_acc: 0.4089
a surfer rides a wave
a surfer in a blue shirt is being pulled on a wave
a person on a wave as some boat goes into a pool
100/100 [==============================] - 5s 54ms/step - loss: 2.8391 - masked_acc: 0.4090 - val_loss: 2.9163 - val_masked_acc: 0.4016
Epoch 42/100
99/100 [============================>.] - ETA: 0s - loss: 2.8530 - masked_acc: 0.4098
a surfer is riding a wave on a wave
a man in a red suit is surfing
a surfer is splashing splash in a wave
100/100 [==============================] - 5s 51ms/step - loss: 2.8560 - masked_acc: 0.4095 - val_loss: 2.9619 - val_masked_acc: 0.3866
Epoch 43/100
100/100 [==============================] - ETA: 0s - loss: 2.8798 - masked_acc: 0.4063
a surfer in a red wetsuit is surfing
a surfer in a red surfboard is surfing
a big body tshirt in the ocean ocean
100/100 [==============================] - 5s 49ms/step - loss: 2.8798 - masked_acc: 0.4063 - val_loss: 2.9247 - val_masked_acc: 0.4029
Epoch 44/100
100/100 [==============================] - ETA: 0s - loss: 2.8939 - masked_acc: 0.4038
a man in a red wetsuit is surfing
a man in a red wetsuit is riding a wave
a person in a red struggling down a wave
100/100 [==============================] - 5s 53ms/step - loss: 2.8939 - masked_acc: 0.4038 - val_loss: 2.9608 - val_masked_acc: 0.3917