diff --git a/README.md b/README.md
new file mode 120000
index 0000000000000000000000000000000000000000..7479cad2f95e8fd08e08dcead1b5d3f8e161d56f
--- /dev/null
+++ b/README.md
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/README.md
\ No newline at end of file
diff --git a/config.json b/config.json
new file mode 100644
index 0000000000000000000000000000000000000000..c978ae4e2d0107d36f866bd3fdb0d8bcef8e9107
--- /dev/null
+++ b/config.json
@@ -0,0 +1,248 @@
+{
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
diff --git a/create_model.py b/create_model.py
new file mode 100644
index 0000000000000000000000000000000000000000..9d4f792ddd6edd33f12a2f28f43107b2d5553f3f
--- /dev/null
+++ b/create_model.py
@@ -0,0 +1,32 @@
+import jax.numpy as jnp
+from transformers import AutoFeatureExtractor, AutoTokenizer
+from models.modeling_flax_speech_encoder_decoder import FlaxSpeechEncoderDecoderModel
+
+encoder_id = "hf-internal-testing/tiny-random-wav2vec2"
+decoder_id = "hf-internal-testing/tiny-random-bart"
+
+model = FlaxSpeechEncoderDecoderModel.from_encoder_decoder_pretrained(
+ encoder_id, decoder_id, encoder_from_pt=True, decoder_from_pt=True, encoder_add_adapter=True
+)
+
+model.config.encoder.feat_proj_dropout = 0.0
+model.config.encoder.final_dropout = 0.0
+model.config.encoder.mask_time_prob = 0.1
+model.config.decoder_start_token_id = model.config.decoder.bos_token_id
+model.config.pad_token_id = model.config.decoder.pad_token_id
+model.config.eos_token_id = model.config.decoder.eos_token_id
+model.config.max_length = 20
+model.config.num_beams = 1
+model.config.encoder.layerdrop = 0.0
+model.config.use_cache = False
+model.config.processor_class = "Wav2Vec2Processor"
+
+# check if generation works
+out = model.generate(jnp.ones((1, 2000)))
+
+model.save_pretrained("./")
+
+feature_extractor = AutoFeatureExtractor.from_pretrained(encoder_id)
+feature_extractor.save_pretrained("./")
+tokenizer = AutoTokenizer.from_pretrained(decoder_id)
+tokenizer.save_pretrained("./")
diff --git a/create_scan_model.py b/create_scan_model.py
new file mode 100644
index 0000000000000000000000000000000000000000..87065217d7021c6c309f730fafbcd30949a12239
--- /dev/null
+++ b/create_scan_model.py
@@ -0,0 +1,61 @@
+import jax.numpy as jnp
+from transformers import AutoFeatureExtractor, AutoTokenizer
+from models.modeling_flax_speech_encoder_decoder import FlaxSpeechEncoderDecoderModel
+from flax.traverse_util import flatten_dict, unflatten_dict
+
+encoder_id = "hf-internal-testing/tiny-random-wav2vec2"
+decoder_id = "hf-internal-testing/tiny-random-bart"
+
+unrolled_model = FlaxSpeechEncoderDecoderModel.from_encoder_decoder_pretrained(encoder_id, decoder_id, encoder_add_adapter=True, encoder_from_pt=True, decoder_from_pt=True, encoder_use_scan=False, decoder_use_scan=False)
+model = FlaxSpeechEncoderDecoderModel.from_encoder_decoder_pretrained(encoder_id, decoder_id, encoder_add_adapter=True, encoder_from_pt=True, decoder_from_pt=True, encoder_use_scan=True, decoder_use_scan=True)
+
+model.config.encoder.feat_proj_dropout = 0.0
+model.config.encoder.final_dropout = 0.0
+model.config.encoder.mask_time_prob = 0.1
+model.config.decoder_start_token_id = model.config.decoder.bos_token_id
+model.config.pad_token_id = model.config.decoder.pad_token_id
+model.config.eos_token_id = model.config.decoder.eos_token_id
+model.config.max_length = 40
+model.config.num_beams = 1
+model.config.encoder.layerdrop = 0.0
+model.config.use_cache = False
+model.config.processor_class = "Wav2Vec2Processor"
+
+def unrolled_to_scanned(model):
+ params = model.params
+ new_enc_params = {}
+ # get the key of a scanned module
+ for k in flatten_dict(params['encoder']['encoder']['layers']['0']):
+ # stack the weights for each layer of the scanned module into one matrix
+ new_enc_params[k] = jnp.stack([flatten_dict(params['encoder']['encoder']['layers'][str(i)])[k] for i in range(model.config.encoder.num_hidden_layers)])
+ # append the correct prefix to the scanned modules' keys
+ new_enc_params = unflatten_dict({('encoder', 'layers', 'FlaxWav2Vec2EncoderLayers'): unflatten_dict(new_enc_params)})
+
+ # repeat for the decoder (note that the key 'layers' appears one index to the right than in the encoder, thus we'll treat the encoder and decoder independently for now)
+ new_dec_params = {}
+ for k in flatten_dict(params['decoder']['model']['decoder']['layers']['0']):
+ new_dec_params[k] = jnp.stack([flatten_dict(params['decoder']['model']['decoder']['layers'][str(i)])[k] for i in range(model.config.decoder.decoder_layers)])
+ new_dec_params = unflatten_dict({('model', 'decoder', 'layers', 'FlaxBartDecoderLayers'): unflatten_dict(new_dec_params)})
+
+ # combine the encoder and decoder parameters
+ new_params = {'encoder': new_enc_params, 'decoder': new_dec_params}
+ new_params = flatten_dict(new_params)
+
+ # append parameters for non-scanned modules (i.e. all modules that do not contain the key 'layers')
+ for k in flatten_dict(params):
+ if 'layers' not in k or 'adapter' in k:
+ new_params[k] = flatten_dict(params)[k]
+
+ return unflatten_dict(new_params)
+
+model.params = unrolled_to_scanned(unrolled_model)
+
+# check if generation works
+out = model.generate(jnp.ones((1, 2000)))
+
+model.save_pretrained("./")
+
+feature_extractor = AutoFeatureExtractor.from_pretrained(encoder_id)
+feature_extractor.save_pretrained("./")
+tokenizer = AutoTokenizer.from_pretrained(decoder_id)
+tokenizer.save_pretrained("./")
diff --git a/events.out.tfevents.1651947549.t1v-n-4eb331dd-w-0.34345.0.v2 b/events.out.tfevents.1651947549.t1v-n-4eb331dd-w-0.34345.0.v2
new file mode 100644
index 0000000000000000000000000000000000000000..751b3f89aa18fb6dcd113e9980b054a5507f8a9c
--- /dev/null
+++ b/events.out.tfevents.1651947549.t1v-n-4eb331dd-w-0.34345.0.v2
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:eb893c5ceaaec7846d75585c4d40dfb182cdee31a0ad4ac2179a673b07532463
+size 40
diff --git a/events.out.tfevents.1651947657.t1v-n-4eb331dd-w-0.36195.0.v2 b/events.out.tfevents.1651947657.t1v-n-4eb331dd-w-0.36195.0.v2
new file mode 100644
index 0000000000000000000000000000000000000000..bd76b2a2caab4aea4ebfac19c05a8264f8af52d7
--- /dev/null
+++ b/events.out.tfevents.1651947657.t1v-n-4eb331dd-w-0.36195.0.v2
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:b1a0a63521ce8f164c3b6480d5c6341d59f9221b3469f37c1fdc527ebfae8853
+size 40
diff --git a/flax_model.msgpack b/flax_model.msgpack
new file mode 100644
index 0000000000000000000000000000000000000000..9dfd5264aad4e8ff2da11ce4655a2b1e899f8581
--- /dev/null
+++ b/flax_model.msgpack
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:1f770185c729bc3a29d8a2707034cb6d5877ead0981ccddaf12b5297b275324a
+size 218688
diff --git a/get_ctc_tokenizer.py b/get_ctc_tokenizer.py
new file mode 120000
index 0000000000000000000000000000000000000000..0b3eaf0bc49359b8d007c18678fe5464ff3e5060
--- /dev/null
+++ b/get_ctc_tokenizer.py
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/get_ctc_tokenizer.py
\ No newline at end of file
diff --git a/merges.txt b/merges.txt
new file mode 100644
index 0000000000000000000000000000000000000000..dd6e6eead27888bb18c70abd5791985751dfdc05
--- /dev/null
+++ b/merges.txt
@@ -0,0 +1,803 @@
+#version: 0.2 - Trained by `huggingface/tokenizers`
+Ġ t
+h e
+Ġ a
+i n
+Ġt he
+e r
+o n
+Ġ ,
+r e
+Ġ s
+e d
+Ġ o
+Ġ w
+n d
+a t
+Ġ .
+o r
+i t
+Ġ c
+e n
+Ġ f
+i s
+e s
+a r
+Ġo f
+Ġ b
+a n
+Ġ in
+a l
+in g
+Ġ p
+Ġa nd
+a s
+Ġt o
+r o
+i c
+Ġ m
+Ġ d
+Ġ h
+i on
+l e
+o u
+Ġ T
+Ġ re
+Ġ =
+Ġ "
+Ġ A
+Ġ S
+en t
+i l
+Ġt h
+Ġ 1
+s t
+Ġ C
+e l
+o m
+Ġ l
+a m
+Ġ Ċ
+Ġ e
+Ġ n
+Ġ @
+a d
+a c
+Ġw as
+Ġ M
+u r
+ĠT he
+e c
+Ġ on
+l y
+Ġ B
+Ġ I
+Ġ g
+Ġ '
+e t
+o l
+i d
+i v
+i m
+Ġf or
+i r
+- @
+Ġ@ -@
+i g
+o t
+t er
+Ġa s
+Ġ H
+u s
+o w
+Ġs t
+u t
+it h
+a y
+Ġ 2
+Ġ P
+at ion
+v er
+Ġb e
+he r
+Ġth at
+Ġw ith
+Ġ R
+c e
+t h
+Ġ D
+Ġ is
+u n
+e m
+Ġ F
+Ġw h
+u l
+Ġb y
+Ġa l
+c h
+Ġ )
+Ġ (
+Ġ W
+Ġc on
+r a
+Ġ G
+o s
+Ġ L
+Ġ N
+Ġa t
+er s
+c t
+Ġ it
+Ġ1 9
+ro m
+a nd
+Ġa n
+u m
+es t
+Ġ J
+a g
+Ġ he
+0 0
+is t
+a in
+o d
+a v
+r i
+Ġ E
+Ġ O
+Ġf rom
+Ġc om
+Ġh is
+o p
+Ġp ro
+re s
+i es
+i f
+Ġ v
+or t
+er e
+il l
+l d
+Ġd e
+p p
+Ġs u
+o re
+ĠI n
+Ġ r
+Ġs e
+Ġw ere
+e w
+on g
+ig h
+ar d
+at e
+al l
+ar t
+a k
+ic h
+Ġc h
+Ġo r
+a b
+an t
+u d
+o c
+b er
+Ġe x
+g h
+it y
+at ed
+p t
+es s
+e ar
+Ġ K
+Ġp l
+am e
+q u
+iv e
+ro u
+Ġa re
+Ġ â
+Ġs h
+Ġ k
+ac k
+ec t
+Ġâ Ģ
+Ġ U
+Ġh ad
+s e
+Ġwh ich
+re d
+o v
+ĠS t
+as t
+Ġs p
+i an
+Ġ y
+m ent
+Ġ le
+Ġn ot
+g e
+or d
+r it
+i p
+in e
+el l
+al ly
+ou r
+o st
+igh t
+t her
+a p
+Ġ u
+is h
+ĠC h
+ou n
+i a
+Ġ 3
+av e
+ar y
+u st
+o g
+Ġ2 00
+Ġ un
+ou s
+ir st
+Ġ V
+c c
+Ġin c
+Ġ ;
+Ġcom p
+r u
+ion s
+Ġthe ir
+Ġb ut
+id e
+u re
+s o
+Ġcon t
+Ġin t
+f ter
+ic al
+i al
+Ġa r
+Ġf irst
+ou ld
+Ġit s
+he d
+ĠâĢ ĵ
+Ġw he
+w o
+ou t
+u b
+Ġ2 0
+f f
+Ġ :
+u e
+Ġ her
+ow n
+o k
+Ġal so
+Ġc l
+p er
+ig n
+at er
+r an
+or m
+i e
+om e
+or k
+as s
+i re
+e nd
+Ġre s
+Ġa b
+Ġa d
+Ġ us
+r y
+Ġre c
+Ġh ave
+ag e
+ĠH e
+Ġ 4
+Ġ ro
+m er
+Ġon e
+on d
+l ow
+Ġh as
+ĠT h
+d u
+Ġ 5
+Ġp er
+Ġbe en
+im e
+Ġt wo
+en ce
+l and
+Ġ1 8
+. @
+Ġ@ .@
+ul t
+re e
+ou gh
+i le
+Ġwh o
+ĠA l
+Ġs c
+ur ing
+p l
+or y
+it ion
+r ic
+ation s
+Ġd is
+Ġth is
+Ġb ec
+Ġa pp
+i z
+ĠI t
+a re
+ac h
+l ud
+ad e
+Ġpl ay
+Ġ j
+Ġm an
+ac t
+el y
+Ġp art
+Ġd es
+Ġa g
+Ġthe y
+Ġy ear
+oun t
+Ġ20 1
+Ġo ver
+Ġo ther
+ou nd
+Ġa fter
+i b
+o ver
+Ġs er
+Ġ en
+Ġof f
+Ġ im
+ct ion
+Ġ Y
+k e
+it e
+, @
+Ġ@ ,@
+t e
+ur n
+Ġinc lud
+res s
+an ce
+an g
+Ġat t
+ic e
+ac e
+ar k
+Ġo ut
+w n
+p h
+em ber
+Ġp re
+Ġu p
+en s
+m an
+Ġe v
+Ġt ime
+nd er
+rou gh
+c ed
+Ġf in
+Ġint o
+on e
+p ort
+rou nd
+w e
+re n
+l es
+in t
+ĠO n
+v el
+Ġcom m
+Ġs he
+as on
+am p
+Ġt e
+Ġw ould
+w ard
+Ġm ore
+Ġ 6
+i ed
+os e
+ri b
+ĠU n
+Ġal l
+ing s
+ter n
+c es
+ab le
+Ġw e
+it ed
+e ver
+ent s
+Ġh im
+as ed
+or s
+o y
+o od
+Ġc ent
+i x
+as e
+il d
+ĠA n
+Ġ 7
+Ġw ork
+at es
+i ous
+at h
+Ġp o
+ro p
+ol d
+al s
+is s
+e y
+ic t
+Ġf e
+Ġthe m
+g an
+Ġs ec
+Ġb et
+Ġwhe n
+Ġs ong
+Ġre m
+e p
+f orm
+a il
+f er
+Ġe ar
+ub l
+a w
+Ġk n
+ak e
+a us
+Ġm ost
+Ġcon s
+Ġd uring
+ĠA s
+or th
+Ġn ew
+er ed
+il m
+v ed
+at t
+Ġon ly
+Ġ 9
+Ġd ec
+Ġ 8
+ic k
+Ġg ame
+on s
+u g
+Ġt r
+f t
+ot h
+o ok
+ĠM ar
+re at
+w ay
+Ġc an
+ol low
+ou th
+we en
+ĠE n
+Ġ19 9
+ter s
+Ġre l
+in d
+Ġab out
+Ġse ason
+Ġag ain
+r al
+Ġth ree
+ation al
+Ġu nder
+ul ar
+Ġm e
+Ġth an
+ĠC om
+ĠA r
+h ip
+o b
+Ġn e
+Ġbet ween
+Ġf l
+h n
+v e
+Ġch ar
+Ġc ol
+Ġrec ord
+i ew
+r on
+f ore
+Ġth rough
+is ion
+or n
+Ġ 00
+oc k
+Ġ ver
+Ġl ater
+Ġn um
+Ġe nd
+ol og
+am es
+Ġp os
+Ġw rit
+Ġpro du
+Ġwh ile
+Ġa ct
+Ġre le
+Ġf ilm
+is hed
+Ġp r
+an s
+Ġre g
+Ġfor m
+Ġas s
+ĠS e
+ur y
+t ed
+t s
+Ġm ade
+Ġsu b
+Ġp e
+Ġs o
+or ld
+Ġre t
+ĠN ew
+Ġsp ec
+Ġa cc
+Ġ qu
+Ġwhe re
+en er
+Ġm ov
+he s
+mer ic
+at ing
+Ġin ter
+ĠL e
+ĠA meric
+Ġ ra
+Ġs ome
+Ġc o
+Ġl ar
+Ġb u
+Ġde f
+b um
+Ġa c
+Ġm us
+Ġf ollow
+ĠA t
+in s
+iv ed
+if ic
+u al
+Ġa m
+Ġsu ch
+Ġsec ond
+i ke
+Ġf our
+Ġin d
+an n
+he n
+Ġus ed
+ĠR e
+ic s
+le ct
+Ġd ay
+i el
+il y
+ĠTh is
+Ġ 0
+Ġp ubl
+Ġc all
+ĠJ o
+l l
+Ġal bum
+Ġ00 0
+ran s
+Ġd o
+an y
+Ġbe fore
+ro s
+ĠS h
+Ġs y
+a id
+ĠEn g
+Ġbe ing
+Ġ1 0
+u c
+Ġe p
+Ġsu pp
+Ġthe re
+Ġyear s
+ar s
+ow ever
+Ġ ent
+if e
+Ġh igh
+Ġf ound
+ir d
+Ġn o
+Ġs et
+in es
+iv er
+i o
+ot her
+j ect
+Ġs ur
+a j
+t en
+Ġt ra
+Ġ1 2
+is ed
+it ies
+vel op
+Ġb l
+al e
+Ġser ies
+Ġl oc
+Ġnum ber
+Ġp res
+an e
+aus e
+od e
+e k
+t on
+ĠS c
+i er
+is e
+Ġse ver
+in ce
+Ġb oth
+an k
+ro w
+ire ct
+s on
+Ġthe n
+ĠB rit
+i et
+Ġ1 6
+Ġep is
+Ġinclud ing
+it s
+ig in
+p r
+Ġ /
+Ġagain st
+Ġw ell
+Ġbec ame
+Ġex p
+Ġkn own
+Ġt rans
+Ġchar ac
+ĠâĢ Ķ
+r am
+Ġb ack
+Ġad d
+Ġp op
+Ġg o
+ur ch
+Ġdes c
+Ġs ing
+iel d
+Ġper form
+ain ed
+Ġre ce
+id ent
+Ġe m
+er t
+u res
+Ġin v
+Ġde p
+Ġ19 8
+a ir
+er n
+at her
+f ul
+Ġ Z
+Ġm on
+Ġman y
+Ġm ain
+Ġst ud
+Ġl ong
+in n
+th ough
+u p
+o ol
+ĠUn ited
+l ed
+em ent
+Ġ1 5
+ow er
+ĠJo hn
+Ġo p
+Ġ1 1
+in ed
+Ġm et
+o ber
+le y
+Ġ1 7
+Ġcent ury
+Ġte am
+Ġ est
+ĠA fter
+y l
+Ġm in
+u ch
+ut e
+Ġde velop
+ĠS he
+i am
+Ġsh ow
+el f
+Ġre p
+Ġcon c
+at ive
+Ġc re
+over n
+a red
+Ġ19 4
+Ġor igin
+Ġs m
+iv ers
+a z
+Ġle ad
+Ġsever al
+a h
+Ġo b
+Ġre v
+Ġm ill
+er m
+u ally
+o ot
+Ġbe gan
+Ġ19 6
+i red
+Ġd if
+Ġcont in
+Ġs ign
+i k
+ĠI nd
+ment s
+iz ed
+Ġ19 7
+Ġd irect
+a u
+Ġex t
+ros s
+em b
+d er
+Ġp ol
+Ġm ay
+a pt
+el s
+ĠW h
+Ġcomp le
+Ġar t
+ĠB r
+ĠI s
+un e
+t il
+Ġc rit
+Ġh ist
+Ġear ly
+Ġc ould
+ĠC on
+Ġd id
+Ġb el
+Ġcall ed
+u ed
diff --git a/models b/models
new file mode 120000
index 0000000000000000000000000000000000000000..2fba49ca118fc549bbeedf0a6fb733aa5317a37d
--- /dev/null
+++ b/models
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/models
\ No newline at end of file
diff --git a/potatoes.txt b/potatoes.txt
deleted file mode 100644
index 42323f4a91341d63b85ac9470f10950f72e140a1..0000000000000000000000000000000000000000
--- a/potatoes.txt
+++ /dev/null
@@ -1 +0,0 @@
-Yoooo
diff --git a/preprocessor_config.json b/preprocessor_config.json
new file mode 100644
index 0000000000000000000000000000000000000000..a0b7227fc1d916e469b14f6c154ad6dfea1e6891
--- /dev/null
+++ b/preprocessor_config.json
@@ -0,0 +1,9 @@
+{
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
diff --git a/run_ctc_dummy.sh b/run_ctc_dummy.sh
new file mode 120000
index 0000000000000000000000000000000000000000..ab0c890419a49d024005b1cd6e9101b460881f77
--- /dev/null
+++ b/run_ctc_dummy.sh
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/run_ctc_dummy.sh
\ No newline at end of file
diff --git a/run_flax_speech_recognition_ctc.py b/run_flax_speech_recognition_ctc.py
new file mode 120000
index 0000000000000000000000000000000000000000..2762b41b4d544f4e5259fa4d8ab1f0c19f3eb103
--- /dev/null
+++ b/run_flax_speech_recognition_ctc.py
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/run_flax_speech_recognition_ctc.py
\ No newline at end of file
diff --git a/run_flax_speech_recognition_seq2seq.py b/run_flax_speech_recognition_seq2seq.py
new file mode 120000
index 0000000000000000000000000000000000000000..881d3d1e676ea4c5011c6b4e1023cda1d0477321
--- /dev/null
+++ b/run_flax_speech_recognition_seq2seq.py
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/run_flax_speech_recognition_seq2seq.py
\ No newline at end of file
diff --git a/run_librispeech.sh b/run_librispeech.sh
new file mode 100644
index 0000000000000000000000000000000000000000..bbacecb62561c5cb4e780c694c2cc7f977988720
--- /dev/null
+++ b/run_librispeech.sh
@@ -0,0 +1,37 @@
+#!/usr/bin/env bash
+python run_flax_speech_recognition_seq2seq.py \
+ --dataset_name="hf-internal-testing/librispeech_asr_dummy" \
+ --model_name_or_path="./" \
+ --dataset_config_name="clean" \
+ --train_split_name="validation" \
+ --eval_split_name="validation" \
+ --test_split_name="validation[:90%]+validation[:95%]" \
+ --output_dir="./" \
+ --dataset_cache_dir="/home/sanchitgandhi/cache/huggingface/datasets" \
+ --preprocessing_num_workers="1" \
+ --length_column_name="input_length" \
+ --overwrite_output_dir \
+ --max_steps="15" \
+ --eval_steps="5" \
+ --save_steps="5" \
+ --per_device_train_batch_size="2" \
+ --per_device_eval_batch_size="2" \
+ --logging_steps="1" \
+ --max_duration_in_seconds="15" \
+ --max_target_length="64" \
+ --generation_max_length="40" \
+ --generation_num_beams="1" \
+ --final_generation_max_length="50" \
+ --final_generation_num_beams="2" \
+ --learning_rate="3e-4" \
+ --warmup_steps="500" \
+ --text_column_name="text" \
+ --save_total_limit="1" \
+ --wandb_project="flax-wav2vec2-2-bart-dummy" \
+ --freeze_feature_encoder \
+ --predict_with_generate \
+ --do_lower_case \
+ --do_train \
+ --do_eval \
+ --do_predict \
+ --push_to_hub
diff --git a/seq2seq.png b/seq2seq.png
new file mode 120000
index 0000000000000000000000000000000000000000..67c2d4a952670998ea3a43213c15b3136c2bae9c
--- /dev/null
+++ b/seq2seq.png
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/seq2seq.png
\ No newline at end of file
diff --git a/special_tokens_map.json b/special_tokens_map.json
new file mode 100644
index 0000000000000000000000000000000000000000..2ea7ad0e45a9d1d1591782ba7e29a703d0758831
--- /dev/null
+++ b/special_tokens_map.json
@@ -0,0 +1 @@
+{"bos_token": "", "eos_token": "", "unk_token": "", "sep_token": "", "pad_token": "", "cls_token": "", "mask_token": {"content": "", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}}
\ No newline at end of file
diff --git a/tests b/tests
new file mode 120000
index 0000000000000000000000000000000000000000..ab3b27b67a76f875a53edba804cc9b9eb0a43307
--- /dev/null
+++ b/tests
@@ -0,0 +1 @@
+/home/sanchitgandhi/seq2seq-speech/tests
\ No newline at end of file
diff --git a/tokenizer.json b/tokenizer.json
new file mode 100644
index 0000000000000000000000000000000000000000..3f9827348733c46e95bf2bb18202fd241b932115
--- /dev/null
+++ b/tokenizer.json
@@ -0,0 +1,1890 @@
+{
+ "version": "1.0",
+ "truncation": null,
+ "padding": null,
+ "added_tokens": [
+ {
+ "id": 0,
+ "content": "",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 1,
+ "content": "",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 2,
+ "content": "",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 3,
+ "content": "",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 4,
+ "content": "",
+ "single_word": false,
+ "lstrip": true,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ }
+ ],
+ "normalizer": null,
+ "pre_tokenizer": {
+ "type": "ByteLevel",
+ "add_prefix_space": false,
+ "trim_offsets": true
+ },
+ "post_processor": {
+ "type": "RobertaProcessing",
+ "sep": [
+ "",
+ 2
+ ],
+ "cls": [
+ "",
+ 0
+ ],
+ "trim_offsets": true,
+ "add_prefix_space": false
+ },
+ "decoder": {
+ "type": "ByteLevel",
+ "add_prefix_space": true,
+ "trim_offsets": true
+ },
+ "model": {
+ "type": "BPE",
+ "dropout": null,
+ "unk_token": null,
+ "continuing_subword_prefix": "",
+ "end_of_word_suffix": "",
+ "fuse_unk": false,
+ "vocab": {
+ "": 0,
+ "": 1,
+ "": 2,
+ "": 3,
+ "": 4,
+ "!": 5,
+ "\"": 6,
+ "#": 7,
+ "$": 8,
+ "%": 9,
+ "&": 10,
+ "'": 11,
+ "(": 12,
+ ")": 13,
+ "*": 14,
+ "+": 15,
+ ",": 16,
+ "-": 17,
+ ".": 18,
+ "/": 19,
+ "0": 20,
+ "1": 21,
+ "2": 22,
+ "3": 23,
+ "4": 24,
+ "5": 25,
+ "6": 26,
+ "7": 27,
+ "8": 28,
+ "9": 29,
+ ":": 30,
+ ";": 31,
+ "<": 32,
+ "=": 33,
+ ">": 34,
+ "?": 35,
+ "@": 36,
+ "A": 37,
+ "B": 38,
+ "C": 39,
+ "D": 40,
+ "E": 41,
+ "F": 42,
+ "G": 43,
+ "H": 44,
+ "I": 45,
+ "J": 46,
+ "K": 47,
+ "L": 48,
+ "M": 49,
+ "N": 50,
+ "O": 51,
+ "P": 52,
+ "Q": 53,
+ "R": 54,
+ "S": 55,
+ "T": 56,
+ "U": 57,
+ "V": 58,
+ "W": 59,
+ "X": 60,
+ "Y": 61,
+ "Z": 62,
+ "[": 63,
+ "\\": 64,
+ "]": 65,
+ "^": 66,
+ "_": 67,
+ "`": 68,
+ "a": 69,
+ "b": 70,
+ "c": 71,
+ "d": 72,
+ "e": 73,
+ "f": 74,
+ "g": 75,
+ "h": 76,
+ "i": 77,
+ "j": 78,
+ "k": 79,
+ "l": 80,
+ "m": 81,
+ "n": 82,
+ "o": 83,
+ "p": 84,
+ "q": 85,
+ "r": 86,
+ "s": 87,
+ "t": 88,
+ "u": 89,
+ "v": 90,
+ "w": 91,
+ "x": 92,
+ "y": 93,
+ "z": 94,
+ "|": 95,
+ "}": 96,
+ "~": 97,
+ "¡": 98,
+ "¢": 99,
+ "£": 100,
+ "¤": 101,
+ "¥": 102,
+ "¦": 103,
+ "§": 104,
+ "¨": 105,
+ "©": 106,
+ "ª": 107,
+ "«": 108,
+ "¬": 109,
+ "®": 110,
+ "¯": 111,
+ "°": 112,
+ "±": 113,
+ "²": 114,
+ "³": 115,
+ "´": 116,
+ "µ": 117,
+ "¶": 118,
+ "·": 119,
+ "¸": 120,
+ "¹": 121,
+ "º": 122,
+ "»": 123,
+ "¼": 124,
+ "½": 125,
+ "¾": 126,
+ "¿": 127,
+ "Â": 128,
+ "Ã": 129,
+ "Ä": 130,
+ "Å": 131,
+ "Æ": 132,
+ "Ç": 133,
+ "È": 134,
+ "É": 135,
+ "Ê": 136,
+ "Ë": 137,
+ "Ì": 138,
+ "Í": 139,
+ "Î": 140,
+ "Ï": 141,
+ "Ð": 142,
+ "Ñ": 143,
+ "Ö": 144,
+ "×": 145,
+ "Ø": 146,
+ "Ù": 147,
+ "Ü": 148,
+ "à": 149,
+ "á": 150,
+ "â": 151,
+ "ã": 152,
+ "ä": 153,
+ "å": 154,
+ "æ": 155,
+ "ç": 156,
+ "è": 157,
+ "é": 158,
+ "ë": 159,
+ "ì": 160,
+ "ï": 161,
+ "Ċ": 162,
+ "Ġ": 163,
+ "Ģ": 164,
+ "ģ": 165,
+ "Ĥ": 166,
+ "ĥ": 167,
+ "Ħ": 168,
+ "ħ": 169,
+ "Ĩ": 170,
+ "ĩ": 171,
+ "Ī": 172,
+ "ī": 173,
+ "Ĭ": 174,
+ "ĭ": 175,
+ "Į": 176,
+ "į": 177,
+ "İ": 178,
+ "ı": 179,
+ "IJ": 180,
+ "ij": 181,
+ "Ĵ": 182,
+ "ĵ": 183,
+ "Ķ": 184,
+ "ķ": 185,
+ "ĸ": 186,
+ "Ĺ": 187,
+ "ĺ": 188,
+ "Ļ": 189,
+ "ļ": 190,
+ "Ľ": 191,
+ "ľ": 192,
+ "Ŀ": 193,
+ "ŀ": 194,
+ "Ł": 195,
+ "ł": 196,
+ "Ń": 197,
+ "Ġt": 198,
+ "he": 199,
+ "Ġa": 200,
+ "in": 201,
+ "Ġthe": 202,
+ "er": 203,
+ "on": 204,
+ "Ġ,": 205,
+ "re": 206,
+ "Ġs": 207,
+ "ed": 208,
+ "Ġo": 209,
+ "Ġw": 210,
+ "nd": 211,
+ "at": 212,
+ "Ġ.": 213,
+ "or": 214,
+ "it": 215,
+ "Ġc": 216,
+ "en": 217,
+ "Ġf": 218,
+ "is": 219,
+ "es": 220,
+ "ar": 221,
+ "Ġof": 222,
+ "Ġb": 223,
+ "an": 224,
+ "Ġin": 225,
+ "al": 226,
+ "ing": 227,
+ "Ġp": 228,
+ "Ġand": 229,
+ "as": 230,
+ "Ġto": 231,
+ "ro": 232,
+ "ic": 233,
+ "Ġm": 234,
+ "Ġd": 235,
+ "Ġh": 236,
+ "ion": 237,
+ "le": 238,
+ "ou": 239,
+ "ĠT": 240,
+ "Ġre": 241,
+ "Ġ=": 242,
+ "Ġ\"": 243,
+ "ĠA": 244,
+ "ĠS": 245,
+ "ent": 246,
+ "il": 247,
+ "Ġth": 248,
+ "Ġ1": 249,
+ "st": 250,
+ "ĠC": 251,
+ "el": 252,
+ "om": 253,
+ "Ġl": 254,
+ "am": 255,
+ "ĠĊ": 256,
+ "Ġe": 257,
+ "Ġn": 258,
+ "Ġ@": 259,
+ "ad": 260,
+ "ac": 261,
+ "Ġwas": 262,
+ "ĠM": 263,
+ "ur": 264,
+ "ĠThe": 265,
+ "ec": 266,
+ "Ġon": 267,
+ "ly": 268,
+ "ĠB": 269,
+ "ĠI": 270,
+ "Ġg": 271,
+ "Ġ'": 272,
+ "et": 273,
+ "ol": 274,
+ "id": 275,
+ "iv": 276,
+ "im": 277,
+ "Ġfor": 278,
+ "ir": 279,
+ "-@": 280,
+ "Ġ@-@": 281,
+ "ig": 282,
+ "ot": 283,
+ "ter": 284,
+ "Ġas": 285,
+ "ĠH": 286,
+ "us": 287,
+ "ow": 288,
+ "Ġst": 289,
+ "ut": 290,
+ "ith": 291,
+ "ay": 292,
+ "Ġ2": 293,
+ "ĠP": 294,
+ "ation": 295,
+ "ver": 296,
+ "Ġbe": 297,
+ "her": 298,
+ "Ġthat": 299,
+ "Ġwith": 300,
+ "ĠR": 301,
+ "ce": 302,
+ "th": 303,
+ "ĠD": 304,
+ "Ġis": 305,
+ "un": 306,
+ "em": 307,
+ "ĠF": 308,
+ "Ġwh": 309,
+ "ul": 310,
+ "Ġby": 311,
+ "Ġal": 312,
+ "ch": 313,
+ "Ġ)": 314,
+ "Ġ(": 315,
+ "ĠW": 316,
+ "Ġcon": 317,
+ "ra": 318,
+ "ĠG": 319,
+ "os": 320,
+ "ĠL": 321,
+ "ĠN": 322,
+ "Ġat": 323,
+ "ers": 324,
+ "ct": 325,
+ "Ġit": 326,
+ "Ġ19": 327,
+ "rom": 328,
+ "and": 329,
+ "Ġan": 330,
+ "um": 331,
+ "est": 332,
+ "ĠJ": 333,
+ "ag": 334,
+ "Ġhe": 335,
+ "00": 336,
+ "ist": 337,
+ "ain": 338,
+ "od": 339,
+ "av": 340,
+ "ri": 341,
+ "ĠE": 342,
+ "ĠO": 343,
+ "Ġfrom": 344,
+ "Ġcom": 345,
+ "Ġhis": 346,
+ "op": 347,
+ "Ġpro": 348,
+ "res": 349,
+ "ies": 350,
+ "if": 351,
+ "Ġv": 352,
+ "ort": 353,
+ "ere": 354,
+ "ill": 355,
+ "ld": 356,
+ "Ġde": 357,
+ "pp": 358,
+ "Ġsu": 359,
+ "ore": 360,
+ "ĠIn": 361,
+ "Ġr": 362,
+ "Ġse": 363,
+ "Ġwere": 364,
+ "ew": 365,
+ "ong": 366,
+ "igh": 367,
+ "ard": 368,
+ "ate": 369,
+ "all": 370,
+ "art": 371,
+ "ak": 372,
+ "ich": 373,
+ "Ġch": 374,
+ "Ġor": 375,
+ "ab": 376,
+ "ant": 377,
+ "ud": 378,
+ "oc": 379,
+ "ber": 380,
+ "Ġex": 381,
+ "gh": 382,
+ "ity": 383,
+ "ated": 384,
+ "pt": 385,
+ "ess": 386,
+ "ear": 387,
+ "ĠK": 388,
+ "Ġpl": 389,
+ "ame": 390,
+ "qu": 391,
+ "ive": 392,
+ "rou": 393,
+ "Ġare": 394,
+ "Ġâ": 395,
+ "Ġsh": 396,
+ "Ġk": 397,
+ "ack": 398,
+ "ect": 399,
+ "ĠâĢ": 400,
+ "ĠU": 401,
+ "Ġhad": 402,
+ "se": 403,
+ "Ġwhich": 404,
+ "red": 405,
+ "ov": 406,
+ "ĠSt": 407,
+ "ast": 408,
+ "Ġsp": 409,
+ "ian": 410,
+ "Ġy": 411,
+ "ment": 412,
+ "Ġle": 413,
+ "Ġnot": 414,
+ "ge": 415,
+ "ord": 416,
+ "rit": 417,
+ "ip": 418,
+ "ine": 419,
+ "ell": 420,
+ "ally": 421,
+ "our": 422,
+ "ost": 423,
+ "ight": 424,
+ "ther": 425,
+ "ap": 426,
+ "Ġu": 427,
+ "ish": 428,
+ "ĠCh": 429,
+ "oun": 430,
+ "ia": 431,
+ "Ġ3": 432,
+ "ave": 433,
+ "ary": 434,
+ "ust": 435,
+ "og": 436,
+ "Ġ200": 437,
+ "Ġun": 438,
+ "ous": 439,
+ "irst": 440,
+ "ĠV": 441,
+ "cc": 442,
+ "Ġinc": 443,
+ "Ġ;": 444,
+ "Ġcomp": 445,
+ "ru": 446,
+ "ions": 447,
+ "Ġtheir": 448,
+ "Ġbut": 449,
+ "ide": 450,
+ "ure": 451,
+ "so": 452,
+ "Ġcont": 453,
+ "Ġint": 454,
+ "fter": 455,
+ "ical": 456,
+ "ial": 457,
+ "Ġar": 458,
+ "Ġfirst": 459,
+ "ould": 460,
+ "Ġits": 461,
+ "hed": 462,
+ "ĠâĢĵ": 463,
+ "Ġwhe": 464,
+ "wo": 465,
+ "out": 466,
+ "ub": 467,
+ "Ġ20": 468,
+ "ff": 469,
+ "Ġ:": 470,
+ "ue": 471,
+ "Ġher": 472,
+ "own": 473,
+ "ok": 474,
+ "Ġalso": 475,
+ "Ġcl": 476,
+ "per": 477,
+ "ign": 478,
+ "ater": 479,
+ "ran": 480,
+ "orm": 481,
+ "ie": 482,
+ "ome": 483,
+ "ork": 484,
+ "ass": 485,
+ "ire": 486,
+ "end": 487,
+ "Ġres": 488,
+ "Ġab": 489,
+ "Ġad": 490,
+ "Ġus": 491,
+ "ry": 492,
+ "Ġrec": 493,
+ "Ġhave": 494,
+ "age": 495,
+ "ĠHe": 496,
+ "Ġ4": 497,
+ "Ġro": 498,
+ "mer": 499,
+ "Ġone": 500,
+ "ond": 501,
+ "low": 502,
+ "Ġhas": 503,
+ "ĠTh": 504,
+ "du": 505,
+ "Ġ5": 506,
+ "Ġper": 507,
+ "Ġbeen": 508,
+ "ime": 509,
+ "Ġtwo": 510,
+ "ence": 511,
+ "land": 512,
+ "Ġ18": 513,
+ ".@": 514,
+ "Ġ@.@": 515,
+ "ult": 516,
+ "ree": 517,
+ "ough": 518,
+ "ile": 519,
+ "Ġwho": 520,
+ "ĠAl": 521,
+ "Ġsc": 522,
+ "uring": 523,
+ "pl": 524,
+ "ory": 525,
+ "ition": 526,
+ "ric": 527,
+ "ations": 528,
+ "Ġdis": 529,
+ "Ġthis": 530,
+ "Ġbec": 531,
+ "Ġapp": 532,
+ "iz": 533,
+ "ĠIt": 534,
+ "are": 535,
+ "ach": 536,
+ "lud": 537,
+ "ade": 538,
+ "Ġplay": 539,
+ "Ġj": 540,
+ "Ġman": 541,
+ "act": 542,
+ "ely": 543,
+ "Ġpart": 544,
+ "Ġdes": 545,
+ "Ġag": 546,
+ "Ġthey": 547,
+ "Ġyear": 548,
+ "ount": 549,
+ "Ġ201": 550,
+ "Ġover": 551,
+ "Ġother": 552,
+ "ound": 553,
+ "Ġafter": 554,
+ "ib": 555,
+ "over": 556,
+ "Ġser": 557,
+ "Ġen": 558,
+ "Ġoff": 559,
+ "Ġim": 560,
+ "ction": 561,
+ "ĠY": 562,
+ "ke": 563,
+ "ite": 564,
+ ",@": 565,
+ "Ġ@,@": 566,
+ "te": 567,
+ "urn": 568,
+ "Ġinclud": 569,
+ "ress": 570,
+ "ance": 571,
+ "ang": 572,
+ "Ġatt": 573,
+ "ice": 574,
+ "ace": 575,
+ "ark": 576,
+ "Ġout": 577,
+ "wn": 578,
+ "ph": 579,
+ "ember": 580,
+ "Ġpre": 581,
+ "Ġup": 582,
+ "ens": 583,
+ "man": 584,
+ "Ġev": 585,
+ "Ġtime": 586,
+ "nder": 587,
+ "rough": 588,
+ "ced": 589,
+ "Ġfin": 590,
+ "Ġinto": 591,
+ "one": 592,
+ "port": 593,
+ "round": 594,
+ "we": 595,
+ "ren": 596,
+ "les": 597,
+ "int": 598,
+ "ĠOn": 599,
+ "vel": 600,
+ "Ġcomm": 601,
+ "Ġshe": 602,
+ "ason": 603,
+ "amp": 604,
+ "Ġte": 605,
+ "Ġwould": 606,
+ "ward": 607,
+ "Ġmore": 608,
+ "Ġ6": 609,
+ "ied": 610,
+ "ose": 611,
+ "rib": 612,
+ "ĠUn": 613,
+ "Ġall": 614,
+ "ings": 615,
+ "tern": 616,
+ "ces": 617,
+ "able": 618,
+ "Ġwe": 619,
+ "ited": 620,
+ "ever": 621,
+ "ents": 622,
+ "Ġhim": 623,
+ "ased": 624,
+ "ors": 625,
+ "oy": 626,
+ "ood": 627,
+ "Ġcent": 628,
+ "ix": 629,
+ "ase": 630,
+ "ild": 631,
+ "ĠAn": 632,
+ "Ġ7": 633,
+ "Ġwork": 634,
+ "ates": 635,
+ "ious": 636,
+ "ath": 637,
+ "Ġpo": 638,
+ "rop": 639,
+ "old": 640,
+ "als": 641,
+ "iss": 642,
+ "ey": 643,
+ "ict": 644,
+ "Ġfe": 645,
+ "Ġthem": 646,
+ "gan": 647,
+ "Ġsec": 648,
+ "Ġbet": 649,
+ "Ġwhen": 650,
+ "Ġsong": 651,
+ "Ġrem": 652,
+ "ep": 653,
+ "form": 654,
+ "ail": 655,
+ "fer": 656,
+ "Ġear": 657,
+ "ubl": 658,
+ "aw": 659,
+ "Ġkn": 660,
+ "ake": 661,
+ "aus": 662,
+ "Ġmost": 663,
+ "Ġcons": 664,
+ "Ġduring": 665,
+ "ĠAs": 666,
+ "orth": 667,
+ "Ġnew": 668,
+ "ered": 669,
+ "ilm": 670,
+ "ved": 671,
+ "att": 672,
+ "Ġonly": 673,
+ "Ġ9": 674,
+ "Ġdec": 675,
+ "Ġ8": 676,
+ "ick": 677,
+ "Ġgame": 678,
+ "ons": 679,
+ "ug": 680,
+ "Ġtr": 681,
+ "ft": 682,
+ "oth": 683,
+ "ook": 684,
+ "ĠMar": 685,
+ "reat": 686,
+ "way": 687,
+ "Ġcan": 688,
+ "ollow": 689,
+ "outh": 690,
+ "ween": 691,
+ "ĠEn": 692,
+ "Ġ199": 693,
+ "ters": 694,
+ "Ġrel": 695,
+ "ind": 696,
+ "Ġabout": 697,
+ "Ġseason": 698,
+ "Ġagain": 699,
+ "ral": 700,
+ "Ġthree": 701,
+ "ational": 702,
+ "Ġunder": 703,
+ "ular": 704,
+ "Ġme": 705,
+ "Ġthan": 706,
+ "ĠCom": 707,
+ "ĠAr": 708,
+ "hip": 709,
+ "ob": 710,
+ "Ġne": 711,
+ "Ġbetween": 712,
+ "Ġfl": 713,
+ "hn": 714,
+ "ve": 715,
+ "Ġchar": 716,
+ "Ġcol": 717,
+ "Ġrecord": 718,
+ "iew": 719,
+ "ron": 720,
+ "fore": 721,
+ "Ġthrough": 722,
+ "ision": 723,
+ "orn": 724,
+ "Ġ00": 725,
+ "ock": 726,
+ "Ġver": 727,
+ "Ġlater": 728,
+ "Ġnum": 729,
+ "Ġend": 730,
+ "olog": 731,
+ "ames": 732,
+ "Ġpos": 733,
+ "Ġwrit": 734,
+ "Ġprodu": 735,
+ "Ġwhile": 736,
+ "Ġact": 737,
+ "Ġrele": 738,
+ "Ġfilm": 739,
+ "ished": 740,
+ "Ġpr": 741,
+ "ans": 742,
+ "Ġreg": 743,
+ "Ġform": 744,
+ "Ġass": 745,
+ "ĠSe": 746,
+ "ury": 747,
+ "ted": 748,
+ "ts": 749,
+ "Ġmade": 750,
+ "Ġsub": 751,
+ "Ġpe": 752,
+ "Ġso": 753,
+ "orld": 754,
+ "Ġret": 755,
+ "ĠNew": 756,
+ "Ġspec": 757,
+ "Ġacc": 758,
+ "Ġqu": 759,
+ "Ġwhere": 760,
+ "ener": 761,
+ "Ġmov": 762,
+ "hes": 763,
+ "meric": 764,
+ "ating": 765,
+ "Ġinter": 766,
+ "ĠLe": 767,
+ "ĠAmeric": 768,
+ "Ġra": 769,
+ "Ġsome": 770,
+ "Ġco": 771,
+ "Ġlar": 772,
+ "Ġbu": 773,
+ "Ġdef": 774,
+ "bum": 775,
+ "Ġac": 776,
+ "Ġmus": 777,
+ "Ġfollow": 778,
+ "ĠAt": 779,
+ "ins": 780,
+ "ived": 781,
+ "ific": 782,
+ "ual": 783,
+ "Ġam": 784,
+ "Ġsuch": 785,
+ "Ġsecond": 786,
+ "ike": 787,
+ "Ġfour": 788,
+ "Ġind": 789,
+ "ann": 790,
+ "hen": 791,
+ "Ġused": 792,
+ "ĠRe": 793,
+ "ics": 794,
+ "lect": 795,
+ "Ġday": 796,
+ "iel": 797,
+ "ily": 798,
+ "ĠThis": 799,
+ "Ġ0": 800,
+ "Ġpubl": 801,
+ "Ġcall": 802,
+ "ĠJo": 803,
+ "ll": 804,
+ "Ġalbum": 805,
+ "Ġ000": 806,
+ "rans": 807,
+ "Ġdo": 808,
+ "any": 809,
+ "Ġbefore": 810,
+ "ros": 811,
+ "ĠSh": 812,
+ "Ġsy": 813,
+ "aid": 814,
+ "ĠEng": 815,
+ "Ġbeing": 816,
+ "Ġ10": 817,
+ "uc": 818,
+ "Ġep": 819,
+ "Ġsupp": 820,
+ "Ġthere": 821,
+ "Ġyears": 822,
+ "ars": 823,
+ "owever": 824,
+ "Ġent": 825,
+ "ife": 826,
+ "Ġhigh": 827,
+ "Ġfound": 828,
+ "ird": 829,
+ "Ġno": 830,
+ "Ġset": 831,
+ "ines": 832,
+ "iver": 833,
+ "io": 834,
+ "other": 835,
+ "ject": 836,
+ "Ġsur": 837,
+ "aj": 838,
+ "ten": 839,
+ "Ġtra": 840,
+ "Ġ12": 841,
+ "ised": 842,
+ "ities": 843,
+ "velop": 844,
+ "Ġbl": 845,
+ "ale": 846,
+ "Ġseries": 847,
+ "Ġloc": 848,
+ "Ġnumber": 849,
+ "Ġpres": 850,
+ "ane": 851,
+ "ause": 852,
+ "ode": 853,
+ "ek": 854,
+ "ton": 855,
+ "ĠSc": 856,
+ "ier": 857,
+ "ise": 858,
+ "Ġsever": 859,
+ "ince": 860,
+ "Ġboth": 861,
+ "ank": 862,
+ "row": 863,
+ "irect": 864,
+ "son": 865,
+ "Ġthen": 866,
+ "ĠBrit": 867,
+ "iet": 868,
+ "Ġ16": 869,
+ "Ġepis": 870,
+ "Ġincluding": 871,
+ "its": 872,
+ "igin": 873,
+ "pr": 874,
+ "Ġ/": 875,
+ "Ġagainst": 876,
+ "Ġwell": 877,
+ "Ġbecame": 878,
+ "Ġexp": 879,
+ "Ġknown": 880,
+ "Ġtrans": 881,
+ "Ġcharac": 882,
+ "ĠâĢĶ": 883,
+ "ram": 884,
+ "Ġback": 885,
+ "Ġadd": 886,
+ "Ġpop": 887,
+ "Ġgo": 888,
+ "urch": 889,
+ "Ġdesc": 890,
+ "Ġsing": 891,
+ "ield": 892,
+ "Ġperform": 893,
+ "ained": 894,
+ "Ġrece": 895,
+ "ident": 896,
+ "Ġem": 897,
+ "ert": 898,
+ "ures": 899,
+ "Ġinv": 900,
+ "Ġdep": 901,
+ "Ġ198": 902,
+ "air": 903,
+ "ern": 904,
+ "ather": 905,
+ "ful": 906,
+ "ĠZ": 907,
+ "Ġmon": 908,
+ "Ġmany": 909,
+ "Ġmain": 910,
+ "Ġstud": 911,
+ "Ġlong": 912,
+ "inn": 913,
+ "though": 914,
+ "up": 915,
+ "ool": 916,
+ "ĠUnited": 917,
+ "led": 918,
+ "ement": 919,
+ "Ġ15": 920,
+ "ower": 921,
+ "ĠJohn": 922,
+ "Ġop": 923,
+ "Ġ11": 924,
+ "ined": 925,
+ "Ġmet": 926,
+ "ober": 927,
+ "ley": 928,
+ "Ġ17": 929,
+ "Ġcentury": 930,
+ "Ġteam": 931,
+ "Ġest": 932,
+ "ĠAfter": 933,
+ "yl": 934,
+ "Ġmin": 935,
+ "uch": 936,
+ "ute": 937,
+ "Ġdevelop": 938,
+ "ĠShe": 939,
+ "iam": 940,
+ "Ġshow": 941,
+ "elf": 942,
+ "Ġrep": 943,
+ "Ġconc": 944,
+ "ative": 945,
+ "Ġcre": 946,
+ "overn": 947,
+ "ared": 948,
+ "Ġ194": 949,
+ "Ġorigin": 950,
+ "Ġsm": 951,
+ "ivers": 952,
+ "az": 953,
+ "Ġlead": 954,
+ "Ġseveral": 955,
+ "ah": 956,
+ "Ġob": 957,
+ "Ġrev": 958,
+ "Ġmill": 959,
+ "erm": 960,
+ "ually": 961,
+ "oot": 962,
+ "Ġbegan": 963,
+ "Ġ196": 964,
+ "ired": 965,
+ "Ġdif": 966,
+ "Ġcontin": 967,
+ "Ġsign": 968,
+ "ik": 969,
+ "ĠInd": 970,
+ "ments": 971,
+ "ized": 972,
+ "Ġ197": 973,
+ "Ġdirect": 974,
+ "au": 975,
+ "Ġext": 976,
+ "ross": 977,
+ "emb": 978,
+ "der": 979,
+ "Ġpol": 980,
+ "Ġmay": 981,
+ "apt": 982,
+ "els": 983,
+ "ĠWh": 984,
+ "Ġcomple": 985,
+ "Ġart": 986,
+ "ĠBr": 987,
+ "ĠIs": 988,
+ "une": 989,
+ "til": 990,
+ "Ġcrit": 991,
+ "Ġhist": 992,
+ "Ġearly": 993,
+ "Ġcould": 994,
+ "ĠCon": 995,
+ "Ġdid": 996,
+ "Ġbel": 997,
+ "Ġcalled": 998,
+ "ued": 999
+ },
+ "merges": [
+ "Ġ t",
+ "h e",
+ "Ġ a",
+ "i n",
+ "Ġt he",
+ "e r",
+ "o n",
+ "Ġ ,",
+ "r e",
+ "Ġ s",
+ "e d",
+ "Ġ o",
+ "Ġ w",
+ "n d",
+ "a t",
+ "Ġ .",
+ "o r",
+ "i t",
+ "Ġ c",
+ "e n",
+ "Ġ f",
+ "i s",
+ "e s",
+ "a r",
+ "Ġo f",
+ "Ġ b",
+ "a n",
+ "Ġ in",
+ "a l",
+ "in g",
+ "Ġ p",
+ "Ġa nd",
+ "a s",
+ "Ġt o",
+ "r o",
+ "i c",
+ "Ġ m",
+ "Ġ d",
+ "Ġ h",
+ "i on",
+ "l e",
+ "o u",
+ "Ġ T",
+ "Ġ re",
+ "Ġ =",
+ "Ġ \"",
+ "Ġ A",
+ "Ġ S",
+ "en t",
+ "i l",
+ "Ġt h",
+ "Ġ 1",
+ "s t",
+ "Ġ C",
+ "e l",
+ "o m",
+ "Ġ l",
+ "a m",
+ "Ġ Ċ",
+ "Ġ e",
+ "Ġ n",
+ "Ġ @",
+ "a d",
+ "a c",
+ "Ġw as",
+ "Ġ M",
+ "u r",
+ "ĠT he",
+ "e c",
+ "Ġ on",
+ "l y",
+ "Ġ B",
+ "Ġ I",
+ "Ġ g",
+ "Ġ '",
+ "e t",
+ "o l",
+ "i d",
+ "i v",
+ "i m",
+ "Ġf or",
+ "i r",
+ "- @",
+ "Ġ@ -@",
+ "i g",
+ "o t",
+ "t er",
+ "Ġa s",
+ "Ġ H",
+ "u s",
+ "o w",
+ "Ġs t",
+ "u t",
+ "it h",
+ "a y",
+ "Ġ 2",
+ "Ġ P",
+ "at ion",
+ "v er",
+ "Ġb e",
+ "he r",
+ "Ġth at",
+ "Ġw ith",
+ "Ġ R",
+ "c e",
+ "t h",
+ "Ġ D",
+ "Ġ is",
+ "u n",
+ "e m",
+ "Ġ F",
+ "Ġw h",
+ "u l",
+ "Ġb y",
+ "Ġa l",
+ "c h",
+ "Ġ )",
+ "Ġ (",
+ "Ġ W",
+ "Ġc on",
+ "r a",
+ "Ġ G",
+ "o s",
+ "Ġ L",
+ "Ġ N",
+ "Ġa t",
+ "er s",
+ "c t",
+ "Ġ it",
+ "Ġ1 9",
+ "ro m",
+ "a nd",
+ "Ġa n",
+ "u m",
+ "es t",
+ "Ġ J",
+ "a g",
+ "Ġ he",
+ "0 0",
+ "is t",
+ "a in",
+ "o d",
+ "a v",
+ "r i",
+ "Ġ E",
+ "Ġ O",
+ "Ġf rom",
+ "Ġc om",
+ "Ġh is",
+ "o p",
+ "Ġp ro",
+ "re s",
+ "i es",
+ "i f",
+ "Ġ v",
+ "or t",
+ "er e",
+ "il l",
+ "l d",
+ "Ġd e",
+ "p p",
+ "Ġs u",
+ "o re",
+ "ĠI n",
+ "Ġ r",
+ "Ġs e",
+ "Ġw ere",
+ "e w",
+ "on g",
+ "ig h",
+ "ar d",
+ "at e",
+ "al l",
+ "ar t",
+ "a k",
+ "ic h",
+ "Ġc h",
+ "Ġo r",
+ "a b",
+ "an t",
+ "u d",
+ "o c",
+ "b er",
+ "Ġe x",
+ "g h",
+ "it y",
+ "at ed",
+ "p t",
+ "es s",
+ "e ar",
+ "Ġ K",
+ "Ġp l",
+ "am e",
+ "q u",
+ "iv e",
+ "ro u",
+ "Ġa re",
+ "Ġ â",
+ "Ġs h",
+ "Ġ k",
+ "ac k",
+ "ec t",
+ "Ġâ Ģ",
+ "Ġ U",
+ "Ġh ad",
+ "s e",
+ "Ġwh ich",
+ "re d",
+ "o v",
+ "ĠS t",
+ "as t",
+ "Ġs p",
+ "i an",
+ "Ġ y",
+ "m ent",
+ "Ġ le",
+ "Ġn ot",
+ "g e",
+ "or d",
+ "r it",
+ "i p",
+ "in e",
+ "el l",
+ "al ly",
+ "ou r",
+ "o st",
+ "igh t",
+ "t her",
+ "a p",
+ "Ġ u",
+ "is h",
+ "ĠC h",
+ "ou n",
+ "i a",
+ "Ġ 3",
+ "av e",
+ "ar y",
+ "u st",
+ "o g",
+ "Ġ2 00",
+ "Ġ un",
+ "ou s",
+ "ir st",
+ "Ġ V",
+ "c c",
+ "Ġin c",
+ "Ġ ;",
+ "Ġcom p",
+ "r u",
+ "ion s",
+ "Ġthe ir",
+ "Ġb ut",
+ "id e",
+ "u re",
+ "s o",
+ "Ġcon t",
+ "Ġin t",
+ "f ter",
+ "ic al",
+ "i al",
+ "Ġa r",
+ "Ġf irst",
+ "ou ld",
+ "Ġit s",
+ "he d",
+ "ĠâĢ ĵ",
+ "Ġw he",
+ "w o",
+ "ou t",
+ "u b",
+ "Ġ2 0",
+ "f f",
+ "Ġ :",
+ "u e",
+ "Ġ her",
+ "ow n",
+ "o k",
+ "Ġal so",
+ "Ġc l",
+ "p er",
+ "ig n",
+ "at er",
+ "r an",
+ "or m",
+ "i e",
+ "om e",
+ "or k",
+ "as s",
+ "i re",
+ "e nd",
+ "Ġre s",
+ "Ġa b",
+ "Ġa d",
+ "Ġ us",
+ "r y",
+ "Ġre c",
+ "Ġh ave",
+ "ag e",
+ "ĠH e",
+ "Ġ 4",
+ "Ġ ro",
+ "m er",
+ "Ġon e",
+ "on d",
+ "l ow",
+ "Ġh as",
+ "ĠT h",
+ "d u",
+ "Ġ 5",
+ "Ġp er",
+ "Ġbe en",
+ "im e",
+ "Ġt wo",
+ "en ce",
+ "l and",
+ "Ġ1 8",
+ ". @",
+ "Ġ@ .@",
+ "ul t",
+ "re e",
+ "ou gh",
+ "i le",
+ "Ġwh o",
+ "ĠA l",
+ "Ġs c",
+ "ur ing",
+ "p l",
+ "or y",
+ "it ion",
+ "r ic",
+ "ation s",
+ "Ġd is",
+ "Ġth is",
+ "Ġb ec",
+ "Ġa pp",
+ "i z",
+ "ĠI t",
+ "a re",
+ "ac h",
+ "l ud",
+ "ad e",
+ "Ġpl ay",
+ "Ġ j",
+ "Ġm an",
+ "ac t",
+ "el y",
+ "Ġp art",
+ "Ġd es",
+ "Ġa g",
+ "Ġthe y",
+ "Ġy ear",
+ "oun t",
+ "Ġ20 1",
+ "Ġo ver",
+ "Ġo ther",
+ "ou nd",
+ "Ġa fter",
+ "i b",
+ "o ver",
+ "Ġs er",
+ "Ġ en",
+ "Ġof f",
+ "Ġ im",
+ "ct ion",
+ "Ġ Y",
+ "k e",
+ "it e",
+ ", @",
+ "Ġ@ ,@",
+ "t e",
+ "ur n",
+ "Ġinc lud",
+ "res s",
+ "an ce",
+ "an g",
+ "Ġat t",
+ "ic e",
+ "ac e",
+ "ar k",
+ "Ġo ut",
+ "w n",
+ "p h",
+ "em ber",
+ "Ġp re",
+ "Ġu p",
+ "en s",
+ "m an",
+ "Ġe v",
+ "Ġt ime",
+ "nd er",
+ "rou gh",
+ "c ed",
+ "Ġf in",
+ "Ġint o",
+ "on e",
+ "p ort",
+ "rou nd",
+ "w e",
+ "re n",
+ "l es",
+ "in t",
+ "ĠO n",
+ "v el",
+ "Ġcom m",
+ "Ġs he",
+ "as on",
+ "am p",
+ "Ġt e",
+ "Ġw ould",
+ "w ard",
+ "Ġm ore",
+ "Ġ 6",
+ "i ed",
+ "os e",
+ "ri b",
+ "ĠU n",
+ "Ġal l",
+ "ing s",
+ "ter n",
+ "c es",
+ "ab le",
+ "Ġw e",
+ "it ed",
+ "e ver",
+ "ent s",
+ "Ġh im",
+ "as ed",
+ "or s",
+ "o y",
+ "o od",
+ "Ġc ent",
+ "i x",
+ "as e",
+ "il d",
+ "ĠA n",
+ "Ġ 7",
+ "Ġw ork",
+ "at es",
+ "i ous",
+ "at h",
+ "Ġp o",
+ "ro p",
+ "ol d",
+ "al s",
+ "is s",
+ "e y",
+ "ic t",
+ "Ġf e",
+ "Ġthe m",
+ "g an",
+ "Ġs ec",
+ "Ġb et",
+ "Ġwhe n",
+ "Ġs ong",
+ "Ġre m",
+ "e p",
+ "f orm",
+ "a il",
+ "f er",
+ "Ġe ar",
+ "ub l",
+ "a w",
+ "Ġk n",
+ "ak e",
+ "a us",
+ "Ġm ost",
+ "Ġcon s",
+ "Ġd uring",
+ "ĠA s",
+ "or th",
+ "Ġn ew",
+ "er ed",
+ "il m",
+ "v ed",
+ "at t",
+ "Ġon ly",
+ "Ġ 9",
+ "Ġd ec",
+ "Ġ 8",
+ "ic k",
+ "Ġg ame",
+ "on s",
+ "u g",
+ "Ġt r",
+ "f t",
+ "ot h",
+ "o ok",
+ "ĠM ar",
+ "re at",
+ "w ay",
+ "Ġc an",
+ "ol low",
+ "ou th",
+ "we en",
+ "ĠE n",
+ "Ġ19 9",
+ "ter s",
+ "Ġre l",
+ "in d",
+ "Ġab out",
+ "Ġse ason",
+ "Ġag ain",
+ "r al",
+ "Ġth ree",
+ "ation al",
+ "Ġu nder",
+ "ul ar",
+ "Ġm e",
+ "Ġth an",
+ "ĠC om",
+ "ĠA r",
+ "h ip",
+ "o b",
+ "Ġn e",
+ "Ġbet ween",
+ "Ġf l",
+ "h n",
+ "v e",
+ "Ġch ar",
+ "Ġc ol",
+ "Ġrec ord",
+ "i ew",
+ "r on",
+ "f ore",
+ "Ġth rough",
+ "is ion",
+ "or n",
+ "Ġ 00",
+ "oc k",
+ "Ġ ver",
+ "Ġl ater",
+ "Ġn um",
+ "Ġe nd",
+ "ol og",
+ "am es",
+ "Ġp os",
+ "Ġw rit",
+ "Ġpro du",
+ "Ġwh ile",
+ "Ġa ct",
+ "Ġre le",
+ "Ġf ilm",
+ "is hed",
+ "Ġp r",
+ "an s",
+ "Ġre g",
+ "Ġfor m",
+ "Ġas s",
+ "ĠS e",
+ "ur y",
+ "t ed",
+ "t s",
+ "Ġm ade",
+ "Ġsu b",
+ "Ġp e",
+ "Ġs o",
+ "or ld",
+ "Ġre t",
+ "ĠN ew",
+ "Ġsp ec",
+ "Ġa cc",
+ "Ġ qu",
+ "Ġwhe re",
+ "en er",
+ "Ġm ov",
+ "he s",
+ "mer ic",
+ "at ing",
+ "Ġin ter",
+ "ĠL e",
+ "ĠA meric",
+ "Ġ ra",
+ "Ġs ome",
+ "Ġc o",
+ "Ġl ar",
+ "Ġb u",
+ "Ġde f",
+ "b um",
+ "Ġa c",
+ "Ġm us",
+ "Ġf ollow",
+ "ĠA t",
+ "in s",
+ "iv ed",
+ "if ic",
+ "u al",
+ "Ġa m",
+ "Ġsu ch",
+ "Ġsec ond",
+ "i ke",
+ "Ġf our",
+ "Ġin d",
+ "an n",
+ "he n",
+ "Ġus ed",
+ "ĠR e",
+ "ic s",
+ "le ct",
+ "Ġd ay",
+ "i el",
+ "il y",
+ "ĠTh is",
+ "Ġ 0",
+ "Ġp ubl",
+ "Ġc all",
+ "ĠJ o",
+ "l l",
+ "Ġal bum",
+ "Ġ00 0",
+ "ran s",
+ "Ġd o",
+ "an y",
+ "Ġbe fore",
+ "ro s",
+ "ĠS h",
+ "Ġs y",
+ "a id",
+ "ĠEn g",
+ "Ġbe ing",
+ "Ġ1 0",
+ "u c",
+ "Ġe p",
+ "Ġsu pp",
+ "Ġthe re",
+ "Ġyear s",
+ "ar s",
+ "ow ever",
+ "Ġ ent",
+ "if e",
+ "Ġh igh",
+ "Ġf ound",
+ "ir d",
+ "Ġn o",
+ "Ġs et",
+ "in es",
+ "iv er",
+ "i o",
+ "ot her",
+ "j ect",
+ "Ġs ur",
+ "a j",
+ "t en",
+ "Ġt ra",
+ "Ġ1 2",
+ "is ed",
+ "it ies",
+ "vel op",
+ "Ġb l",
+ "al e",
+ "Ġser ies",
+ "Ġl oc",
+ "Ġnum ber",
+ "Ġp res",
+ "an e",
+ "aus e",
+ "od e",
+ "e k",
+ "t on",
+ "ĠS c",
+ "i er",
+ "is e",
+ "Ġse ver",
+ "in ce",
+ "Ġb oth",
+ "an k",
+ "ro w",
+ "ire ct",
+ "s on",
+ "Ġthe n",
+ "ĠB rit",
+ "i et",
+ "Ġ1 6",
+ "Ġep is",
+ "Ġinclud ing",
+ "it s",
+ "ig in",
+ "p r",
+ "Ġ /",
+ "Ġagain st",
+ "Ġw ell",
+ "Ġbec ame",
+ "Ġex p",
+ "Ġkn own",
+ "Ġt rans",
+ "Ġchar ac",
+ "ĠâĢ Ķ",
+ "r am",
+ "Ġb ack",
+ "Ġad d",
+ "Ġp op",
+ "Ġg o",
+ "ur ch",
+ "Ġdes c",
+ "Ġs ing",
+ "iel d",
+ "Ġper form",
+ "ain ed",
+ "Ġre ce",
+ "id ent",
+ "Ġe m",
+ "er t",
+ "u res",
+ "Ġin v",
+ "Ġde p",
+ "Ġ19 8",
+ "a ir",
+ "er n",
+ "at her",
+ "f ul",
+ "Ġ Z",
+ "Ġm on",
+ "Ġman y",
+ "Ġm ain",
+ "Ġst ud",
+ "Ġl ong",
+ "in n",
+ "th ough",
+ "u p",
+ "o ol",
+ "ĠUn ited",
+ "l ed",
+ "em ent",
+ "Ġ1 5",
+ "ow er",
+ "ĠJo hn",
+ "Ġo p",
+ "Ġ1 1",
+ "in ed",
+ "Ġm et",
+ "o ber",
+ "le y",
+ "Ġ1 7",
+ "Ġcent ury",
+ "Ġte am",
+ "Ġ est",
+ "ĠA fter",
+ "y l",
+ "Ġm in",
+ "u ch",
+ "ut e",
+ "Ġde velop",
+ "ĠS he",
+ "i am",
+ "Ġsh ow",
+ "el f",
+ "Ġre p",
+ "Ġcon c",
+ "at ive",
+ "Ġc re",
+ "over n",
+ "a red",
+ "Ġ19 4",
+ "Ġor igin",
+ "Ġs m",
+ "iv ers",
+ "a z",
+ "Ġle ad",
+ "Ġsever al",
+ "a h",
+ "Ġo b",
+ "Ġre v",
+ "Ġm ill",
+ "er m",
+ "u ally",
+ "o ot",
+ "Ġbe gan",
+ "Ġ19 6",
+ "i red",
+ "Ġd if",
+ "Ġcont in",
+ "Ġs ign",
+ "i k",
+ "ĠI nd",
+ "ment s",
+ "iz ed",
+ "Ġ19 7",
+ "Ġd irect",
+ "a u",
+ "Ġex t",
+ "ros s",
+ "em b",
+ "d er",
+ "Ġp ol",
+ "Ġm ay",
+ "a pt",
+ "el s",
+ "ĠW h",
+ "Ġcomp le",
+ "Ġar t",
+ "ĠB r",
+ "ĠI s",
+ "un e",
+ "t il",
+ "Ġc rit",
+ "Ġh ist",
+ "Ġear ly",
+ "Ġc ould",
+ "ĠC on",
+ "Ġd id",
+ "Ġb el",
+ "Ġcall ed",
+ "u ed"
+ ]
+ }
+}
\ No newline at end of file
diff --git a/tokenizer_config.json b/tokenizer_config.json
new file mode 100644
index 0000000000000000000000000000000000000000..3a66962fc739739d3e63f0175e25324b0ef2e246
--- /dev/null
+++ b/tokenizer_config.json
@@ -0,0 +1 @@
+{"errors": "replace", "bos_token": "", "eos_token": "", "sep_token": "", "cls_token": "", "unk_token": "", "pad_token": "", "mask_token": {"content": "", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false, "__type": "AddedToken"}, "add_prefix_space": false, "trim_offsets": true, "model_max_length": 1024, "special_tokens_map_file": null, "name_or_path": "./", "tokenizer_class": "BartTokenizer"}
\ No newline at end of file
diff --git a/vocab.json b/vocab.json
new file mode 100644
index 0000000000000000000000000000000000000000..d74bafae4ae52dc777e1fadd8d6cf03097220b61
--- /dev/null
+++ b/vocab.json
@@ -0,0 +1 @@
+{"":0,"":1,"":2,"":3,"":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":94,"|":95,"}":96,"~":97,"¡":98,"¢":99,"£":100,"¤":101,"¥":102,"¦":103,"§":104,"¨":105,"©":106,"ª":107,"«":108,"¬":109,"®":110,"¯":111,"°":112,"±":113,"²":114,"³":115,"´":116,"µ":117,"¶":118,"·":119,"¸":120,"¹":121,"º":122,"»":123,"¼":124,"½":125,"¾":126,"¿":127,"Â":128,"Ã":129,"Ä":130,"Å":131,"Æ":132,"Ç":133,"È":134,"É":135,"Ê":136,"Ë":137,"Ì":138,"Í":139,"Î":140,"Ï":141,"Ð":142,"Ñ":143,"Ö":144,"×":145,"Ø":146,"Ù":147,"Ü":148,"à":149,"á":150,"â":151,"ã":152,"ä":153,"å":154,"æ":155,"ç":156,"è":157,"é":158,"ë":159,"ì":160,"ï":161,"Ċ":162,"Ġ":163,"Ģ":164,"ģ":165,"Ĥ":166,"ĥ":167,"Ħ":168,"ħ":169,"Ĩ":170,"ĩ":171,"Ī":172,"ī":173,"Ĭ":174,"ĭ":175,"Į":176,"į":177,"İ":178,"ı":179,"IJ":180,"ij":181,"Ĵ":182,"ĵ":183,"Ķ":184,"ķ":185,"ĸ":186,"Ĺ":187,"ĺ":188,"Ļ":189,"ļ":190,"Ľ":191,"ľ":192,"Ŀ":193,"ŀ":194,"Ł":195,"ł":196,"Ń":197,"Ġt":198,"he":199,"Ġa":200,"in":201,"Ġthe":202,"er":203,"on":204,"Ġ,":205,"re":206,"Ġs":207,"ed":208,"Ġo":209,"Ġw":210,"nd":211,"at":212,"Ġ.":213,"or":214,"it":215,"Ġc":216,"en":217,"Ġf":218,"is":219,"es":220,"ar":221,"Ġof":222,"Ġb":223,"an":224,"Ġin":225,"al":226,"ing":227,"Ġp":228,"Ġand":229,"as":230,"Ġto":231,"ro":232,"ic":233,"Ġm":234,"Ġd":235,"Ġh":236,"ion":237,"le":238,"ou":239,"ĠT":240,"Ġre":241,"Ġ=":242,"Ġ\"":243,"ĠA":244,"ĠS":245,"ent":246,"il":247,"Ġth":248,"Ġ1":249,"st":250,"ĠC":251,"el":252,"om":253,"Ġl":254,"am":255,"ĠĊ":256,"Ġe":257,"Ġn":258,"Ġ@":259,"ad":260,"ac":261,"Ġwas":262,"ĠM":263,"ur":264,"ĠThe":265,"ec":266,"Ġon":267,"ly":268,"ĠB":269,"ĠI":270,"Ġg":271,"Ġ'":272,"et":273,"ol":274,"id":275,"iv":276,"im":277,"Ġfor":278,"ir":279,"-@":280,"Ġ@-@":281,"ig":282,"ot":283,"ter":284,"Ġas":285,"ĠH":286,"us":287,"ow":288,"Ġst":289,"ut":290,"ith":291,"ay":292,"Ġ2":293,"ĠP":294,"ation":295,"ver":296,"Ġbe":297,"her":298,"Ġthat":299,"Ġwith":300,"ĠR":301,"ce":302,"th":303,"ĠD":304,"Ġis":305,"un":306,"em":307,"ĠF":308,"Ġwh":309,"ul":310,"Ġby":311,"Ġal":312,"ch":313,"Ġ)":314,"Ġ(":315,"ĠW":316,"Ġcon":317,"ra":318,"ĠG":319,"os":320,"ĠL":321,"ĠN":322,"Ġat":323,"ers":324,"ct":325,"Ġit":326,"Ġ19":327,"rom":328,"and":329,"Ġan":330,"um":331,"est":332,"ĠJ":333,"ag":334,"Ġhe":335,"00":336,"ist":337,"ain":338,"od":339,"av":340,"ri":341,"ĠE":342,"ĠO":343,"Ġfrom":344,"Ġcom":345,"Ġhis":346,"op":347,"Ġpro":348,"res":349,"ies":350,"if":351,"Ġv":352,"ort":353,"ere":354,"ill":355,"ld":356,"Ġde":357,"pp":358,"Ġsu":359,"ore":360,"ĠIn":361,"Ġr":362,"Ġse":363,"Ġwere":364,"ew":365,"ong":366,"igh":367,"ard":368,"ate":369,"all":370,"art":371,"ak":372,"ich":373,"Ġch":374,"Ġor":375,"ab":376,"ant":377,"ud":378,"oc":379,"ber":380,"Ġex":381,"gh":382,"ity":383,"ated":384,"pt":385,"ess":386,"ear":387,"ĠK":388,"Ġpl":389,"ame":390,"qu":391,"ive":392,"rou":393,"Ġare":394,"Ġâ":395,"Ġsh":396,"Ġk":397,"ack":398,"ect":399,"ĠâĢ":400,"ĠU":401,"Ġhad":402,"se":403,"Ġwhich":404,"red":405,"ov":406,"ĠSt":407,"ast":408,"Ġsp":409,"ian":410,"Ġy":411,"ment":412,"Ġle":413,"Ġnot":414,"ge":415,"ord":416,"rit":417,"ip":418,"ine":419,"ell":420,"ally":421,"our":422,"ost":423,"ight":424,"ther":425,"ap":426,"Ġu":427,"ish":428,"ĠCh":429,"oun":430,"ia":431,"Ġ3":432,"ave":433,"ary":434,"ust":435,"og":436,"Ġ200":437,"Ġun":438,"ous":439,"irst":440,"ĠV":441,"cc":442,"Ġinc":443,"Ġ;":444,"Ġcomp":445,"ru":446,"ions":447,"Ġtheir":448,"Ġbut":449,"ide":450,"ure":451,"so":452,"Ġcont":453,"Ġint":454,"fter":455,"ical":456,"ial":457,"Ġar":458,"Ġfirst":459,"ould":460,"Ġits":461,"hed":462,"ĠâĢĵ":463,"Ġwhe":464,"wo":465,"out":466,"ub":467,"Ġ20":468,"ff":469,"Ġ:":470,"ue":471,"Ġher":472,"own":473,"ok":474,"Ġalso":475,"Ġcl":476,"per":477,"ign":478,"ater":479,"ran":480,"orm":481,"ie":482,"ome":483,"ork":484,"ass":485,"ire":486,"end":487,"Ġres":488,"Ġab":489,"Ġad":490,"Ġus":491,"ry":492,"Ġrec":493,"Ġhave":494,"age":495,"ĠHe":496,"Ġ4":497,"Ġro":498,"mer":499,"Ġone":500,"ond":501,"low":502,"Ġhas":503,"ĠTh":504,"du":505,"Ġ5":506,"Ġper":507,"Ġbeen":508,"ime":509,"Ġtwo":510,"ence":511,"land":512,"Ġ18":513,".@":514,"Ġ@.@":515,"ult":516,"ree":517,"ough":518,"ile":519,"Ġwho":520,"ĠAl":521,"Ġsc":522,"uring":523,"pl":524,"ory":525,"ition":526,"ric":527,"ations":528,"Ġdis":529,"Ġthis":530,"Ġbec":531,"Ġapp":532,"iz":533,"ĠIt":534,"are":535,"ach":536,"lud":537,"ade":538,"Ġplay":539,"Ġj":540,"Ġman":541,"act":542,"ely":543,"Ġpart":544,"Ġdes":545,"Ġag":546,"Ġthey":547,"Ġyear":548,"ount":549,"Ġ201":550,"Ġover":551,"Ġother":552,"ound":553,"Ġafter":554,"ib":555,"over":556,"Ġser":557,"Ġen":558,"Ġoff":559,"Ġim":560,"ction":561,"ĠY":562,"ke":563,"ite":564,",@":565,"Ġ@,@":566,"te":567,"urn":568,"Ġinclud":569,"ress":570,"ance":571,"ang":572,"Ġatt":573,"ice":574,"ace":575,"ark":576,"Ġout":577,"wn":578,"ph":579,"ember":580,"Ġpre":581,"Ġup":582,"ens":583,"man":584,"Ġev":585,"Ġtime":586,"nder":587,"rough":588,"ced":589,"Ġfin":590,"Ġinto":591,"one":592,"port":593,"round":594,"we":595,"ren":596,"les":597,"int":598,"ĠOn":599,"vel":600,"Ġcomm":601,"Ġshe":602,"ason":603,"amp":604,"Ġte":605,"Ġwould":606,"ward":607,"Ġmore":608,"Ġ6":609,"ied":610,"ose":611,"rib":612,"ĠUn":613,"Ġall":614,"ings":615,"tern":616,"ces":617,"able":618,"Ġwe":619,"ited":620,"ever":621,"ents":622,"Ġhim":623,"ased":624,"ors":625,"oy":626,"ood":627,"Ġcent":628,"ix":629,"ase":630,"ild":631,"ĠAn":632,"Ġ7":633,"Ġwork":634,"ates":635,"ious":636,"ath":637,"Ġpo":638,"rop":639,"old":640,"als":641,"iss":642,"ey":643,"ict":644,"Ġfe":645,"Ġthem":646,"gan":647,"Ġsec":648,"Ġbet":649,"Ġwhen":650,"Ġsong":651,"Ġrem":652,"ep":653,"form":654,"ail":655,"fer":656,"Ġear":657,"ubl":658,"aw":659,"Ġkn":660,"ake":661,"aus":662,"Ġmost":663,"Ġcons":664,"Ġduring":665,"ĠAs":666,"orth":667,"Ġnew":668,"ered":669,"ilm":670,"ved":671,"att":672,"Ġonly":673,"Ġ9":674,"Ġdec":675,"Ġ8":676,"ick":677,"Ġgame":678,"ons":679,"ug":680,"Ġtr":681,"ft":682,"oth":683,"ook":684,"ĠMar":685,"reat":686,"way":687,"Ġcan":688,"ollow":689,"outh":690,"ween":691,"ĠEn":692,"Ġ199":693,"ters":694,"Ġrel":695,"ind":696,"Ġabout":697,"Ġseason":698,"Ġagain":699,"ral":700,"Ġthree":701,"ational":702,"Ġunder":703,"ular":704,"Ġme":705,"Ġthan":706,"ĠCom":707,"ĠAr":708,"hip":709,"ob":710,"Ġne":711,"Ġbetween":712,"Ġfl":713,"hn":714,"ve":715,"Ġchar":716,"Ġcol":717,"Ġrecord":718,"iew":719,"ron":720,"fore":721,"Ġthrough":722,"ision":723,"orn":724,"Ġ00":725,"ock":726,"Ġver":727,"Ġlater":728,"Ġnum":729,"Ġend":730,"olog":731,"ames":732,"Ġpos":733,"Ġwrit":734,"Ġprodu":735,"Ġwhile":736,"Ġact":737,"Ġrele":738,"Ġfilm":739,"ished":740,"Ġpr":741,"ans":742,"Ġreg":743,"Ġform":744,"Ġass":745,"ĠSe":746,"ury":747,"ted":748,"ts":749,"Ġmade":750,"Ġsub":751,"Ġpe":752,"Ġso":753,"orld":754,"Ġret":755,"ĠNew":756,"Ġspec":757,"Ġacc":758,"Ġqu":759,"Ġwhere":760,"ener":761,"Ġmov":762,"hes":763,"meric":764,"ating":765,"Ġinter":766,"ĠLe":767,"ĠAmeric":768,"Ġra":769,"Ġsome":770,"Ġco":771,"Ġlar":772,"Ġbu":773,"Ġdef":774,"bum":775,"Ġac":776,"Ġmus":777,"Ġfollow":778,"ĠAt":779,"ins":780,"ived":781,"ific":782,"ual":783,"Ġam":784,"Ġsuch":785,"Ġsecond":786,"ike":787,"Ġfour":788,"Ġind":789,"ann":790,"hen":791,"Ġused":792,"ĠRe":793,"ics":794,"lect":795,"Ġday":796,"iel":797,"ily":798,"ĠThis":799,"Ġ0":800,"Ġpubl":801,"Ġcall":802,"ĠJo":803,"ll":804,"Ġalbum":805,"Ġ000":806,"rans":807,"Ġdo":808,"any":809,"Ġbefore":810,"ros":811,"ĠSh":812,"Ġsy":813,"aid":814,"ĠEng":815,"Ġbeing":816,"Ġ10":817,"uc":818,"Ġep":819,"Ġsupp":820,"Ġthere":821,"Ġyears":822,"ars":823,"owever":824,"Ġent":825,"ife":826,"Ġhigh":827,"Ġfound":828,"ird":829,"Ġno":830,"Ġset":831,"ines":832,"iver":833,"io":834,"other":835,"ject":836,"Ġsur":837,"aj":838,"ten":839,"Ġtra":840,"Ġ12":841,"ised":842,"ities":843,"velop":844,"Ġbl":845,"ale":846,"Ġseries":847,"Ġloc":848,"Ġnumber":849,"Ġpres":850,"ane":851,"ause":852,"ode":853,"ek":854,"ton":855,"ĠSc":856,"ier":857,"ise":858,"Ġsever":859,"ince":860,"Ġboth":861,"ank":862,"row":863,"irect":864,"son":865,"Ġthen":866,"ĠBrit":867,"iet":868,"Ġ16":869,"Ġepis":870,"Ġincluding":871,"its":872,"igin":873,"pr":874,"Ġ/":875,"Ġagainst":876,"Ġwell":877,"Ġbecame":878,"Ġexp":879,"Ġknown":880,"Ġtrans":881,"Ġcharac":882,"ĠâĢĶ":883,"ram":884,"Ġback":885,"Ġadd":886,"Ġpop":887,"Ġgo":888,"urch":889,"Ġdesc":890,"Ġsing":891,"ield":892,"Ġperform":893,"ained":894,"Ġrece":895,"ident":896,"Ġem":897,"ert":898,"ures":899,"Ġinv":900,"Ġdep":901,"Ġ198":902,"air":903,"ern":904,"ather":905,"ful":906,"ĠZ":907,"Ġmon":908,"Ġmany":909,"Ġmain":910,"Ġstud":911,"Ġlong":912,"inn":913,"though":914,"up":915,"ool":916,"ĠUnited":917,"led":918,"ement":919,"Ġ15":920,"ower":921,"ĠJohn":922,"Ġop":923,"Ġ11":924,"ined":925,"Ġmet":926,"ober":927,"ley":928,"Ġ17":929,"Ġcentury":930,"Ġteam":931,"Ġest":932,"ĠAfter":933,"yl":934,"Ġmin":935,"uch":936,"ute":937,"Ġdevelop":938,"ĠShe":939,"iam":940,"Ġshow":941,"elf":942,"Ġrep":943,"Ġconc":944,"ative":945,"Ġcre":946,"overn":947,"ared":948,"Ġ194":949,"Ġorigin":950,"Ġsm":951,"ivers":952,"az":953,"Ġlead":954,"Ġseveral":955,"ah":956,"Ġob":957,"Ġrev":958,"Ġmill":959,"erm":960,"ually":961,"oot":962,"Ġbegan":963,"Ġ196":964,"ired":965,"Ġdif":966,"Ġcontin":967,"Ġsign":968,"ik":969,"ĠInd":970,"ments":971,"ized":972,"Ġ197":973,"Ġdirect":974,"au":975,"Ġext":976,"ross":977,"emb":978,"der":979,"Ġpol":980,"Ġmay":981,"apt":982,"els":983,"ĠWh":984,"Ġcomple":985,"Ġart":986,"ĠBr":987,"ĠIs":988,"une":989,"til":990,"Ġcrit":991,"Ġhist":992,"Ġearly":993,"Ġcould":994,"ĠCon":995,"Ġdid":996,"Ġbel":997,"Ġcalled":998,"ued":999}
\ No newline at end of file
diff --git a/wandb/debug-internal.log b/wandb/debug-internal.log
new file mode 120000
index 0000000000000000000000000000000000000000..a0d90982eed0d34dbe313042d1cc86161f527860
--- /dev/null
+++ b/wandb/debug-internal.log
@@ -0,0 +1 @@
+run-20220507_182041-10w2xueo/logs/debug-internal.log
\ No newline at end of file
diff --git a/wandb/debug.log b/wandb/debug.log
new file mode 120000
index 0000000000000000000000000000000000000000..3abd6b3f48578b635b163c4f9b067d97f24dc096
--- /dev/null
+++ b/wandb/debug.log
@@ -0,0 +1 @@
+run-20220507_182041-10w2xueo/logs/debug.log
\ No newline at end of file
diff --git a/wandb/latest-run b/wandb/latest-run
new file mode 120000
index 0000000000000000000000000000000000000000..a8cce6748040f097db95ae700939c881e63ea8f3
--- /dev/null
+++ b/wandb/latest-run
@@ -0,0 +1 @@
+run-20220507_182041-10w2xueo
\ No newline at end of file
diff --git a/wandb/run-20220507_174148-2l3y3icw/files/config.yaml b/wandb/run-20220507_174148-2l3y3icw/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..9fa9139edbab2b37c35f05725b64e2da78d0e089
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651945308
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_174148-2l3y3icw/files/output.log b/wandb/run-20220507_174148-2l3y3icw/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..9a322ac5370d7506595552b0161b1ac8a2735b05
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/files/output.log
@@ -0,0 +1,128 @@
+05/07/2022 17:41:51 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 17:41:51 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 17:41:52 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:41:53 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:41:53 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+Traceback (most recent call last):
+ File "run_flax_speech_recognition_seq2seq.py", line 1388, in
+ main()
+ File "run_flax_speech_recognition_seq2seq.py", line 729, in main
+ raw_datasets[split] = load_dataset(
+ File "/home/sanchitgandhi/datasets/src/datasets/load.py", line 1703, in load_dataset
+ ds = builder_instance.as_dataset(split=split, ignore_verifications=ignore_verifications, in_memory=keep_in_memory)
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 774, in as_dataset
+ datasets = map_nested(
+ File "/home/sanchitgandhi/datasets/src/datasets/utils/py_utils.py", line 306, in map_nested
+ return function(data_struct)
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 805, in _build_single_dataset
+ ds = self._as_dataset(
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 873, in _as_dataset
+ dataset_kwargs = ArrowReader(self._cache_dir, self.info).read(
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 210, in read
+ files = self.get_file_instructions(name, instructions, split_infos)
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 183, in get_file_instructions
+ file_instructions = make_file_instructions(
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 104, in make_file_instructions
+ instruction = ReadInstruction.from_spec(instruction)
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 560, in from_spec
+ instruction = _str_to_read_instruction(subs[0])
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 396, in _str_to_read_instruction
+ raise AssertionError(f"Unrecognized instruction format: {spec}")
+AssertionError: Unrecognized instruction format: validation[:90%]
\ No newline at end of file
diff --git a/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt b/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json b/wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..db4bf796cb0730823e74cd1a9a242961ba372293
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T17:41:51.879768",
+ "startedAt": "2022-05-07T17:41:48.769592",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%] + validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json b/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..74ae82ca002f26112178f0cd636ac5b92bf8e035
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json
@@ -0,0 +1 @@
+{"_wandb": {"runtime": 6}}
\ No newline at end of file
diff --git a/wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log b/wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..c653cb40139f9f176643b507841c764889f89f87
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log
@@ -0,0 +1,140 @@
+2022-05-07 17:41:49,607 INFO MainThread:14620 [internal.py:wandb_internal():92] W&B internal server running at pid: 14620, started at: 2022-05-07 17:41:49.606834
+2022-05-07 17:41:49,609 INFO WriterThread:14620 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb
+2022-05-07 17:41:49,610 DEBUG SenderThread:14620 [sender.py:send():235] send: header
+2022-05-07 17:41:49,610 DEBUG SenderThread:14620 [sender.py:send():235] send: run
+2022-05-07 17:41:49,678 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 17:41:49,678 INFO SenderThread:14620 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files
+2022-05-07 17:41:49,678 INFO SenderThread:14620 [sender.py:_start_run_threads():812] run started: 2l3y3icw with start time 1651945308
+2022-05-07 17:41:49,678 DEBUG SenderThread:14620 [sender.py:send():235] send: summary
+2022-05-07 17:41:49,679 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:41:49,679 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: check_version
+2022-05-07 17:41:49,739 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 17:41:50,689 INFO Thread-7 :14620 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json
+2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:__init__():37] meta init
+2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:__init__():51] meta init done
+2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:probe():211] probe
+2022-05-07 17:41:51,880 DEBUG HandlerThread:14620 [meta.py:_setup_git():201] setup git
+2022-05-07 17:41:51,909 DEBUG HandlerThread:14620 [meta.py:_setup_git():208] setup git done
+2022-05-07 17:41:51,909 DEBUG HandlerThread:14620 [meta.py:_save_pip():55] save pip
+2022-05-07 17:41:51,910 DEBUG HandlerThread:14620 [meta.py:_save_pip():69] save pip done
+2022-05-07 17:41:51,910 DEBUG HandlerThread:14620 [meta.py:probe():249] probe done
+2022-05-07 17:41:51,912 DEBUG SenderThread:14620 [sender.py:send():235] send: files
+2022-05-07 17:41:51,913 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 17:41:51,918 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:41:51,918 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:41:51,948 DEBUG SenderThread:14620 [sender.py:send():235] send: telemetry
+2022-05-07 17:41:52,187 INFO Thread-11 :14620 [upload_job.py:push():137] Uploaded file /tmp/tmpandpth3dwandb/1ih5opi9-wandb-metadata.json
+2022-05-07 17:41:52,688 INFO Thread-7 :14620 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt
+2022-05-07 17:41:52,689 INFO Thread-7 :14620 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log
+2022-05-07 17:41:52,689 INFO Thread-7 :14620 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json
+2022-05-07 17:41:53,838 DEBUG SenderThread:14620 [sender.py:send():235] send: telemetry
+2022-05-07 17:41:53,838 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:41:54,689 INFO Thread-7 :14620 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log
+2022-05-07 17:41:55,690 INFO Thread-7 :14620 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log
+2022-05-07 17:41:56,439 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,439 DEBUG SenderThread:14620 [sender.py:send():235] send: exit
+2022-05-07 17:41:56,439 INFO SenderThread:14620 [sender.py:send_exit():371] handling exit code: 1
+2022-05-07 17:41:56,439 INFO SenderThread:14620 [sender.py:send_exit():373] handling runtime: 6
+2022-05-07 17:41:56,440 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:41:56,440 INFO SenderThread:14620 [sender.py:send_exit():379] send defer
+2022-05-07 17:41:56,440 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:56,441 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,441 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 17:41:56,441 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,441 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 17:41:56,441 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 1
+2022-05-07 17:41:56,441 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,441 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 17:41:56,501 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,501 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 17:41:56,501 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 2
+2022-05-07 17:41:56,501 DEBUG SenderThread:14620 [sender.py:send():235] send: stats
+2022-05-07 17:41:56,502 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,502 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 17:41:56,502 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,502 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 17:41:56,502 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 3
+2022-05-07 17:41:56,502 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,502 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 17:41:56,503 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 4
+2022-05-07 17:41:56,503 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,503 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 17:41:56,503 DEBUG SenderThread:14620 [sender.py:send():235] send: summary
+2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:41:56,504 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 5
+2022-05-07 17:41:56,504 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,504 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 17:41:56,504 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 17:41:56,542 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,563 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 6
+2022-05-07 17:41:56,563 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:56,564 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,564 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 17:41:56,564 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,564 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 17:41:56,564 INFO SenderThread:14620 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 17:41:56,665 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,690 INFO Thread-7 :14620 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json
+2022-05-07 17:41:56,691 INFO SenderThread:14620 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/config.yaml
+2022-05-07 17:41:56,691 INFO SenderThread:14620 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log
+2022-05-07 17:41:56,691 INFO SenderThread:14620 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files
+2022-05-07 17:41:56,691 INFO SenderThread:14620 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt requirements.txt
+2022-05-07 17:41:56,691 INFO SenderThread:14620 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log output.log
+2022-05-07 17:41:56,692 INFO SenderThread:14620 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 17:41:56,692 INFO SenderThread:14620 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/config.yaml config.yaml
+2022-05-07 17:41:56,692 INFO SenderThread:14620 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json wandb-summary.json
+2022-05-07 17:41:56,692 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 7
+2022-05-07 17:41:56,693 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:56,693 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:56,693 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 17:41:56,696 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:56,696 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 17:41:56,696 INFO SenderThread:14620 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:41:56,794 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,794 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:56,896 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,896 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:56,940 INFO Thread-13 :14620 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/output.log
+2022-05-07 17:41:56,947 INFO Thread-14 :14620 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/config.yaml
+2022-05-07 17:41:56,969 INFO Thread-15 :14620 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json
+2022-05-07 17:41:56,988 INFO Thread-12 :14620 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/files/requirements.txt
+2022-05-07 17:41:56,998 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:56,998 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:57,100 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:57,100 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:57,189 INFO Thread-6 :14620 [sender.py:transition_state():392] send defer: 8
+2022-05-07 17:41:57,189 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:57,189 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 17:41:57,189 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:57,189 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 17:41:57,202 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:59,454 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 9
+2022-05-07 17:41:59,455 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:59,455 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:59,455 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 17:41:59,455 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 10
+2022-05-07 17:41:59,456 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:41:59,456 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send():235] send: final
+2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send():235] send: footer
+2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 17:41:59,556 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:41:59,557 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:41:59,557 INFO SenderThread:14620 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:42:00,139 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 17:42:00,140 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 17:42:00,141 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 17:42:00,141 INFO HandlerThread:14620 [handler.py:finish():778] shutting down handler
+2022-05-07 17:42:00,457 INFO WriterThread:14620 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb
+2022-05-07 17:42:01,038 INFO SenderThread:14620 [sender.py:finish():1078] shutting down sender
+2022-05-07 17:42:01,038 INFO SenderThread:14620 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:42:01,038 INFO SenderThread:14620 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:42:01,040 INFO MainThread:14620 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_174148-2l3y3icw/logs/debug.log b/wandb/run-20220507_174148-2l3y3icw/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..b27071cf47e767d93e152edf9105b3cd5d4b5ad2
--- /dev/null
+++ b/wandb/run-20220507_174148-2l3y3icw/logs/debug.log
@@ -0,0 +1,107 @@
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/logs/debug.log
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():439] calling init triggers
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():492] starting backend
+2022-05-07 17:41:48,771 INFO MainThread:13561 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 17:41:48,796 INFO MainThread:13561 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 17:41:48,820 INFO MainThread:13561 [backend.py:ensure_launched():224] started backend process with pid: 14620
+2022-05-07 17:41:48,822 INFO MainThread:13561 [wandb_init.py:init():501] backend started and connected
+2022-05-07 17:41:48,835 INFO MainThread:13561 [wandb_init.py:init():565] updated telemetry
+2022-05-07 17:41:48,893 INFO MainThread:13561 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 17:41:49,677 INFO MainThread:13561 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 17:41:49,738 INFO MainThread:13561 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 17:41:49,738 INFO MainThread:13561 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 17:41:51,918 INFO MainThread:13561 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 17:41:51,919 INFO MainThread:13561 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 17:41:51,919 INFO MainThread:13561 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 17:41:51,921 INFO MainThread:13561 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 17:41:51,921 INFO MainThread:13561 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 17:41:53,831 INFO MainThread:13561 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 1
+2022-05-07 17:41:53,838 INFO MainThread:13561 [wandb_run.py:_restore():1674] restore
+2022-05-07 17:41:56,441 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2109
+ total_bytes: 2109
+}
+
+2022-05-07 17:41:56,564 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2109
+ total_bytes: 2109
+}
+
+2022-05-07 17:41:56,693 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 2
+}
+pusher_stats {
+ uploaded_bytes: 2109
+ total_bytes: 5322
+}
+
+2022-05-07 17:41:56,795 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+
+2022-05-07 17:41:56,897 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+
+2022-05-07 17:41:56,999 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+
+2022-05-07 17:41:57,101 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+
+2022-05-07 17:41:59,455 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+
+2022-05-07 17:42:00,038 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 10695
+ total_bytes: 10695
+}
+local_info {
+}
+
+2022-05-07 17:42:01,470 INFO MainThread:13561 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 17:42:01,470 INFO MainThread:13561 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 17:42:01,472 INFO MainThread:13561 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb b/wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..6d00e41c2f642cd063d455f0be45e6ca7bd28cbd
Binary files /dev/null and b/wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb differ
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml b/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..edb52b0f194909b6045c228d2ef21448873320e2
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml
@@ -0,0 +1,37 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651945377
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 5
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..9c9c0b70a3e278293f0cce9c0bee02ae9edf2d5f
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5c173cda6bef35c637c6655d5f642b090b989ea4
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8621e8ec4c710efff5623b55e03200c677cb8a
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/output.log b/wandb/run-20220507_174257-1i5p0k1k/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..1910a53d452d1238baddf48d7e3663f77b62601c
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/output.log
@@ -0,0 +1,841 @@
+05/07/2022 17:43:00 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 17:43:00 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 17:43:01 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:43:01 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 17:43:02 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:43:02 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+preprocess train dataset: 0%| | 0/73 [00:00, ?ex/s]
+05/07/2022 17:43:19 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:43:19 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+preprocess train dataset: 100%|█████████████████████████████████████████████████████████| 73/73 [00:05<00:00, 12.74ex/s]
+preprocess train dataset: 100%|████████████████████████████████████████████████████████| 66/66 [00:00<00:00, 344.26ex/s]
+preprocess train dataset: 100%|████████████████████████████████████████████████████████| 69/69 [00:00<00:00, 348.17ex/s]
+100%|█████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 25.07ba/s]
+100%|███████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 1008.49ba/s]
+100%|███████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 1090.00ba/s]
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 682.44ba/s]
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 777.44ba/s]
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 695.92ba/s]
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 17:43:20.362548: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 17:43:20.362582: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+05/07/2022 17:43:20 - INFO - __main__ - ***** Running training *****
+05/07/2022 17:43:20 - INFO - __main__ - Num examples = 68
+05/07/2022 17:43:20 - INFO - __main__ - Num Epochs = 34
+05/07/2022 17:43:20 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 17:43:20 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 17:43:20 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 17:43:20 - INFO - __main__ - Total optimization steps = 68
+05/07/2022 17:43:20 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 17:43:20 - INFO - __main__ - Use scan: True
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:24<00:24, 24.75s/it]
+Step... (1 | Loss: 6.909794330596924, Learning Rate: 6.00004568696022e-07, Gradient Norm: 0.20182259380817413)
+Epoch ... (1/34): 3%|█▉ | 1/34 [00:51<27:25, 49.86s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.34s/it]
+Step... (3 | Loss: 6.905749797821045, Learning Rate: 1.7999846022576094e-06, Gradient Norm: 0.21621592342853546)
+Epoch ... (1/34): 6%|███▉ | 2/34 [00:53<11:43, 21.99s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.22s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.22s/it]
+
+
+
+Evaluating ...: 75%|███████████████████████████████████████████████████▊ | 3/4 [01:09<00:22, 22.82s/it]
+Epoch... (3/34 | Eval Loss: 6.906824588775635 | Eval wer: 1.603448275862069 |)
+Epoch... (3/34 | Eval Loss: 6.906824588775635 | Eval wer: 1.603448275862069 |): 9%|▎ | 3/34 [02:06<23:19, 45.13s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.16s/it]
+Epoch... (3/34 | Eval Loss: 6.906824588775635 | Eval wer: 1.603448275862069 |): 12%|▍ | 4/34 [02:07<14:07, 28.25s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (8 | Loss: 6.909614086151123, Learning Rate: 4.799978341907263e-06, Gradient Norm: 0.2112041562795639)
+Epoch... (3/34 | Eval Loss: 6.906824588775635 | Eval wer: 1.603448275862069 |): 15%|▌ | 5/34 [02:11<09:08, 18.93s/it]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Step... (10 | Loss: 6.907970905303955, Learning Rate: 5.999987479299307e-06, Gradient Norm: 0.20816193521022797)
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:01<00:01, 1.75it/s]
+Epoch... (6/34 | Eval Loss: 6.906639575958252 | Eval wer: 1.603448275862069 |)
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 50%|████████████████████████████████████ | 1/2 [00:03<00:03, 3.85s/it]
+Step... (11 | Loss: 6.910458087921143, Learning Rate: 6.599992047995329e-06, Gradient Norm: 0.22143037617206573)
+Epoch... (6/34 | Eval Loss: 6.906639575958252 | Eval wer: 1.603448275862069 |): 18%|▋ | 6/34 [02:15<06:37, 14.19s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.18s/it]
+Step... (13 | Loss: 6.905548572540283, Learning Rate: 7.800001185387373e-06, Gradient Norm: 0.2015129178762436)
+Epoch... (6/34 | Eval Loss: 6.906639575958252 | Eval wer: 1.603448275862069 |): 21%|▊ | 7/34 [02:18<04:39, 10.34s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.17s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.17s/it]
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:01<00:01, 1.77it/s]
+Epoch... (8/34 | Eval Loss: 6.906340599060059 | Eval wer: 1.603448275862069 |): 24%|▉ | 8/34 [02:22<03:43, 8.61s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (16 | Loss: 6.909521579742432, Learning Rate: 9.600014891475439e-06, Gradient Norm: 0.19841279089450836)
+Epoch... (8/34 | Eval Loss: 6.906340599060059 | Eval wer: 1.603448275862069 |): 26%|█ | 9/34 [02:24<02:46, 6.67s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (18 | Loss: 6.905771255493164, Learning Rate: 1.0799994925037026e-05, Gradient Norm: 0.20174430310726166)
+Epoch... (8/34 | Eval Loss: 6.906340599060059 | Eval wer: 1.603448275862069 |): 29%|▉ | 10/34 [02:26<02:08, 5.35s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:01<00:01, 1.82it/s]
+Epoch... (11/34 | Eval Loss: 6.905916213989258 | Eval wer: 1.603448275862069 |)
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 50%|████████████████████████████████████ | 1/2 [00:03<00:03, 3.58s/it]
+Step... (21 | Loss: 6.905186176300049, Learning Rate: 1.2600008631125093e-05, Gradient Norm: 0.21243052184581757)
+Epoch... (11/34 | Eval Loss: 6.905916213989258 | Eval wer: 1.603448275862069 |): 32%|▋ | 11/34 [02:33<01:59, 5.19s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.33s/it]
+Step... (23 | Loss: 6.9039998054504395, Learning Rate: 1.379998866468668e-05, Gradient Norm: 0.2145574390888214)
+Epoch... (11/34 | Eval Loss: 6.905916213989258 | Eval wer: 1.603448275862069 |): 35%|▋ | 12/34 [02:35<01:36, 4.37s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.24s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.24s/it]
+Evaluating ...: 25%|█████████████████▎ | 1/4 [00:00<00:02, 1.37it/s]
+Epoch... (13/34 | Eval Loss: 6.905399322509766 | Eval wer: 1.603448275862069 |): 38%|▊ | 13/34 [02:39<01:35, 4.56s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (26 | Loss: 6.909581184387207, Learning Rate: 1.5600002370774746e-05, Gradient Norm: 0.22509345412254333)
+Epoch... (13/34 | Eval Loss: 6.905399322509766 | Eval wer: 1.603448275862069 |): 41%|▊ | 14/34 [02:41<01:18, 3.90s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.21s/it]
+Step... (29 | Loss: 6.907866477966309, Learning Rate: 1.7400016076862812e-05, Gradient Norm: 0.20910179615020752)
+Epoch... (13/34 | Eval Loss: 6.905399322509766 | Eval wer: 1.603448275862069 |): 44%|▉ | 15/34 [02:45<01:05, 3.45s/it]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 50%|████████████████████████████████████ | 1/2 [00:03<00:03, 3.71s/it]
+Epoch... (16/34 | Eval Loss: 6.904772758483887 | Eval wer: 1.603448275862069 |)
+05/07/2022 17:46:08 - INFO - __main__ - Saving checkpoint...
+Step... (31 | Loss: 6.901575565338135, Learning Rate: 1.85999961104244e-05, Gradient Norm: 0.21939419209957123)
+Epoch... (16/34 | Eval Loss: 6.904772758483887 | Eval wer: 1.603448275862069 |): 47%|▉ | 16/34 [03:11<03:05, 10.31s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.33s/it]
+Epoch... (16/34 | Eval Loss: 6.904772758483887 | Eval wer: 1.603448275862069 |): 50%|█ | 17/34 [03:13<02:15, 7.95s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.22s/it]
+Step... (34 | Loss: 6.906285762786865, Learning Rate: 2.0400009816512465e-05, Gradient Norm: 0.2121836245059967)
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.22s/it]
+Evaluating ...: 25%|█████████████████▎ | 1/4 [00:00<00:02, 1.32it/s]
+Epoch... (18/34 | Eval Loss: 6.904001712799072 | Eval wer: 1.603448275862069 |): 53%|█ | 18/34 [03:17<01:53, 7.08s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Epoch... (18/34 | Eval Loss: 6.904001712799072 | Eval wer: 1.603448275862069 |): 56%|█ | 19/34 [03:20<01:25, 5.67s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (37 | Loss: 6.903077125549316, Learning Rate: 2.2199994418770075e-05, Gradient Norm: 0.20692755281925201)
+
+Epoch... (18/34 | Eval Loss: 6.904001712799072 | Eval wer: 1.603448275862069 |): 59%|█▏| 20/34 [03:22<01:05, 4.69s/it]
+Step... (39 | Loss: 6.90248966217041, Learning Rate: 2.340000355616212e-05, Gradient Norm: 0.21785803139209747)
+Epoch... (18/34 | Eval Loss: 6.904001712799072 | Eval wer: 1.603448275862069 |): 59%|█▏| 20/34 [03:23<01:05, 4.69s/it]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 25%|█████████████████▎ | 1/4 [00:00<00:02, 1.37it/s]
+
+Training...: 0%| | 0/2 [00:03, ?it/s]
+05/07/2022 17:46:47 - INFO - __main__ - Saving checkpoint...
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 100%|████████████████████████████████████████████████████████████████████████| 2/2 [00:05<00:00, 2.59s/it]
+Epoch... (21/34 | Eval Loss: 6.903112411499023 | Eval wer: 1.603448275862069 |): 62%|█▏| 21/34 [03:27<01:02, 4.83s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (42 | Loss: 6.902524471282959, Learning Rate: 2.5199988158419728e-05, Gradient Norm: 0.2166411280632019)
+Epoch... (21/34 | Eval Loss: 6.903112411499023 | Eval wer: 1.603448275862069 |): 65%|█▎| 22/34 [03:30<00:49, 4.11s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.35s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.35s/it]
+Evaluating ...: 75%|███████████████████████████████████████████████████▊ | 3/4 [00:01<00:00, 1.78it/s]
+Epoch... (23/34 | Eval Loss: 6.902121543884277 | Eval wer: 1.603448275862069 |): 68%|█▎| 23/34 [03:36<00:48, 4.37s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.22s/it]
+Step... (46 | Loss: 6.909830570220947, Learning Rate: 2.7600006433203816e-05, Gradient Norm: 0.20912756025791168)
+Epoch... (23/34 | Eval Loss: 6.902121543884277 | Eval wer: 1.603448275862069 |): 71%|█▍| 24/34 [03:38<00:37, 3.77s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.16s/it]
+Step... (48 | Loss: 6.901593208312988, Learning Rate: 2.880001557059586e-05, Gradient Norm: 0.22144821286201477)
+Epoch... (23/34 | Eval Loss: 6.902121543884277 | Eval wer: 1.603448275862069 |): 74%|█▍| 25/34 [03:39<00:30, 3.34s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 75%|███████████████████████████████████████████████████▊ | 3/4 [00:01<00:00, 1.75it/s]
+Epoch... (26/34 | Eval Loss: 6.900992393493652 | Eval wer: 1.2724137931034483 |)
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 100%|████████████████████████████████████████████████████████████████████████| 2/2 [00:04<00:00, 2.42s/it]
+Epoch... (26/34 | Eval Loss: 6.900992393493652 | Eval wer: 1.2724137931034483 |): 76%|▊| 26/34 [03:44<00:30, 3.79s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (51 | Loss: 6.9044108390808105, Learning Rate: 3.060000017285347e-05, Gradient Norm: 0.22064745426177979)
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.23s/it]
+Step... (53 | Loss: 6.9063873291015625, Learning Rate: 3.1800009310245514e-05, Gradient Norm: 0.2018101066350937)
+Epoch... (26/34 | Eval Loss: 6.900992393493652 | Eval wer: 1.2724137931034483 |): 79%|▊| 27/34 [03:48<00:23, 3.39s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.23s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.23s/it]
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:01<00:01, 1.82it/s]
+Epoch... (28/34 | Eval Loss: 6.899757385253906 | Eval wer: 1.2724137931034483 |): 82%|▊| 28/34 [03:53<00:22, 3.82s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.21s/it]
+Step... (56 | Loss: 6.906337261199951, Learning Rate: 3.359999391250312e-05, Gradient Norm: 0.21085792779922485)
+Epoch... (28/34 | Eval Loss: 6.899757385253906 | Eval wer: 1.2724137931034483 |): 85%|▊| 29/34 [03:54<00:16, 3.39s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (58 | Loss: 6.89849853515625, Learning Rate: 3.480000304989517e-05, Gradient Norm: 0.2046382576227188)
+Epoch... (28/34 | Eval Loss: 6.899757385253906 | Eval wer: 1.2724137931034483 |): 88%|▉| 30/34 [03:56<00:12, 3.09s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 25%|█████████████████▎ | 1/4 [00:00<00:02, 1.40it/s]
+Epoch... (31/34 | Eval Loss: 6.898369312286377 | Eval wer: 1.2724137931034483 |)
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 50%|████████████████████████████████████ | 1/2 [00:03<00:03, 3.75s/it]
+Step... (61 | Loss: 6.899321556091309, Learning Rate: 3.659998765215278e-05, Gradient Norm: 0.21138229966163635)
+Epoch... (31/34 | Eval Loss: 6.898369312286377 | Eval wer: 1.2724137931034483 |): 91%|▉| 31/34 [04:02<00:10, 3.64s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.21s/it]
+Epoch... (31/34 | Eval Loss: 6.898369312286377 | Eval wer: 1.2724137931034483 |): 94%|▉| 32/34 [04:05<00:06, 3.27s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.24s/it]
+Step... (64 | Loss: 6.900187015533447, Learning Rate: 3.840000135824084e-05, Gradient Norm: 0.21020692586898804)
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.24s/it]
+Evaluating ...: 25%|█████████████████▎ | 1/4 [00:00<00:02, 1.34it/s]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:04<00:01, 1.24s/it]
+Epoch... (33/34 | Eval Loss: 6.896849155426025 | Eval wer: 1.3195402298850574 |): 97%|▉| 33/34 [04:10<00:03, 3.97s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.17s/it]
+Epoch... (33/34 | Eval Loss: 6.896849155426025 | Eval wer: 1.3195402298850574 |): 100%|█| 34/34 [04:12<00:00, 7.41s/it]
+
+
+Predicting validation[:90%]...: 67%|███████████████████████████████████▎ | 2/3 [00:26<00:13, 13.16s/it]
+Predicting validation[:90%]...: 100%|█████████████████████████████████████████████████████| 3/3 [00:40<00:00, 13.30s/it]
+Predicting validation[:95%]...: 50%|██████████████████████████▌ | 2/4 [00:01<00:01, 1.81it/s]
+
+Predicting validation[:95%]...: 100%|█████████████████████████████████████████████████████| 4/4 [00:02<00:00, 1.81it/s]
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt b/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/wandb-metadata.json b/wandb/run-20220507_174257-1i5p0k1k/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..0b2bbfb6c60722aa349abc49af1fe3cbe8419ed1
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T17:43:00.346691",
+ "startedAt": "2022-05-07T17:42:57.090133",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json b/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..dcc3c06a5e80ab4d4eb6d3de98ab08a3a5e27ab3
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.21253378689289093, "train/decoder_param_norm": 10.987627029418945, "train/encoder_grad_norm": 4.922682637698017e-05, "train/encoder_param_norm": 21.97303009033203, "train/grad_norm": 0.21253380179405212, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.10909102112054825}, "embed_tokens": {"embedding": 0.1809665560722351}, "layernorm_embedding": {"bias": 0.005526430904865265, "scale": 0.0031901332549750805}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 3.427586177124492e-13, "kernel": 9.253830340893998e-13}, "out_proj": {"bias": 0.008129531517624855, "kernel": 4.309444921091199e-05}, "q_proj": {"bias": 6.884073389459844e-13, "kernel": 7.610271462489548e-13}, "v_proj": {"bias": 0.0009289731970056891, "kernel": 3.7862080262129894e-06}}, "encoder_attn_layer_norm": {"bias": 0.008087541908025742, "scale": 0.004553461913019419}, "fc1": {"bias": 0.00018679526692721993, "kernel": 0.00034490408143028617}, "fc2": {"bias": 0.00827382504940033, "kernel": 0.00033785405685193837}, "final_layer_norm": {"bias": 0.009001843631267548, "scale": 0.005251164548099041}, "self_attn": {"k_proj": {"bias": 7.622013575847575e-10, "kernel": 2.969377192130196e-06}, "out_proj": {"bias": 0.00785879697650671, "kernel": 0.0007560073863714933}, "q_proj": {"bias": 1.4828016219325946e-06, "kernel": 2.8806589398300275e-06}, "v_proj": {"bias": 0.000701265933457762, "kernel": 0.0008656183490529656}}, "self_attn_layer_norm": {"bias": 0.00808676891028881, "scale": 0.004554901272058487}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.5822222937677e-07, "kernel": 1.1927432979064179e-06}}, "1": {"conv": {"bias": 2.902938831539359e-06, "kernel": 1.239307721334626e-06}}, "2": {"conv": {"bias": 4.9026639317162335e-05, "kernel": 2.308552666363539e-06}}}}, "encoder": {"layer_norm": {"bias": 4.41868479583718e-08, "scale": 4.518348006854467e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.8959356569376922e-15, "kernel": 1.8978059401764114e-10}, "out_proj": {"bias": 9.350439995614579e-07, "kernel": 1.4083768462569424e-07}, "q_proj": {"bias": 7.241532373747361e-11, "kernel": 2.0723620042240043e-10}, "v_proj": {"bias": 7.495062703810618e-08, "kernel": 1.531028885892738e-07}}, "feed_forward": {"intermediate_dense": {"bias": 4.012208520975946e-08, "kernel": 1.0485123169701183e-07}, "output_dense": {"bias": 8.093501264738734e-07, "kernel": 1.1227934493263092e-07}}, "final_layer_norm": {"bias": 2.752797101379656e-09, "scale": 1.9180173005395318e-09}, "layer_norm": {"bias": 6.394912155371912e-09, "scale": 3.342820464879992e-09}}}, "pos_conv_embed": {"conv": {"bias": 4.4380243480190984e-07, "weight_g": 6.98938906751323e-09, "weight_v": 8.000728257684386e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 8.471805301724089e-08, "scale": 8.231676673631227e-09}, "projection": {"bias": 8.670551210343547e-07, "kernel": 5.633538080473954e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.7996359467506409}, "embed_tokens": {"embedding": 2.508821487426758}, "layernorm_embedding": {"bias": 0.00485301623120904, "scale": 4.0001115798950195}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 3.028344464084398e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.006839009467512369, "kernel": 0.4686592221260071}, "q_proj": {"bias": 3.613975962935001e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.007410613354295492, "kernel": 0.4637395441532135}}, "encoder_attn_layer_norm": {"bias": 0.0069730933755636215, "scale": 5.65699577331543}, "fc1": {"bias": 0.0034250705502927303, "kernel": 0.23019768297672272}, "fc2": {"bias": 0.006854659877717495, "kernel": 0.22845129668712616}, "final_layer_norm": {"bias": 0.006721103098243475, "scale": 5.657331466674805}, "self_attn": {"k_proj": {"bias": 1.582967524882406e-05, "kernel": 0.44904041290283203}, "out_proj": {"bias": 0.0068370625376701355, "kernel": 0.45977431535720825}, "q_proj": {"bias": 0.005923284217715263, "kernel": 0.4391198456287384}, "v_proj": {"bias": 0.006582949310541153, "kernel": 0.4740968942642212}}, "self_attn_layer_norm": {"bias": 0.006973384413868189, "scale": 5.656996726989746}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.004334382712841034, "kernel": 0.7982416749000549}}, "1": {"conv": {"bias": 0.005362796131521463, "kernel": 0.7826848030090332}}, "2": {"conv": {"bias": 0.00517755514010787, "kernel": 0.7937157154083252}}}}, "encoder": {"layer_norm": {"bias": 0.0016286004101857543, "scale": 4.000603675842285}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.206039851320284e-10, "kernel": 0.6511668562889099}, "out_proj": {"bias": 0.004562969319522381, "kernel": 0.6516252160072327}, "q_proj": {"bias": 9.625833627069369e-06, "kernel": 0.636457085609436}, "v_proj": {"bias": 0.002958176424726844, "kernel": 0.6421700716018677}}, "feed_forward": {"intermediate_dense": {"bias": 0.00246441550552845, "kernel": 0.7063229084014893}, "output_dense": {"bias": 0.004916461184620857, "kernel": 0.7153089642524719}}, "final_layer_norm": {"bias": 0.00034522628993727267, "scale": 7.999974250793457}, "layer_norm": {"bias": 0.0006649896968156099, "scale": 8.000054359436035}}}, "pos_conv_embed": {"conv": {"bias": 0.0019155509071424603, "weight_g": 2.277716875076294, "weight_v": 2.2775843143463135}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.00162701855879277, "scale": 5.65680456161499}, "projection": {"bias": 0.0018664307426661253, "kernel": 0.43003159761428833}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 4.020001506432891e-05, "train/loss": 6.900035858154297, "train/param_norm": 24.56709098815918, "_timestamp": 1651945696, "_runtime": 319, "_step": 67, "eval/loss": 6.896849155426025, "eval/wer": 1.3195402298850574, "eval/epoch_3": {"_type": "table-file", "path": "media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://u14ongnr2z0f6ukamnx1sv8340i46ddfneertdoaftqvylazhoh577wak0kwsb0rbck2prqu8la0mmkgebxdx3huujsv4nn4tvqsu1tw9emoto9k6k8dwvywtjnl6bqe:latest/eval/epoch_3.table.json", "_latest_artifact_path": "wandb-client-artifact://u14ongnr2z0f6ukamnx1sv8340i46ddfneertdoaftqvylazhoh577wak0kwsb0rbck2prqu8la0mmkgebxdx3huujsv4nn4tvqsu1tw9emoto9k6k8dwvywtjnl6bqe:latest/eval/epoch_3.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_6": {"_type": "table-file", "path": "media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://pwnv1tqvmghszrbfsvar0c7n52tvrjlvj6owbjyo4baakkdp6keebua1m4c5ahkvfbgdwyf141620kg10z3slv61nn0b7rq1qxwr0o9lz3hnnmmzgk4on24brtkckeej:latest/eval/epoch_6.table.json", "_latest_artifact_path": "wandb-client-artifact://pwnv1tqvmghszrbfsvar0c7n52tvrjlvj6owbjyo4baakkdp6keebua1m4c5ahkvfbgdwyf141620kg10z3slv61nn0b7rq1qxwr0o9lz3hnnmmzgk4on24brtkckeej:latest/eval/epoch_6.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_8": {"_type": "table-file", "path": "media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://ntpjlefcfpt87inmy8pjp3yr4v7vfpcx61lpsb17hg2c378irzialsn8lz9p6xgqmnnk2t47w59t95xahvv7mwxltvmgkckkuh3n577xe22h6ds5748anmq904j9pcyf:latest/eval/epoch_8.table.json", "_latest_artifact_path": "wandb-client-artifact://ntpjlefcfpt87inmy8pjp3yr4v7vfpcx61lpsb17hg2c378irzialsn8lz9p6xgqmnnk2t47w59t95xahvv7mwxltvmgkckkuh3n577xe22h6ds5748anmq904j9pcyf:latest/eval/epoch_8.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_11": {"_type": "table-file", "path": "media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://kg3s8s3jfrg3lwodo2vzwhuwmx97ydqhigulzsjc6sgusohakk2ii33oeaiuin6jptupjgchvkr07d0htz0ky7ek2ydkhgayjbems2enjk4duahmzlg8e9cjpdyewsnn:latest/eval/epoch_11.table.json", "_latest_artifact_path": "wandb-client-artifact://kg3s8s3jfrg3lwodo2vzwhuwmx97ydqhigulzsjc6sgusohakk2ii33oeaiuin6jptupjgchvkr07d0htz0ky7ek2ydkhgayjbems2enjk4duahmzlg8e9cjpdyewsnn:latest/eval/epoch_11.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_13": {"_type": "table-file", "path": "media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://coxu86bwhs9n6e6hkcnoieiq8vsf1lo11pio4qgsc17zgn4739p85i2ns3ui9q3qpgw1v68ld896b9s7e32s9d7trv6oeothls11kntn53wmoln4g94cai00m4ki0g6a:latest/eval/epoch_13.table.json", "_latest_artifact_path": "wandb-client-artifact://coxu86bwhs9n6e6hkcnoieiq8vsf1lo11pio4qgsc17zgn4739p85i2ns3ui9q3qpgw1v68ld896b9s7e32s9d7trv6oeothls11kntn53wmoln4g94cai00m4ki0g6a:latest/eval/epoch_13.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_16": {"_type": "table-file", "path": "media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://dt13ugp43dc0as5k404w8dm49amxvq3rga6lx6bu8urai30g2a7otvo5qw216upp2zr4kvikguv3gmel8tzx7u98wo3elbl5p89yu30vm1y8uy6bl1u9wctz8pqqm944:latest/eval/epoch_16.table.json", "_latest_artifact_path": "wandb-client-artifact://dt13ugp43dc0as5k404w8dm49amxvq3rga6lx6bu8urai30g2a7otvo5qw216upp2zr4kvikguv3gmel8tzx7u98wo3elbl5p89yu30vm1y8uy6bl1u9wctz8pqqm944:latest/eval/epoch_16.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_18": {"_type": "table-file", "path": "media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://wzftln63dqj1xmfeb9v5e2ijc23pxg2ur55k0azfm9tlmvc3dp70pu1srhorvu2c41tvjo93qpm4zrfttth8xji9yslfzctenu9bvuct77fqxxfpnwegqoxbrs7f4de9:latest/eval/epoch_18.table.json", "_latest_artifact_path": "wandb-client-artifact://wzftln63dqj1xmfeb9v5e2ijc23pxg2ur55k0azfm9tlmvc3dp70pu1srhorvu2c41tvjo93qpm4zrfttth8xji9yslfzctenu9bvuct77fqxxfpnwegqoxbrs7f4de9:latest/eval/epoch_18.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_21": {"_type": "table-file", "path": "media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://p2z9eq6twk0p8ltrbts19fqusmohjeu18cfo0l3m0lmqi9edhwzdr4xyx0p5rjhy86y0wyi8odigrq8aqer228xnzwk0yjgw33f1k4lxv76bjc0e9d58kb2fpgf4ryyt:latest/eval/epoch_21.table.json", "_latest_artifact_path": "wandb-client-artifact://p2z9eq6twk0p8ltrbts19fqusmohjeu18cfo0l3m0lmqi9edhwzdr4xyx0p5rjhy86y0wyi8odigrq8aqer228xnzwk0yjgw33f1k4lxv76bjc0e9d58kb2fpgf4ryyt:latest/eval/epoch_21.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_23": {"_type": "table-file", "path": "media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json", "sha256": "9e9b5d32dc07660953d84437d375a4121955a2c01db5ded4a2fa3fa96db55f46", "size": 12670, "artifact_path": "wandb-client-artifact://zh0fxm6akn8bk453glsaovt9yny5j4cijecvol2bwjm893eoc8zo1b8qsl0hmqr918n7pcfue2ktpe4ybj7fshaof15zunyzsr9kjmrnlz9jgfuhdy44mgaka6axx4th:latest/eval/epoch_23.table.json", "_latest_artifact_path": "wandb-client-artifact://zh0fxm6akn8bk453glsaovt9yny5j4cijecvol2bwjm893eoc8zo1b8qsl0hmqr918n7pcfue2ktpe4ybj7fshaof15zunyzsr9kjmrnlz9jgfuhdy44mgaka6axx4th:latest/eval/epoch_23.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_26": {"_type": "table-file", "path": "media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://oilabde11wc6jh1tehsjbs7qoi35xbm1f0ifb1ag5h437bwzl08iuklx08attdmqmg60ocl9aizv8jq9b9ixn95sm80ud1fr1eonxnyoiz5e1v7dhnmb7wl7jhs2ckku:latest/eval/epoch_26.table.json", "_latest_artifact_path": "wandb-client-artifact://oilabde11wc6jh1tehsjbs7qoi35xbm1f0ifb1ag5h437bwzl08iuklx08attdmqmg60ocl9aizv8jq9b9ixn95sm80ud1fr1eonxnyoiz5e1v7dhnmb7wl7jhs2ckku:latest/eval/epoch_26.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_28": {"_type": "table-file", "path": "media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://e6c3ijdaf3yb4drigew2catj4ovmfbk4djfm09294tbmxk9r82q75w48zi7vo2wnik6587ue7g2kjj7nmqxtk3nysyyudk8njv8tggv4ehx2rthmnyixxfugrzzb7io7:latest/eval/epoch_28.table.json", "_latest_artifact_path": "wandb-client-artifact://e6c3ijdaf3yb4drigew2catj4ovmfbk4djfm09294tbmxk9r82q75w48zi7vo2wnik6587ue7g2kjj7nmqxtk3nysyyudk8njv8tggv4ehx2rthmnyixxfugrzzb7io7:latest/eval/epoch_28.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_31": {"_type": "table-file", "path": "media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://v2uwmdl8jrcs7r4nl61f1m0bisixhcy8ni35c1218hjdndrubovo458frhr1w4sh5bk3lcihey4n2o4rq9ztpg8nuyf9u14s5z5w7zkk8tdbqec4zhfc72ycx17szeu0:latest/eval/epoch_31.table.json", "_latest_artifact_path": "wandb-client-artifact://v2uwmdl8jrcs7r4nl61f1m0bisixhcy8ni35c1218hjdndrubovo458frhr1w4sh5bk3lcihey4n2o4rq9ztpg8nuyf9u14s5z5w7zkk8tdbqec4zhfc72ycx17szeu0:latest/eval/epoch_31.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_33": {"_type": "table-file", "path": "media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json", "sha256": "92ae240f2472ae79ad316b729700c013d11e821782ca7e4cd33eb61c840df66d", "size": 11870, "artifact_path": "wandb-client-artifact://5ii35hmcxkqy9my6grm50oaehqs66p5dezh45odrkxoj1kjhamiain8690colbt9i7fn0zoouhz5geqmemx4kejz1h0iey9uvpqbbz9ge853e6ovz3drqjk9k8ghpuly:latest/eval/epoch_33.table.json", "_latest_artifact_path": "wandb-client-artifact://5ii35hmcxkqy9my6grm50oaehqs66p5dezh45odrkxoj1kjhamiain8690colbt9i7fn0zoouhz5geqmemx4kejz1h0iey9uvpqbbz9ge853e6ovz3drqjk9k8ghpuly:latest/eval/epoch_33.table.json", "ncols": 3, "nrows": 50}, "validation[:90%]/loss": 6.897983551025391, "validation[:90%]/wer": 1.0, "validation[:90%]/epoch_34": {"_type": "table-file", "path": "media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://14gw95ewpy2ba59drseo8qpwlus9mai5d9ju54fc5cyztnr7j2jrhitwuucnv9x3fpbbun36zjgoef6wv5pj2hsekag7k4k99mez3e4su9cma8cstnkshroi21lyew67:latest/validation[:90%]/epoch_34.table.json", "_latest_artifact_path": "wandb-client-artifact://14gw95ewpy2ba59drseo8qpwlus9mai5d9ju54fc5cyztnr7j2jrhitwuucnv9x3fpbbun36zjgoef6wv5pj2hsekag7k4k99mez3e4su9cma8cstnkshroi21lyew67:latest/validation[:90%]/epoch_34.table.json", "ncols": 4, "nrows": 48}, "validation[:90%]/epoch_34_incorrect": {"_type": "table-file", "path": "media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://w2hy2f234ihvwwpoxnjtxvbqkpy1uq16tt3o7qjm22co1296mtmbqgzxey9me0ymmwcfr1oh4icni49zc7uxhye3hf8v41wswj5hbpngkbi2i1x66ouwwx5pnl5i9qkz:latest/validation[:90%]/epoch_34_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://w2hy2f234ihvwwpoxnjtxvbqkpy1uq16tt3o7qjm22co1296mtmbqgzxey9me0ymmwcfr1oh4icni49zc7uxhye3hf8v41wswj5hbpngkbi2i1x66ouwwx5pnl5i9qkz:latest/validation[:90%]/epoch_34_incorrect.table.json", "ncols": 4, "nrows": 48}, "validation[:95%]/loss": 6.896188735961914, "validation[:95%]/wer": 1.0, "validation[:95%]/epoch_34": {"_type": "table-file", "path": "media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://dbwzyba6h6aa266kj8q9qtfoyueuwviuxtl7djqpsajwfbtq09dh4hnue5o6ud8m9fuzlvyz15opdcqc6wmzp8posd0dtsqveq4ybhsfkrxzqzk1a93rmu1jjh6jta2y:latest/validation[:95%]/epoch_34.table.json", "_latest_artifact_path": "wandb-client-artifact://dbwzyba6h6aa266kj8q9qtfoyueuwviuxtl7djqpsajwfbtq09dh4hnue5o6ud8m9fuzlvyz15opdcqc6wmzp8posd0dtsqveq4ybhsfkrxzqzk1a93rmu1jjh6jta2y:latest/validation[:95%]/epoch_34.table.json", "ncols": 4, "nrows": 50}, "validation[:95%]/epoch_34_incorrect": {"_type": "table-file", "path": "media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json", "sha256": "623faa4883d23d9d41947dcde31f197a909862eb4d078966446c26699859d3be", "size": 20629, "artifact_path": "wandb-client-artifact://8us25pbpb3mth1p6x5zwgriv3t2wdpfblhnl939l8v1jrrkf9szviu0hxd96d1xoo39imz371j0eff09so6rrn9q4pzdpe9aahi6spzo6mobgx71a6vsvljjopolde8s:latest/validation[:95%]/epoch_34_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://8us25pbpb3mth1p6x5zwgriv3t2wdpfblhnl939l8v1jrrkf9szviu0hxd96d1xoo39imz371j0eff09so6rrn9q4pzdpe9aahi6spzo6mobgx71a6vsvljjopolde8s:latest/validation[:95%]/epoch_34_incorrect.table.json", "ncols": 4, "nrows": 64}, "_wandb": {"runtime": 321}}
\ No newline at end of file
diff --git a/wandb/run-20220507_174257-1i5p0k1k/logs/debug-internal.log b/wandb/run-20220507_174257-1i5p0k1k/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..0bcd7270dbb8dff3a7edd3c2f2097292fd549796
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/logs/debug-internal.log
@@ -0,0 +1,882 @@
+2022-05-07 17:42:57,892 INFO MainThread:15930 [internal.py:wandb_internal():92] W&B internal server running at pid: 15930, started at: 2022-05-07 17:42:57.892605
+2022-05-07 17:42:57,895 INFO WriterThread:15930 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/run-1i5p0k1k.wandb
+2022-05-07 17:42:57,895 DEBUG SenderThread:15930 [sender.py:send():235] send: header
+2022-05-07 17:42:57,896 DEBUG SenderThread:15930 [sender.py:send():235] send: run
+2022-05-07 17:42:58,074 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 17:42:58,075 INFO SenderThread:15930 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files
+2022-05-07 17:42:58,075 INFO SenderThread:15930 [sender.py:_start_run_threads():812] run started: 1i5p0k1k with start time 1651945377
+2022-05-07 17:42:58,075 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:42:58,075 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:42:58,075 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: check_version
+2022-05-07 17:42:58,136 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 17:42:59,078 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:43:00,346 DEBUG HandlerThread:15930 [meta.py:__init__():37] meta init
+2022-05-07 17:43:00,346 DEBUG HandlerThread:15930 [meta.py:__init__():51] meta init done
+2022-05-07 17:43:00,346 DEBUG HandlerThread:15930 [meta.py:probe():211] probe
+2022-05-07 17:43:00,347 DEBUG HandlerThread:15930 [meta.py:_setup_git():201] setup git
+2022-05-07 17:43:00,376 DEBUG HandlerThread:15930 [meta.py:_setup_git():208] setup git done
+2022-05-07 17:43:00,376 DEBUG HandlerThread:15930 [meta.py:_save_pip():55] save pip
+2022-05-07 17:43:00,376 DEBUG HandlerThread:15930 [meta.py:_save_pip():69] save pip done
+2022-05-07 17:43:00,376 DEBUG HandlerThread:15930 [meta.py:probe():249] probe done
+2022-05-07 17:43:00,380 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:43:00,380 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 17:43:00,386 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:43:00,386 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:43:00,414 DEBUG SenderThread:15930 [sender.py:send():235] send: telemetry
+2022-05-07 17:43:00,671 INFO Thread-11 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3ix7w5qq-wandb-metadata.json
+2022-05-07 17:43:01,088 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:01,088 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt
+2022-05-07 17:43:01,088 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-metadata.json
+2022-05-07 17:43:03,089 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:05,090 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:15,416 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:43:15,416 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:43:17,094 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:21,095 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:23,096 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:28,427 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:43:29,098 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml
+2022-05-07 17:43:30,448 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:43:30,449 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:43:45,484 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:43:45,484 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:43:47,106 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:43:58,496 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:44:00,518 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:44:00,518 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:44:10,603 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:10,702 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:11,963 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:11,966 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:44:11,966 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:44:11,968 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:44:12,046 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:12,115 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:44:13,108 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:13,110 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:44:13,111 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:44:13,112 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:44:13,115 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:44:13,115 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:44:13,185 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:14,116 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:44:14,314 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:14,316 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:44:14,317 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:44:14,318 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:44:14,412 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:15,116 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:44:15,531 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:15,532 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:44:15,533 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:44:15,534 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:44:15,550 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:44:15,550 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:44:15,626 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:44:16,117 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:44:16,117 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:44:18,117 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:44:28,572 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:44:30,854 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:44:30,855 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:44:44,128 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:44:45,894 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:44:45,895 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:44:58,649 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:45:00,932 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:45:00,932 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:45:04,134 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:15,993 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:45:15,993 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:45:25,618 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:25,742 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:45:25,742 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:45:25,854 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:26,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:26,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:26,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table
+2022-05-07 17:45:26,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media
+2022-05-07 17:45:26,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:45:26,223 INFO Thread-13 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:45:26,948 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:27,020 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:27,328 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_3 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzMTY5', 'digest': '62978f223bc3c48bd7f6255ae4020797', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDU4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:45:27,328 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:45:27,328 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:45:27,329 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:27,329 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:27,330 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:27,738 INFO Thread-14 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3f4qeuqa-media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:28,142 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:28,143 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:28,176 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:28,178 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:28,178 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:28,179 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:28,229 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:28,723 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:45:29,143 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:29,314 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:29,316 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:29,317 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:29,317 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:29,389 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:30,143 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:30,143 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:30,569 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:30,571 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:30,572 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:30,573 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:30,619 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:31,114 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:45:31,114 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:45:31,144 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:31,786 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:31,788 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:31,789 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:31,789 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:31,858 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:32,144 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:32,144 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:34,145 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:34,184 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:34,224 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:45:34,224 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:45:34,461 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:34,659 INFO Thread-16 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:45:35,145 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:35,146 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:45:35,313 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_6 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzMjE5', 'digest': 'b5577517bef1dad00e5b2d8852d641d6', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDYx', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:45:35,314 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:45:35,314 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:45:35,550 INFO Thread-17 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/2c6bno8e-media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:35,560 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:35,562 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:35,563 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:35,563 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:35,627 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:36,146 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:36,146 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:36,747 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:36,749 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:36,750 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:36,751 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:36,817 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:37,146 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:37,999 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:38,001 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:38,002 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:38,003 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:38,046 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:38,147 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:38,147 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:39,147 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:39,153 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:39,155 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:39,156 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:39,156 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:39,223 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:40,148 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:40,148 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:40,360 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:40,363 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:40,363 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:40,364 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:40,411 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:41,148 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:41,148 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:42,149 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:42,726 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:42,794 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:45:42,794 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:45:42,937 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:43,149 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:43,149 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:43,149 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:45:43,163 INFO Thread-19 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:45:44,149 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:44,154 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:44,223 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:45,150 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:45,304 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:45,359 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:46,150 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:46,292 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:45:46,582 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:46,651 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:47,151 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:47,694 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:47,749 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:48,849 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:48,922 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:49,152 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:51,153 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:51,207 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:51,253 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:45:51,326 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:52,153 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:52,154 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:45:52,514 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:52,562 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:53,154 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:53,834 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:53,901 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:54,544 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_8 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzMjY3', 'digest': 'a7ef8c9adb79bec1a1cf8f5535ab4177', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDY0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:45:54,544 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:45:54,544 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:45:54,545 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:54,545 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:54,546 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:54,546 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:54,547 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:54,547 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:54,548 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:45:54,580 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:54,581 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:54,581 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:54,582 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:54,582 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:54,583 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:54,583 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:54,584 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:54,584 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:54,585 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:45:54,781 INFO Thread-20 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/2fx94wjj-media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:54,913 INFO Thread-22 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:45:55,015 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:55,069 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:55,155 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:55,155 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:55,411 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_11 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzMzMz', 'digest': '42673fe35b3a06b9bc16d39708a92e51', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDY4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:45:55,411 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:45:55,412 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:45:55,412 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:55,415 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:55,416 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:55,416 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:55,417 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:55,418 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:55,418 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:55,419 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:55,419 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:55,670 INFO Thread-23 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/17x3alub-media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:45:56,155 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:56,251 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:56,253 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:56,254 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:56,254 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:56,319 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:57,156 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:57,156 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:57,449 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:57,451 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:45:57,451 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:45:57,452 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:45:57,498 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:58,156 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:45:58,793 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:45:59,157 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:45:59,807 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:45:59,847 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:45:59,848 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:46:00,054 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:00,158 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:00,158 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:46:01,016 INFO Thread-25 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:46:01,119 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:01,158 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:01,192 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:01,478 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_13 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzMzY0', 'digest': 'f55899532bd6ce192dd2efa1003d0568', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDcw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:46:01,479 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:46:01,479 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:46:01,479 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:01,480 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:01,481 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:02,158 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:02,385 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:02,387 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:02,388 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:02,389 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:02,435 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:02,779 INFO Thread-26 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/2o0nt7mo-media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:03,159 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:03,159 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:03,580 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:03,582 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:03,583 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:03,586 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:03,651 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:04,159 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:04,785 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:04,788 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:04,788 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:04,789 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:04,836 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:05,160 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:05,160 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:06,025 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:06,027 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:06,027 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:06,028 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:06,095 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:06,160 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:06,399 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:46:06,400 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:46:07,161 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:08,390 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:08,440 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:46:08,440 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:46:08,538 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:08,897 INFO Thread-28 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:46:09,162 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:09,162 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:09,162 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:46:09,335 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_16 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzNDI5', 'digest': 'e7ad5c5540c910d5fba7d7f72a91a4a1', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MDc4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:46:09,335 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:46:09,335 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:46:09,605 INFO Thread-29 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/1fvhs8bz-media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:11,163 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:21,480 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:46:21,480 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:46:28,860 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:46:31,007 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:31,010 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:31,010 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:31,013 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:31,087 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:31,172 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:32,339 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:32,341 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:32,341 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:32,342 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:32,423 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:33,173 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:33,173 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:33,479 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:33,482 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:33,482 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:33,483 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:33,561 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:34,173 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:34,173 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:34,688 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:34,689 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:34,690 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:34,691 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:34,783 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:35,174 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:35,174 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:35,897 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:35,899 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:35,900 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:35,901 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:35,979 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:36,174 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:36,175 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:36,573 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:46:36,574 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:46:37,175 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:38,175 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:38,291 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:38,381 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:46:38,382 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:46:38,607 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:39,176 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:39,176 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:39,176 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:46:39,555 INFO Thread-31 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:46:39,702 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:39,774 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:39,973 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_18 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzNzIw', 'digest': 'bc2b60ad488ac57aead98bb982902f5a', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MjEz', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:46:39,974 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:46:39,974 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:46:39,974 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:39,975 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:39,976 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:40,176 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:40,177 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:40,255 INFO Thread-32 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3mwnmpk2-media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:40,953 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:40,955 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:40,956 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:40,956 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:41,003 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:41,177 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:41,177 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:42,177 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:42,182 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:42,183 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:42,184 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:42,185 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:42,273 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:43,178 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:43,178 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:43,349 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:43,351 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:43,351 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:43,352 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:43,385 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:44,178 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:44,179 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:44,415 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:44,417 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:44,418 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:44,419 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:44,487 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:45,179 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:45,179 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:46,179 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:46,806 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:47,030 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:46:47,030 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:46:47,180 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:47,180 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:47,180 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:46:47,322 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:47,663 INFO Thread-34 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:46:48,088 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_21 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzODA4', 'digest': '2c124de00bd9cf16e4e97e2a94668031', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MjQ3', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:46:48,088 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:46:48,089 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:46:48,180 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:48,317 INFO Thread-35 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/ljrg051o-media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:48,515 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:48,518 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:48,518 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:48,519 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:48,564 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:49,181 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:49,653 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:49,655 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:49,655 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:49,656 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:49,747 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:50,181 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:50,182 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:50,932 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:50,935 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:50,935 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:50,936 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:50,981 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:51,182 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:51,765 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:46:51,765 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:46:52,182 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:52,271 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:52,273 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:52,274 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:52,275 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:52,337 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:53,183 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:53,353 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:53,355 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:53,356 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:53,357 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:53,390 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:54,183 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:54,184 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:55,675 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:55,853 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:46:55,853 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:46:55,966 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:56,184 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:56,185 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:56,185 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:46:56,232 INFO Thread-37 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/c4/b98dad1025f8f2340f391c80ff3526
+2022-05-07 17:46:56,753 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_23 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzODgw', 'digest': '02090012ceababc533ceac7285be89b1', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MjY5', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:46:56,754 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:46:56,754 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json with policy now
+2022-05-07 17:46:57,032 INFO Thread-38 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/2iu7wlzo-media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:46:57,128 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:57,131 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:57,131 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:57,132 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:57,185 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:57,196 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:58,186 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:46:58,247 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:58,249 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:58,250 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:58,251 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:58,321 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:58,932 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:46:59,186 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:46:59,415 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:46:59,418 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:46:59,418 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:46:59,419 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:46:59,483 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:00,187 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:00,187 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:00,599 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:00,602 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:00,602 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:00,604 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:00,652 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:01,187 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:01,768 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:01,770 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:01,771 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:01,772 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:01,838 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:02,188 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:02,188 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:04,166 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:04,189 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:04,240 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:47:04,240 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:47:04,341 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:05,189 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:05,190 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:47:05,429 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:05,495 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:06,190 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:06,662 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:06,734 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:07,020 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:47:07,124 INFO Thread-40 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 17:47:07,612 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_26 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzOTU4', 'digest': '95d7e1d9457cb6cec7e08222a01ed120', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5Mjg3', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:47:07,612 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:47:07,612 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 17:47:07,612 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:07,613 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:07,614 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:07,614 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:07,615 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:07,615 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:07,616 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:47:07,910 INFO Thread-41 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3n37n1s7-media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:07,917 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:07,919 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:07,919 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:07,920 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:07,971 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:08,193 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:08,193 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:09,114 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:09,116 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:09,116 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:09,117 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:09,193 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:09,193 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:09,212 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:10,194 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:10,288 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:10,291 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:10,291 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:10,292 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:10,344 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:11,194 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:11,195 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:12,195 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:12,634 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:12,698 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:47:12,698 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:47:12,774 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:13,133 INFO Thread-43 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 17:47:13,195 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:13,196 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:13,196 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:47:13,585 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_28 - {'id': 'QXJ0aWZhY3Q6MTI0MzUzOTk5', 'digest': '9edba21836fc677e9e8389aaffbe3faa', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5Mjk0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:47:13,585 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:47:13,585 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 17:47:13,847 INFO Thread-44 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3552emff-media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:13,921 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:13,924 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:13,924 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:13,925 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:13,994 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:14,196 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:14,196 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:15,110 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:15,113 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:15,113 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:15,114 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:15,166 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:15,196 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:15,197 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:16,197 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:16,401 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:16,403 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:16,404 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:16,405 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:16,471 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:17,198 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:17,198 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:17,512 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:17,514 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:17,515 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:17,516 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:17,568 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:18,199 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:18,199 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:18,686 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:18,688 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:18,688 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:18,689 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:18,759 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:19,199 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:19,199 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:20,200 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:21,075 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:21,200 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:21,206 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:47:21,207 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:47:21,316 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:21,735 INFO Thread-46 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 17:47:22,118 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_31 - {'id': 'QXJ0aWZhY3Q6MTI0MzU0MDUy', 'digest': '870c902cebca02cb584853c36d67bce4', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5Mjk3', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:47:22,118 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:47:22,118 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 17:47:22,201 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:22,201 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:22,201 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:47:22,395 INFO Thread-47 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3raqeosp-media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json
+2022-05-07 17:47:22,442 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:22,444 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:22,445 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:22,446 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:22,497 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:22,953 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:47:22,953 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:47:23,201 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:23,201 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:23,647 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:23,649 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:23,650 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:23,650 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:23,719 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:24,202 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:24,202 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:24,858 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:24,860 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:24,861 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:24,862 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:24,905 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:25,202 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:25,202 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:26,077 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:26,080 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:26,080 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:26,081 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:26,147 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:26,203 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:27,203 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:27,235 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:27,237 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:27,237 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:27,238 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:27,289 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:28,204 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:29,005 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:47:29,205 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:29,624 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:29,965 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:47:29,966 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:47:30,208 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json
+2022-05-07 17:47:30,209 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval
+2022-05-07 17:47:30,504 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:31,209 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:31,613 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:31,685 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:32,829 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:32,879 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:47:33,210 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:34,306 INFO Thread-49 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/00/66783abbd98b29e02682346c82293a
+2022-05-07 17:47:34,830 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-evalepoch_33 - {'id': 'QXJ0aWZhY3Q6MTI0MzU0MTIx', 'digest': '49689cb3677eb1348a7e7c52d0115f1a', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MzAw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:47:34,830 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:47:34,830 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json with policy now
+2022-05-07 17:47:34,831 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:34,832 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:34,833 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:34,833 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:47:34,833 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:47:34,834 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:47:35,097 INFO Thread-50 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/26g6gbke-media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json
+2022-05-07 17:47:35,211 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:47:35,211 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:38,016 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:47:38,016 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:47:50,220 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:47:53,049 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:47:53,049 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:47:59,083 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:48:02,226 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:08,097 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:48:08,097 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:48:13,316 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:13,407 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:48:13,408 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:48:13,468 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:13,694 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:48:13,759 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:13,800 INFO Thread-52 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/af/47f5eac929f7d4f6e6c7d604ae396b
+2022-05-07 17:48:14,212 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-validation90epoch_34 - {'id': 'QXJ0aWZhY3Q6MTI0MzU0NDY4', 'digest': 'ba45b3df01cdd17c73e05b3c1d7bba5f', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MzM0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:48:14,213 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:48:14,213 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 17:48:14,214 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:48:14,233 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:14,233 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:14,234 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table
+2022-05-07 17:48:14,234 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]
+2022-05-07 17:48:14,580 INFO Thread-55 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/1d/36af48785046dc58b4f025a3f8aea1
+2022-05-07 17:48:14,588 INFO Thread-53 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/1jkdf40c-media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:15,069 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-validation90epoch_34_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzU0NDcz', 'digest': '6701b1c3375bf20b0e9b415806d9d998', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MzM1', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:48:15,069 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:48:15,069 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 17:48:15,234 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:15,317 INFO Thread-56 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/1sz99zcl-media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:16,044 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:16,116 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:48:16,116 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:48:16,235 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:16,235 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json
+2022-05-07 17:48:16,239 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table
+2022-05-07 17:48:16,239 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]
+2022-05-07 17:48:16,255 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:16,327 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 17:48:16,404 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:16,449 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:48:16,555 INFO Thread-58 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 17:48:17,066 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-validation95epoch_34 - {'id': 'QXJ0aWZhY3Q6MTI0MzU0NDgz', 'digest': '99d8d46e06e71378993d6dc9793d3722', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MzM2', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:48:17,066 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:48:17,066 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 17:48:17,067 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 17:48:17,235 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:17,235 INFO Thread-7 :15930 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json
+2022-05-07 17:48:17,236 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]
+2022-05-07 17:48:17,323 INFO Thread-59 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/3jrmrrlo-media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json
+2022-05-07 17:48:18,236 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:19,358 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:20,237 INFO Thread-7 :15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:24,459 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:25,071 INFO Thread-61 :15930 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/25/29be3032c57f98a337547e6fe497da
+2022-05-07 17:48:25,498 INFO SenderThread:15930 [sender.py:send_request_log_artifact():976] logged artifact run-1i5p0k1k-validation95epoch_34_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzU0NTQ3', 'digest': '9e5b046266c0c5f196b4992086c08ea8', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5MzM4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 17:48:25,499 DEBUG SenderThread:15930 [sender.py:send():235] send: files
+2022-05-07 17:48:25,499 INFO SenderThread:15930 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json with policy now
+2022-05-07 17:48:25,499 DEBUG SenderThread:15930 [sender.py:send():235] send: telemetry
+2022-05-07 17:48:25,500 DEBUG SenderThread:15930 [sender.py:send():235] send: history
+2022-05-07 17:48:25,500 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:48:25,501 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:48:25,502 DEBUG SenderThread:15930 [sender.py:send():235] send: exit
+2022-05-07 17:48:25,502 INFO SenderThread:15930 [sender.py:send_exit():371] handling exit code: 0
+2022-05-07 17:48:25,502 INFO SenderThread:15930 [sender.py:send_exit():373] handling runtime: 321
+2022-05-07 17:48:25,503 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:48:25,503 INFO SenderThread:15930 [sender.py:send_exit():379] send defer
+2022-05-07 17:48:25,503 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:25,504 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:25,504 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,504 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 17:48:25,505 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,505 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 17:48:25,505 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 1
+2022-05-07 17:48:25,507 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,508 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 17:48:25,550 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,550 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 17:48:25,551 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 2
+2022-05-07 17:48:25,551 DEBUG SenderThread:15930 [sender.py:send():235] send: stats
+2022-05-07 17:48:25,551 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,552 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 17:48:25,552 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,552 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 17:48:25,552 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 3
+2022-05-07 17:48:25,552 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,552 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 17:48:25,553 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,553 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 17:48:25,553 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 4
+2022-05-07 17:48:25,555 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,555 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 17:48:25,556 DEBUG SenderThread:15930 [sender.py:send():235] send: summary
+2022-05-07 17:48:25,557 INFO SenderThread:15930 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:48:25,558 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,558 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 17:48:25,558 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 5
+2022-05-07 17:48:25,558 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,558 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 17:48:25,558 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,558 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 17:48:25,606 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:25,623 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 6
+2022-05-07 17:48:25,623 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:25,624 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:25,624 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 17:48:25,624 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:25,624 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 17:48:25,624 INFO SenderThread:15930 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 17:48:25,725 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:25,761 INFO Thread-62 :15930 [upload_job.py:push():137] Uploaded file /tmp/tmp8t95wtgkwandb/2lizbf1i-media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json
+2022-05-07 17:48:26,239 INFO SenderThread:15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:48:26,239 INFO SenderThread:15930 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml
+2022-05-07 17:48:26,239 INFO SenderThread:15930 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files
+2022-05-07 17:48:26,240 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt requirements.txt
+2022-05-07 17:48:26,240 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log output.log
+2022-05-07 17:48:26,240 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 17:48:26,240 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml config.yaml
+2022-05-07 17:48:26,240 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json wandb-summary.json
+2022-05-07 17:48:26,248 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json media/table/validation[:95%]/epoch_34_incorrect_67_623faa4883d23d9d4194.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,251 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json
+2022-05-07 17:48:26,252 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 7
+2022-05-07 17:48:26,252 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,253 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:26,253 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 17:48:26,253 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:26,253 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 17:48:26,253 INFO SenderThread:15930 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:48:26,354 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,354 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,456 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,456 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,477 INFO Thread-63 :15930 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/requirements.txt
+2022-05-07 17:48:26,503 INFO Thread-64 :15930 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/output.log
+2022-05-07 17:48:26,505 INFO Thread-66 :15930 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/wandb-summary.json
+2022-05-07 17:48:26,511 INFO Thread-65 :15930 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/files/config.yaml
+2022-05-07 17:48:26,558 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,558 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,659 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,660 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,712 INFO Thread-6 :15930 [sender.py:transition_state():392] send defer: 8
+2022-05-07 17:48:26,712 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:26,712 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 17:48:26,712 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:26,713 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 17:48:26,761 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,887 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 9
+2022-05-07 17:48:26,887 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,888 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:26,888 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 17:48:26,888 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:26,888 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 17:48:26,888 INFO SenderThread:15930 [sender.py:transition_state():392] send defer: 10
+2022-05-07 17:48:26,888 DEBUG SenderThread:15930 [sender.py:send():235] send: final
+2022-05-07 17:48:26,888 DEBUG SenderThread:15930 [sender.py:send():235] send: footer
+2022-05-07 17:48:26,889 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:48:26,889 INFO HandlerThread:15930 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 17:48:26,889 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:48:26,889 INFO SenderThread:15930 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 17:48:26,989 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:48:26,989 DEBUG SenderThread:15930 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:48:26,989 INFO SenderThread:15930 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:48:27,153 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 17:48:27,155 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 17:48:27,157 DEBUG HandlerThread:15930 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 17:48:27,157 INFO HandlerThread:15930 [handler.py:finish():778] shutting down handler
+2022-05-07 17:48:27,889 INFO WriterThread:15930 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/run-1i5p0k1k.wandb
+2022-05-07 17:48:28,052 INFO SenderThread:15930 [sender.py:finish():1078] shutting down sender
+2022-05-07 17:48:28,052 INFO SenderThread:15930 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:48:28,052 INFO SenderThread:15930 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:48:28,053 INFO MainThread:15930 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_174257-1i5p0k1k/logs/debug.log b/wandb/run-20220507_174257-1i5p0k1k/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..f6fd153696ea1059bcdf903359a71a78b906ff4d
--- /dev/null
+++ b/wandb/run-20220507_174257-1i5p0k1k/logs/debug.log
@@ -0,0 +1,126 @@
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/logs/debug.log
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_174257-1i5p0k1k/logs/debug-internal.log
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_init.py:init():439] calling init triggers
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 17:42:57,091 INFO MainThread:14872 [wandb_init.py:init():492] starting backend
+2022-05-07 17:42:57,092 INFO MainThread:14872 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 17:42:57,115 INFO MainThread:14872 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 17:42:57,138 INFO MainThread:14872 [backend.py:ensure_launched():224] started backend process with pid: 15930
+2022-05-07 17:42:57,140 INFO MainThread:14872 [wandb_init.py:init():501] backend started and connected
+2022-05-07 17:42:57,153 INFO MainThread:14872 [wandb_init.py:init():565] updated telemetry
+2022-05-07 17:42:57,210 INFO MainThread:14872 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 17:42:58,074 INFO MainThread:14872 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 17:42:58,135 INFO MainThread:14872 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 17:42:58,135 INFO MainThread:14872 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 17:43:00,384 INFO MainThread:14872 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 17:43:00,384 INFO MainThread:14872 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 17:43:00,385 INFO MainThread:14872 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 17:43:00,387 INFO MainThread:14872 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 17:43:00,387 INFO MainThread:14872 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 17:48:16,446 INFO MainThread:14872 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 0
+2022-05-07 17:48:16,449 INFO MainThread:14872 [wandb_run.py:_restore():1674] restore
+2022-05-07 17:48:24,358 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: None
+2022-05-07 17:48:25,505 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 16
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 319577
+ total_bytes: 319577
+}
+
+2022-05-07 17:48:25,624 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 340206
+ total_bytes: 340206
+}
+
+2022-05-07 17:48:26,253 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 340206
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:26,355 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:26,457 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:26,558 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:26,660 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:26,888 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+
+2022-05-07 17:48:27,052 INFO MainThread:14872 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+ media_count: 17
+ artifact_count: 7
+}
+pusher_stats {
+ uploaded_bytes: 405716
+ total_bytes: 405716
+}
+local_info {
+}
+
+2022-05-07 17:48:28,558 INFO MainThread:14872 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 17:48:28,559 INFO MainThread:14872 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 17:48:28,561 INFO MainThread:14872 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_174257-1i5p0k1k/run-1i5p0k1k.wandb b/wandb/run-20220507_174257-1i5p0k1k/run-1i5p0k1k.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..2e75cf8394cfb00d7cd6f7b277b86514befe7697
Binary files /dev/null and b/wandb/run-20220507_174257-1i5p0k1k/run-1i5p0k1k.wandb differ
diff --git a/wandb/run-20220507_175120-1uz2jm5y/files/config.yaml b/wandb/run-20220507_175120-1uz2jm5y/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..fa094c150acab234027b0bc390168a169530b94c
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/files/config.yaml
@@ -0,0 +1,27 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651945881
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_175120-1uz2jm5y/files/output.log b/wandb/run-20220507_175120-1uz2jm5y/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..a4233b471737b603ab8495ac13cb35334994729a
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/files/output.log
@@ -0,0 +1,683 @@
+05/07/2022 17:51:24 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 17:51:24 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 17:51:25 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:51:25 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 17:51:26 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:51:26 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 17:51:37.351847: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 17:51:37.351881: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 17:51:37 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+05/07/2022 17:51:38 - INFO - __main__ - ***** Running training *****
+05/07/2022 17:51:38 - INFO - __main__ - Num examples = 68
+05/07/2022 17:51:38 - INFO - __main__ - Num Epochs = 34
+05/07/2022 17:51:38 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 17:51:38 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 17:51:38 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 17:51:38 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 17:51:38 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 17:51:38 - INFO - __main__ - Use scan: True
+05/07/2022 17:51:38 - INFO - __main__ - Fuse matmuls: False
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Step... (1 | Loss: 6.901914119720459, Learning Rate: 6.00004568696022e-07, Gradient Norm: 0.2054300755262375)
+Step... (2 | Loss: 6.899670600891113, Learning Rate: 1.200009137392044e-06, Gradient Norm: 0.2026989609003067)
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Step... (3 | Loss: 6.89796257019043, Learning Rate: 1.7999846022576094e-06, Gradient Norm: 0.2195953130722046)
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
+Step... (4 | Loss: 6.901019096374512, Learning Rate: 2.400018274784088e-06, Gradient Norm: 0.21465465426445007)
+Step... (5 | Loss: 6.899042129516602, Learning Rate: 2.9999937396496534e-06, Gradient Norm: 0.2154717743396759)
+Epoch ... (1/34): 0%| | 0/34 [00:00, ?it/s]
diff --git a/wandb/run-20220507_175120-1uz2jm5y/files/requirements.txt b/wandb/run-20220507_175120-1uz2jm5y/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_175120-1uz2jm5y/files/wandb-metadata.json b/wandb/run-20220507_175120-1uz2jm5y/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..b57b73077f867cbb86855b09bc9ac351ebf25ad6
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T17:51:24.333809",
+ "startedAt": "2022-05-07T17:51:20.954353",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json b/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..0bdb4fa1514e6c2dff3baee1f4d80f799257c1af
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.21465465426445007, "train/decoder_param_norm": 10.98730182647705, "train/encoder_grad_norm": 5.377240449888632e-05, "train/encoder_param_norm": 21.97292137145996, "train/grad_norm": 0.21465465426445007, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.10678375512361526}, "embed_tokens": {"embedding": 0.18451564013957977}, "layernorm_embedding": {"bias": 0.006156071554869413, "scale": 0.0023730674292892218}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.205506963040907e-13, "kernel": 6.429779668762348e-13}, "out_proj": {"bias": 0.00966663658618927, "kernel": 4.139078737352975e-05}, "q_proj": {"bias": 6.708300906953235e-13, "kernel": 6.82777673375462e-13}, "v_proj": {"bias": 0.0010709341149777174, "kernel": 3.5599548482423415e-06}}, "encoder_attn_layer_norm": {"bias": 0.009493962861597538, "scale": 0.003251356305554509}, "fc1": {"bias": 0.00018507803906686604, "kernel": 0.0003181225620210171}, "fc2": {"bias": 0.00927951280027628, "kernel": 0.0003024788456968963}, "final_layer_norm": {"bias": 0.010117009282112122, "scale": 0.0037409064825624228}, "self_attn": {"k_proj": {"bias": 8.830468023468541e-10, "kernel": 3.030844709428493e-06}, "out_proj": {"bias": 0.009151671081781387, "kernel": 0.0007765020127408206}, "q_proj": {"bias": 1.3603431625597295e-06, "kernel": 3.303162429801887e-06}, "v_proj": {"bias": 0.0007875036681070924, "kernel": 0.0007826802902854979}}, "self_attn_layer_norm": {"bias": 0.009495372883975506, "scale": 0.0032503989059478045}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.578609326064907e-07, "kernel": 1.2006182714685565e-06}}, "1": {"conv": {"bias": 2.988664618897019e-06, "kernel": 1.2403276059558266e-06}}, "2": {"conv": {"bias": 5.35920298716519e-05, "kernel": 2.3276438696484547e-06}}}}, "encoder": {"layer_norm": {"bias": 3.93576407020646e-08, "scale": 3.677495286069643e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.2308367046659063e-15, "kernel": 1.6772054578506612e-10}, "out_proj": {"bias": 8.37909226447664e-07, "kernel": 1.422491067160081e-07}, "q_proj": {"bias": 5.139029826684016e-11, "kernel": 1.5804688113796317e-10}, "v_proj": {"bias": 5.5300837686900195e-08, "kernel": 1.2766930979069002e-07}}, "feed_forward": {"intermediate_dense": {"bias": 3.932927228333938e-08, "kernel": 1.198425820803095e-07}, "output_dense": {"bias": 8.135644975482137e-07, "kernel": 1.2023470219446608e-07}}, "final_layer_norm": {"bias": 2.726392667184996e-09, "scale": 1.922166203982556e-09}, "layer_norm": {"bias": 4.49537962410318e-09, "scale": 2.7003910219036698e-09}}}, "pos_conv_embed": {"conv": {"bias": 2.595295711671497e-07, "weight_g": 5.773488354066103e-09, "weight_v": 6.550413189643223e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 4.7881744791311576e-08, "scale": 7.146309766170589e-09}, "projection": {"bias": 4.984443080502388e-07, "kernel": 4.582484223192296e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.7995269894599915}, "embed_tokens": {"embedding": 2.509093999862671}, "layernorm_embedding": {"bias": 0.003853189293295145, "scale": 4.000099182128906}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.311868696480701e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.005428471136838198, "kernel": 0.4662071168422699}, "q_proj": {"bias": 2.3312416885801213e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.005809006281197071, "kernel": 0.46249714493751526}}, "encoder_attn_layer_norm": {"bias": 0.005538478493690491, "scale": 5.656983852386475}, "fc1": {"bias": 0.0027363670524209738, "kernel": 0.23037242889404297}, "fc2": {"bias": 0.0054403552785515785, "kernel": 0.2286112755537033}, "final_layer_norm": {"bias": 0.005335222464054823, "scale": 5.657033920288086}, "self_attn": {"k_proj": {"bias": 1.2574997526826337e-05, "kernel": 0.44869107007980347}, "out_proj": {"bias": 0.005434151738882065, "kernel": 0.4594263732433319}, "q_proj": {"bias": 0.004717462230473757, "kernel": 0.43884801864624023}, "v_proj": {"bias": 0.005249769426882267, "kernel": 0.47378775477409363}}, "self_attn_layer_norm": {"bias": 0.005538613069802523, "scale": 5.656983852386475}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.003248997498303652, "kernel": 0.7977768182754517}}, "1": {"conv": {"bias": 0.004121119622141123, "kernel": 0.7821999788284302}}, "2": {"conv": {"bias": 0.0039659361355006695, "kernel": 0.793234646320343}}}}, "encoder": {"layer_norm": {"bias": 0.0011272807605564594, "scale": 4.000342845916748}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.1786402409619257e-10, "kernel": 0.6511668562889099}, "out_proj": {"bias": 0.003823851700872183, "kernel": 0.6514734625816345}, "q_proj": {"bias": 8.803545824775938e-06, "kernel": 0.6364570260047913}, "v_proj": {"bias": 0.002547932555899024, "kernel": 0.6420494318008423}}, "feed_forward": {"intermediate_dense": {"bias": 0.002046645386144519, "kernel": 0.7063329219818115}, "output_dense": {"bias": 0.004090356640517712, "kernel": 0.7153141498565674}}, "final_layer_norm": {"bias": 0.0002977659460157156, "scale": 7.99997615814209}, "layer_norm": {"bias": 0.0005923936259932816, "scale": 8.000036239624023}}}, "pos_conv_embed": {"conv": {"bias": 0.001659030676819384, "weight_g": 2.2776856422424316, "weight_v": 2.277585744857788}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.0014101800043135881, "scale": 5.656826972961426}, "projection": {"bias": 0.0016126643167808652, "kernel": 0.4301906228065491}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 2.400018274784088e-06, "train/loss": 6.901019096374512, "train/param_norm": 24.566848754882812, "_timestamp": 1651945950, "_runtime": 69, "_step": 4}
\ No newline at end of file
diff --git a/wandb/run-20220507_175120-1uz2jm5y/logs/debug-internal.log b/wandb/run-20220507_175120-1uz2jm5y/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..387652e6a6b82e14582767f1cbcff4c946fb9a14
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/logs/debug-internal.log
@@ -0,0 +1,97 @@
+2022-05-07 17:51:21,734 INFO MainThread:19394 [internal.py:wandb_internal():92] W&B internal server running at pid: 19394, started at: 2022-05-07 17:51:21.733835
+2022-05-07 17:51:21,736 INFO WriterThread:19394 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/run-1uz2jm5y.wandb
+2022-05-07 17:51:21,737 DEBUG SenderThread:19394 [sender.py:send():235] send: header
+2022-05-07 17:51:21,737 DEBUG SenderThread:19394 [sender.py:send():235] send: run
+2022-05-07 17:51:22,178 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 17:51:22,179 INFO SenderThread:19394 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files
+2022-05-07 17:51:22,179 INFO SenderThread:19394 [sender.py:_start_run_threads():812] run started: 1uz2jm5y with start time 1651945881
+2022-05-07 17:51:22,179 DEBUG SenderThread:19394 [sender.py:send():235] send: summary
+2022-05-07 17:51:22,179 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:51:22,179 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: check_version
+2022-05-07 17:51:22,240 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 17:51:23,216 INFO Thread-7 :19394 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
+2022-05-07 17:51:24,333 DEBUG HandlerThread:19394 [meta.py:__init__():37] meta init
+2022-05-07 17:51:24,333 DEBUG HandlerThread:19394 [meta.py:__init__():51] meta init done
+2022-05-07 17:51:24,333 DEBUG HandlerThread:19394 [meta.py:probe():211] probe
+2022-05-07 17:51:24,334 DEBUG HandlerThread:19394 [meta.py:_setup_git():201] setup git
+2022-05-07 17:51:24,364 DEBUG HandlerThread:19394 [meta.py:_setup_git():208] setup git done
+2022-05-07 17:51:24,364 DEBUG HandlerThread:19394 [meta.py:_save_pip():55] save pip
+2022-05-07 17:51:24,364 DEBUG HandlerThread:19394 [meta.py:_save_pip():69] save pip done
+2022-05-07 17:51:24,364 DEBUG HandlerThread:19394 [meta.py:probe():249] probe done
+2022-05-07 17:51:24,367 DEBUG SenderThread:19394 [sender.py:send():235] send: files
+2022-05-07 17:51:24,368 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 17:51:24,373 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:51:24,373 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:51:24,490 DEBUG SenderThread:19394 [sender.py:send():235] send: telemetry
+2022-05-07 17:51:24,699 INFO Thread-11 :19394 [upload_job.py:push():137] Uploaded file /tmp/tmpn7r3a1vpwandb/4jmsuamg-wandb-metadata.json
+2022-05-07 17:51:25,245 INFO Thread-7 :19394 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:51:25,245 INFO Thread-7 :19394 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/requirements.txt
+2022-05-07 17:51:25,245 INFO Thread-7 :19394 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-metadata.json
+2022-05-07 17:51:27,246 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:51:29,247 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:51:39,251 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:51:39,532 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:51:39,532 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:51:41,252 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:51:52,418 DEBUG SenderThread:19394 [sender.py:send():235] send: stats
+2022-05-07 17:51:53,257 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/config.yaml
+2022-05-07 17:51:54,578 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:51:54,578 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:52:05,262 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:52:09,684 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:52:09,684 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:52:22,495 DEBUG SenderThread:19394 [sender.py:send():235] send: stats
+2022-05-07 17:52:24,719 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:52:24,719 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:52:26,749 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:26,851 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:28,125 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:28,127 DEBUG SenderThread:19394 [sender.py:send():235] send: history
+2022-05-07 17:52:28,128 DEBUG SenderThread:19394 [sender.py:send():235] send: summary
+2022-05-07 17:52:28,129 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:52:28,204 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:28,270 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
+2022-05-07 17:52:29,271 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:29,271 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:52:29,273 DEBUG SenderThread:19394 [sender.py:send():235] send: history
+2022-05-07 17:52:29,275 DEBUG SenderThread:19394 [sender.py:send():235] send: summary
+2022-05-07 17:52:29,276 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:52:29,340 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:30,271 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
+2022-05-07 17:52:30,489 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:30,491 DEBUG SenderThread:19394 [sender.py:send():235] send: history
+2022-05-07 17:52:30,491 DEBUG SenderThread:19394 [sender.py:send():235] send: summary
+2022-05-07 17:52:30,492 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:52:30,576 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:31,272 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:52:31,272 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
+2022-05-07 17:52:31,697 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:31,699 DEBUG SenderThread:19394 [sender.py:send():235] send: history
+2022-05-07 17:52:31,699 DEBUG SenderThread:19394 [sender.py:send():235] send: summary
+2022-05-07 17:52:31,700 INFO SenderThread:19394 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:52:31,776 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:52:32,272 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json
+2022-05-07 17:52:33,273 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:52:39,754 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:52:39,755 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:52:52,572 DEBUG SenderThread:19394 [sender.py:send():235] send: stats
+2022-05-07 17:52:54,814 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:52:54,814 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:53:00,284 INFO Thread-7 :19394 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log
+2022-05-07 17:53:09,905 DEBUG HandlerThread:19394 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:53:09,905 DEBUG SenderThread:19394 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:53:11,784 WARNING MainThread:19394 [internal.py:wandb_internal():155] Internal process interrupt: 1
+2022-05-07 17:53:11,946 WARNING MainThread:19394 [internal.py:wandb_internal():155] Internal process interrupt: 2
+2022-05-07 17:53:11,946 ERROR MainThread:19394 [internal.py:wandb_internal():158] Internal process interrupted.
+2022-05-07 17:53:11,955 INFO SenderThread:19394 [sender.py:finish():1078] shutting down sender
+2022-05-07 17:53:11,956 INFO SenderThread:19394 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 17:53:11,957 INFO HandlerThread:19394 [handler.py:finish():778] shutting down handler
+2022-05-07 17:53:12,288 INFO SenderThread:19394 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files
+2022-05-07 17:53:12,288 INFO SenderThread:19394 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/requirements.txt requirements.txt
+2022-05-07 17:53:12,288 INFO SenderThread:19394 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/output.log output.log
+2022-05-07 17:53:12,288 INFO SenderThread:19394 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 17:53:12,289 INFO SenderThread:19394 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/config.yaml config.yaml
+2022-05-07 17:53:12,289 INFO SenderThread:19394 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/files/wandb-summary.json wandb-summary.json
+2022-05-07 17:53:12,292 INFO SenderThread:19394 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:53:12,292 INFO SenderThread:19394 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:53:12,321 INFO MainThread:19394 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_175120-1uz2jm5y/logs/debug.log b/wandb/run-20220507_175120-1uz2jm5y/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..0d63705d2735f98a7dff7f10c363236f3d35bb9a
--- /dev/null
+++ b/wandb/run-20220507_175120-1uz2jm5y/logs/debug.log
@@ -0,0 +1,27 @@
+2022-05-07 17:51:20,955 INFO MainThread:18339 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 17:51:20,955 INFO MainThread:18339 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 17:51:20,955 INFO MainThread:18339 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 17:51:20,955 INFO MainThread:18339 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 17:51:20,956 INFO MainThread:18339 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/logs/debug.log
+2022-05-07 17:51:20,956 INFO MainThread:18339 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175120-1uz2jm5y/logs/debug-internal.log
+2022-05-07 17:51:20,956 INFO MainThread:18339 [wandb_init.py:init():439] calling init triggers
+2022-05-07 17:51:20,956 INFO MainThread:18339 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 17:51:20,956 INFO MainThread:18339 [wandb_init.py:init():492] starting backend
+2022-05-07 17:51:20,956 INFO MainThread:18339 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 17:51:20,982 INFO MainThread:18339 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 17:51:21,006 INFO MainThread:18339 [backend.py:ensure_launched():224] started backend process with pid: 19394
+2022-05-07 17:51:21,008 INFO MainThread:18339 [wandb_init.py:init():501] backend started and connected
+2022-05-07 17:51:21,021 INFO MainThread:18339 [wandb_init.py:init():565] updated telemetry
+2022-05-07 17:51:21,080 INFO MainThread:18339 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 17:51:22,177 INFO MainThread:18339 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 17:51:22,239 INFO MainThread:18339 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 17:51:22,239 INFO MainThread:18339 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 17:51:24,372 INFO MainThread:18339 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 17:51:24,372 INFO MainThread:18339 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 17:51:24,373 INFO MainThread:18339 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 17:51:24,375 INFO MainThread:18339 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 17:51:24,375 INFO MainThread:18339 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 17:53:18,099 INFO MainThread:18339 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 255
+2022-05-07 17:53:18,101 INFO MainThread:18339 [wandb_run.py:_restore():1674] restore
diff --git a/wandb/run-20220507_175120-1uz2jm5y/run-1uz2jm5y.wandb b/wandb/run-20220507_175120-1uz2jm5y/run-1uz2jm5y.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..aca3dbcc49b926ffe7d92a467a99b59af23e8db0
Binary files /dev/null and b/wandb/run-20220507_175120-1uz2jm5y/run-1uz2jm5y.wandb differ
diff --git a/wandb/run-20220507_175331-2sve22ph/files/config.yaml b/wandb/run-20220507_175331-2sve22ph/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..969e14b97b82093c39d20f8ab076633b573ce385
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651946011
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_175331-2sve22ph/files/output.log b/wandb/run-20220507_175331-2sve22ph/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..ff50daf8e492d01602a842e501dd0e660c4dfc2e
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/files/output.log
@@ -0,0 +1,698 @@
+05/07/2022 17:53:34 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 17:53:34 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 17:53:35 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:53:35 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 17:53:36 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:53:37 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 17:53:48.212500: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 17:53:48.212544: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 17:53:47 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+> /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/run_flax_speech_recognition_seq2seq.py(986)main()
+ 985 import ipdb; ipdb.set_trace()
+--> 986 num_epochs = int(training_args.num_train_epochs) if training_args.max_steps < 0 else - (num_train_samples // - steps_per_epoch)
+ 987 total_train_steps = steps_per_epoch * num_epochs if training_args.max_steps < 0 else training_args.max_steps
+
+[?2004h[?1l[?25l[?7lipdb> [?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7ltraining_args.maxipdb> training_args.max_steps
+[?7h[?12l[?25h[?2004l15
+[?2004h[?25l[?7lipdb> [?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7lnum_train_samplesipdb> num_train_samples
+
+ [?25l[?7ls[?7h[?12l[?25h[?25l[?7lt[?7h[?12l[?25h[?25l[?7le[?7h[?12l[?25h[?25l[?7lp[?7h[?12l[?25h[?25l[?7ls[?7h[?12l[?25h[?25l[?7l_[?7h[?12l[?25h[?25l[?7lp[?7h[?12l[?25h[?25l[?7le[?7h[?12l[?25h[?25l[?7lr[?7h[?12l[?25h[?25l[?7l_[?7h[?12l[?25h[?25l[?7le[?7h[?12l[?25h[?25l[?7lp[?7h[?12l[?25h[?25l[?7lo[?7h[?12l[?25h[?25l[?7lc[?7h[?12l[?25h[?25l[?7lh[?ipdb> steps_per_epoch
+[?7h[?12l[?25h[?2004l2
+[?2004h[?25l[?7lipdb> [?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7lbatch_size_per_upipdb> batch_size_per_update
+[?7h[?12l[?25h[?2004l32
+
+[?2004h[?25l[?7lipdb> [?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7l- (num_train_sampipdb> - (num_train_samples // - steps_per_epoch)
+[?7h[?12l[?25h[?2004l34
+
+[?2004h[?25l[?7lipdb> [?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7l[?7h[?12l[?25h[?25l[?7lq[?7h[?12l[?25h[?25l[?7lu[?7h[?12l[?25h[?25l[?7li[?7h[?12l[?25h[?25l[?7lt[?7h[?12l[?25ipdb> quit
+[?7h[?12l[?25h[?2004l
+Traceback (most recent call last):
+ File "run_flax_speech_recognition_seq2seq.py", line 1394, in
+ if __name__ == "__main__":
+ File "run_flax_speech_recognition_seq2seq.py", line 986, in main
+ import ipdb; ipdb.set_trace()
+ File "run_flax_speech_recognition_seq2seq.py", line 986, in main
+ import ipdb; ipdb.set_trace()
+ File "/usr/lib/python3.8/bdb.py", line 88, in trace_dispatch
+ return self.dispatch_line(frame)
+ File "/usr/lib/python3.8/bdb.py", line 113, in dispatch_line
+ if self.quitting: raise BdbQuit
+bdb.BdbQuit
+If you suspect this is an IPython 8.2.0 bug, please report it at:
+ https://github.com/ipython/ipython/issues
+or send an email to the mailing list at ipython-dev@python.org
+You can print a more detailed traceback right now with "%tb", or use "%debug"
+to interactively debug it.
+Extra-detailed tracebacks for bug-reporting purposes can be enabled via:
+ %config Application.verbose_crash=True
\ No newline at end of file
diff --git a/wandb/run-20220507_175331-2sve22ph/files/requirements.txt b/wandb/run-20220507_175331-2sve22ph/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_175331-2sve22ph/files/wandb-metadata.json b/wandb/run-20220507_175331-2sve22ph/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..f0a47d762f7eaed6919ed4f3a33ec53c3d3b671d
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T17:53:34.647461",
+ "startedAt": "2022-05-07T17:53:31.453182",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json b/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..8882086c417ec9b2b184b483a640f84b26582ae7
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json
@@ -0,0 +1 @@
+{"_wandb": {"runtime": 162}}
\ No newline at end of file
diff --git a/wandb/run-20220507_175331-2sve22ph/logs/debug-internal.log b/wandb/run-20220507_175331-2sve22ph/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..d76209487e508c2e4586368054562ae964e9d40a
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/logs/debug-internal.log
@@ -0,0 +1,179 @@
+2022-05-07 17:53:32,270 INFO MainThread:21883 [internal.py:wandb_internal():92] W&B internal server running at pid: 21883, started at: 2022-05-07 17:53:32.270705
+2022-05-07 17:53:32,274 DEBUG SenderThread:21883 [sender.py:send():235] send: header
+2022-05-07 17:53:32,274 INFO WriterThread:21883 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/run-2sve22ph.wandb
+2022-05-07 17:53:32,274 DEBUG SenderThread:21883 [sender.py:send():235] send: run
+2022-05-07 17:53:32,355 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 17:53:32,355 INFO SenderThread:21883 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files
+2022-05-07 17:53:32,355 INFO SenderThread:21883 [sender.py:_start_run_threads():812] run started: 2sve22ph with start time 1651946011
+2022-05-07 17:53:32,356 DEBUG SenderThread:21883 [sender.py:send():235] send: summary
+2022-05-07 17:53:32,356 INFO SenderThread:21883 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:53:32,356 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: check_version
+2022-05-07 17:53:32,417 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 17:53:33,357 INFO Thread-7 :21883 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json
+2022-05-07 17:53:34,647 DEBUG HandlerThread:21883 [meta.py:__init__():37] meta init
+2022-05-07 17:53:34,647 DEBUG HandlerThread:21883 [meta.py:__init__():51] meta init done
+2022-05-07 17:53:34,647 DEBUG HandlerThread:21883 [meta.py:probe():211] probe
+2022-05-07 17:53:34,648 DEBUG HandlerThread:21883 [meta.py:_setup_git():201] setup git
+2022-05-07 17:53:34,677 DEBUG HandlerThread:21883 [meta.py:_setup_git():208] setup git done
+2022-05-07 17:53:34,677 DEBUG HandlerThread:21883 [meta.py:_save_pip():55] save pip
+2022-05-07 17:53:34,678 DEBUG HandlerThread:21883 [meta.py:_save_pip():69] save pip done
+2022-05-07 17:53:34,678 DEBUG HandlerThread:21883 [meta.py:probe():249] probe done
+2022-05-07 17:53:34,681 DEBUG SenderThread:21883 [sender.py:send():235] send: files
+2022-05-07 17:53:34,681 INFO SenderThread:21883 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 17:53:34,687 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:53:34,687 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:53:34,892 DEBUG SenderThread:21883 [sender.py:send():235] send: telemetry
+2022-05-07 17:53:34,942 INFO Thread-11 :21883 [upload_job.py:push():137] Uploaded file /tmp/tmpz12z6jv0wandb/39yfzh3v-wandb-metadata.json
+2022-05-07 17:53:35,361 INFO Thread-7 :21883 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-metadata.json
+2022-05-07 17:53:35,361 INFO Thread-7 :21883 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:53:35,361 INFO Thread-7 :21883 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/requirements.txt
+2022-05-07 17:53:37,361 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:53:39,362 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:53:49,365 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:53:49,894 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:53:49,894 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:53:51,366 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:53:57,368 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:01,370 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:02,370 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/config.yaml
+2022-05-07 17:54:02,728 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:54:03,370 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:05,371 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:06,284 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:54:06,285 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:54:13,373 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:21,415 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:54:21,415 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:54:31,379 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:32,799 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:54:33,380 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:54:36,450 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:54:36,450 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:54:51,483 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:54:51,483 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:55:02,873 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:55:06,536 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:55:06,536 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:55:21,583 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:55:21,584 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:55:32,946 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:55:36,616 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:55:36,617 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:55:51,708 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:55:51,709 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:56:03,017 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:56:06,743 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:56:06,744 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:56:12,707 DEBUG SenderThread:21883 [sender.py:send():235] send: telemetry
+2022-05-07 17:56:12,707 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:56:13,410 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:56:14,410 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:56:14,988 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:14,988 DEBUG SenderThread:21883 [sender.py:send():235] send: exit
+2022-05-07 17:56:14,988 INFO SenderThread:21883 [sender.py:send_exit():371] handling exit code: 0
+2022-05-07 17:56:14,989 INFO SenderThread:21883 [sender.py:send_exit():373] handling runtime: 162
+2022-05-07 17:56:14,989 INFO SenderThread:21883 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:56:14,989 INFO SenderThread:21883 [sender.py:send_exit():379] send defer
+2022-05-07 17:56:14,989 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:14,990 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:14,990 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 17:56:14,990 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:14,990 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 17:56:14,990 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 1
+2022-05-07 17:56:14,990 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:14,990 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 17:56:15,048 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,048 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 17:56:15,048 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 2
+2022-05-07 17:56:15,048 DEBUG SenderThread:21883 [sender.py:send():235] send: stats
+2022-05-07 17:56:15,048 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,048 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 17:56:15,049 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,049 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 17:56:15,049 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 3
+2022-05-07 17:56:15,049 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,049 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 17:56:15,049 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,049 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 17:56:15,049 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 4
+2022-05-07 17:56:15,049 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,049 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 17:56:15,049 DEBUG SenderThread:21883 [sender.py:send():235] send: summary
+2022-05-07 17:56:15,050 INFO SenderThread:21883 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:56:15,050 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,050 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 17:56:15,050 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 5
+2022-05-07 17:56:15,050 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,050 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 17:56:15,050 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,050 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 17:56:15,091 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,099 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 6
+2022-05-07 17:56:15,099 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,099 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,099 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 17:56:15,099 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,099 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 17:56:15,099 INFO SenderThread:21883 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 17:56:15,200 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,411 INFO Thread-7 :21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json
+2022-05-07 17:56:15,411 INFO SenderThread:21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:56:15,411 INFO SenderThread:21883 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/config.yaml
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/requirements.txt requirements.txt
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log output.log
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/config.yaml config.yaml
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json wandb-summary.json
+2022-05-07 17:56:15,412 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 7
+2022-05-07 17:56:15,413 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,413 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,413 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 17:56:15,413 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,413 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 17:56:15,413 INFO SenderThread:21883 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:56:15,517 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,517 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,619 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,619 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,655 INFO Thread-14 :21883 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/config.yaml
+2022-05-07 17:56:15,673 INFO Thread-12 :21883 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/requirements.txt
+2022-05-07 17:56:15,687 INFO Thread-15 :21883 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/wandb-summary.json
+2022-05-07 17:56:15,720 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,721 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,762 INFO Thread-13 :21883 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/files/output.log
+2022-05-07 17:56:15,822 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,822 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,924 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:15,924 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:15,963 INFO Thread-6 :21883 [sender.py:transition_state():392] send defer: 8
+2022-05-07 17:56:15,963 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:15,963 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 17:56:15,963 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:15,964 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 17:56:16,025 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:16,275 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 9
+2022-05-07 17:56:16,276 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:16,276 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:16,276 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 17:56:16,276 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:16,276 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 17:56:16,276 INFO SenderThread:21883 [sender.py:transition_state():392] send defer: 10
+2022-05-07 17:56:16,277 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 17:56:16,277 INFO HandlerThread:21883 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 17:56:16,277 DEBUG SenderThread:21883 [sender.py:send():235] send: final
+2022-05-07 17:56:16,277 DEBUG SenderThread:21883 [sender.py:send():235] send: footer
+2022-05-07 17:56:16,277 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: defer
+2022-05-07 17:56:16,277 INFO SenderThread:21883 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 17:56:16,377 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 17:56:16,377 DEBUG SenderThread:21883 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 17:56:16,377 INFO SenderThread:21883 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:56:16,534 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 17:56:16,535 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 17:56:16,535 DEBUG HandlerThread:21883 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 17:56:16,535 INFO HandlerThread:21883 [handler.py:finish():778] shutting down handler
+2022-05-07 17:56:17,277 INFO WriterThread:21883 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/run-2sve22ph.wandb
+2022-05-07 17:56:17,433 INFO SenderThread:21883 [sender.py:finish():1078] shutting down sender
+2022-05-07 17:56:17,433 INFO SenderThread:21883 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 17:56:17,433 INFO SenderThread:21883 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 17:56:17,462 INFO MainThread:21883 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_175331-2sve22ph/logs/debug.log b/wandb/run-20220507_175331-2sve22ph/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..81c791f0b04cdbf867d80778c38d46a9b746499c
--- /dev/null
+++ b/wandb/run-20220507_175331-2sve22ph/logs/debug.log
@@ -0,0 +1,115 @@
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/logs/debug.log
+2022-05-07 17:53:31,454 INFO MainThread:20825 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175331-2sve22ph/logs/debug-internal.log
+2022-05-07 17:53:31,455 INFO MainThread:20825 [wandb_init.py:init():439] calling init triggers
+2022-05-07 17:53:31,455 INFO MainThread:20825 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 17:53:31,455 INFO MainThread:20825 [wandb_init.py:init():492] starting backend
+2022-05-07 17:53:31,455 INFO MainThread:20825 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 17:53:31,480 INFO MainThread:20825 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 17:53:31,504 INFO MainThread:20825 [backend.py:ensure_launched():224] started backend process with pid: 21883
+2022-05-07 17:53:31,507 INFO MainThread:20825 [wandb_init.py:init():501] backend started and connected
+2022-05-07 17:53:31,519 INFO MainThread:20825 [wandb_init.py:init():565] updated telemetry
+2022-05-07 17:53:31,579 INFO MainThread:20825 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 17:53:32,354 INFO MainThread:20825 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 17:53:32,416 INFO MainThread:20825 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 17:53:32,416 INFO MainThread:20825 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 17:53:34,685 INFO MainThread:20825 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 17:53:34,685 INFO MainThread:20825 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 17:53:34,686 INFO MainThread:20825 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 17:53:34,688 INFO MainThread:20825 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 17:53:34,688 INFO MainThread:20825 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 17:56:12,704 INFO MainThread:20825 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 0
+2022-05-07 17:56:12,707 INFO MainThread:20825 [wandb_run.py:_restore():1674] restore
+2022-05-07 17:56:14,990 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2107
+ total_bytes: 2107
+}
+
+2022-05-07 17:56:15,099 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2107
+ total_bytes: 2107
+}
+
+2022-05-07 17:56:15,416 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 3
+}
+pusher_stats {
+ uploaded_bytes: 2107
+ total_bytes: 29692
+}
+
+2022-05-07 17:56:15,518 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:15,619 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:15,721 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:15,823 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:15,924 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:16,276 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+
+2022-05-07 17:56:16,433 INFO MainThread:20825 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 30233
+ total_bytes: 30233
+}
+local_info {
+}
+
+2022-05-07 17:56:17,902 INFO MainThread:20825 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 17:56:17,902 INFO MainThread:20825 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 17:56:17,903 INFO MainThread:20825 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_175331-2sve22ph/run-2sve22ph.wandb b/wandb/run-20220507_175331-2sve22ph/run-2sve22ph.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..0a1b8be01e570180db64055b43f7fb2131f4b695
Binary files /dev/null and b/wandb/run-20220507_175331-2sve22ph/run-2sve22ph.wandb differ
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/config.yaml b/wandb/run-20220507_175813-3hqzwtal/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..d1ef02fe473d7be106d3e36c9b59c835f4b70924
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651946293
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8621e8ec4c710efff5623b55e03200c677cb8a
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8621e8ec4c710efff5623b55e03200c677cb8a
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/output.log b/wandb/run-20220507_175813-3hqzwtal/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..3b961556b15ef2879e928ab909b7cfb9a9f433d1
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/output.log
@@ -0,0 +1,719 @@
+05/07/2022 17:58:16 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 17:58:16 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 17:58:17 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:58:17 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 17:58:18 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 17:58:18 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 17:58:30.097357: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 17:58:30.097406: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 17:58:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+05/07/2022 17:58:30 - INFO - __main__ - ***** Running training *****
+05/07/2022 17:58:30 - INFO - __main__ - Num examples = 68
+05/07/2022 17:58:30 - INFO - __main__ - Num Epochs = 8
+05/07/2022 17:58:30 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 17:58:30 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 17:58:30 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 17:58:30 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 17:58:30 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 17:58:30 - INFO - __main__ - Use scan: True
+05/07/2022 17:58:30 - INFO - __main__ - Fuse matmuls: False
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:24<00:24, 24.76s/it]
+Epoch ... (1/8): 12%|████████▌ | 1/8 [00:50<05:41, 48.79s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.39s/it]
+Step... (2 | Loss: 6.899670600891113, Learning Rate: 1.200009137392044e-06, Gradient Norm: 0.2026989609003067)
+Epoch ... (1/8): 25%|█████████████████ | 2/8 [00:51<02:09, 21.59s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (4 | Loss: 6.901019096374512, Learning Rate: 2.400018274784088e-06, Gradient Norm: 0.21465465426445007)
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.26s/it]
+
+
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:46<00:45, 22.73s/it]
+Epoch... (3/8 | Eval Loss: 6.898293972015381 | Eval wer: 1.2724137931034483 |): 38%|█▉ | 3/8 [02:03<03:43, 44.74s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (6 | Loss: 6.9045891761779785, Learning Rate: 3.5999983083456755e-06, Gradient Norm: 0.215453639626503)
+Epoch... (3/8 | Eval Loss: 6.898293972015381 | Eval wer: 1.2724137931034483 |): 50%|██▌ | 4/8 [02:06<01:52, 28.10s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.19s/it]
+Step... (9 | Loss: 6.896272659301758, Learning Rate: 5.4000120144337416e-06, Gradient Norm: 0.21228843927383423)
+Epoch... (3/8 | Eval Loss: 6.898293972015381 | Eval wer: 1.2724137931034483 |): 62%|███▏ | 5/8 [02:09<00:56, 18.86s/it]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 0%| | 0/4 [00:00, ?it/s]
+
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 100%|████████████████████████████████████████████████████████████████████████| 2/2 [00:05<00:00, 2.77s/it]
+Epoch... (6/8 | Eval Loss: 6.898101329803467 | Eval wer: 1.2724137931034483 |): 75%|███▊ | 6/8 [02:14<00:28, 14.33s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+05/07/2022 18:00:43 - INFO - __main__ - Saving checkpoint...
+
+Epoch... (6/8 | Eval Loss: 6.898101329803467 | Eval wer: 1.2724137931034483 |): 88%|████▍| 7/8 [02:16<00:10, 10.46s/it]
+Epoch... (6/8 | Eval Loss: 6.898101329803467 | Eval wer: 1.2724137931034483 |): 88%|████▍| 7/8 [02:17<00:10, 10.46s/it]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.20s/it]
+Step... (13 | Loss: 6.897483825683594, Learning Rate: 7.800001185387373e-06, Gradient Norm: 0.2051669955253601)
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.20s/it]
+Evaluating ...: 0%| | 0/4 [00:00, ?it/s]
+
+
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:42<00:01, 1.20s/it]
+Epoch... (8/8 | Eval Loss: 6.897793769836426 | Eval wer: 1.0 |): 100%|████████████████████| 8/8 [02:59<00:00, 22.39s/it]
+Predicting validation[:90%]...: 67%|███████████████████████████████████▎ | 2/3 [00:01<00:00, 1.69it/s]
+Predicting validation[:90%]...: 100%|█████████████████████████████████████████████████████| 3/3 [00:01<00:00, 1.68it/s]
+
+Predicting validation[:95%]...: 100%|█████████████████████████████████████████████████████| 4/4 [00:02<00:00, 1.71it/s]
+Epoch... (8/8 | validation[:95%] Loss: 6.897793769836426 | validation[:95%] wer: 1.0 |)
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt b/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/wandb-metadata.json b/wandb/run-20220507_175813-3hqzwtal/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..0427ecf463bf6995fbb8a884967e5c325475b5f1
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T17:58:16.539976",
+ "startedAt": "2022-05-07T17:58:13.288525",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json b/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..4911ac169a163c24707b15fb9cea0fe9e88fe02a
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.2150477170944214, "train/decoder_param_norm": 10.987306594848633, "train/encoder_grad_norm": 6.064150875317864e-05, "train/encoder_param_norm": 21.972942352294922, "train/grad_norm": 0.21504773199558258, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.11122329533100128}, "embed_tokens": {"embedding": 0.1820361316204071}, "layernorm_embedding": {"bias": 0.0068949079141020775, "scale": 0.0026860698126256466}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.5642446607916647e-13, "kernel": 7.487256257696084e-13}, "out_proj": {"bias": 0.010047965683043003, "kernel": 4.521086884778924e-05}, "q_proj": {"bias": 7.747439300341552e-13, "kernel": 6.88155045100447e-13}, "v_proj": {"bias": 0.0011668370570987463, "kernel": 4.029389856441412e-06}}, "encoder_attn_layer_norm": {"bias": 0.010077998042106628, "scale": 0.0037455742713063955}, "fc1": {"bias": 0.00019459589384496212, "kernel": 0.0003250697918701917}, "fc2": {"bias": 0.010260540060698986, "kernel": 0.0003131343109998852}, "final_layer_norm": {"bias": 0.01106418576091528, "scale": 0.004751626402139664}, "self_attn": {"k_proj": {"bias": 7.238525334685164e-10, "kernel": 2.8581273454619804e-06}, "out_proj": {"bias": 0.009844785556197166, "kernel": 0.0008456729701720178}, "q_proj": {"bias": 1.4881220522511285e-06, "kernel": 3.2062198442872614e-06}, "v_proj": {"bias": 0.0007570915622636676, "kernel": 0.0008564118761569262}}, "self_attn_layer_norm": {"bias": 0.010077686049044132, "scale": 0.003748663468286395}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.6415312959215953e-07, "kernel": 1.2129959259254974e-06}}, "1": {"conv": {"bias": 3.350412043801043e-06, "kernel": 1.3747601315117208e-06}}, "2": {"conv": {"bias": 6.0431764723034576e-05, "kernel": 2.6142984097532462e-06}}}}, "encoder": {"layer_norm": {"bias": 4.509654161211074e-08, "scale": 4.004211362484966e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.7168444104052817e-15, "kernel": 1.8854705297055574e-10}, "out_proj": {"bias": 1.1863667168654501e-06, "kernel": 1.9752299351694091e-07}, "q_proj": {"bias": 7.523422856925421e-11, "kernel": 1.932366489043602e-10}, "v_proj": {"bias": 8.494937731029495e-08, "kernel": 1.9339158541242796e-07}}, "feed_forward": {"intermediate_dense": {"bias": 5.581053130754299e-08, "kernel": 1.6908217048694496e-07}, "output_dense": {"bias": 1.1465112947917078e-06, "kernel": 1.7280974873301602e-07}}, "final_layer_norm": {"bias": 4.081732285499129e-09, "scale": 3.0447782073395047e-09}, "layer_norm": {"bias": 6.1065748013788834e-09, "scale": 3.687254945816676e-09}}}, "pos_conv_embed": {"conv": {"bias": 3.5437699352769414e-07, "weight_g": 6.822715281629144e-09, "weight_v": 8.074692203763334e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 8.454254185608079e-08, "scale": 9.093024999629051e-09}, "projection": {"bias": 7.416922471747966e-07, "kernel": 5.857787641616596e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.799548864364624}, "embed_tokens": {"embedding": 2.508861780166626}, "layernorm_embedding": {"bias": 0.004077140241861343, "scale": 4.000096797943115}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.6000717134877505e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.0057420749217271805, "kernel": 0.466558039188385}, "q_proj": {"bias": 2.706269697227981e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.006151505280286074, "kernel": 0.4626885950565338}}, "encoder_attn_layer_norm": {"bias": 0.00585748627781868, "scale": 5.656979560852051}, "fc1": {"bias": 0.00290256948210299, "kernel": 0.2303207963705063}, "fc2": {"bias": 0.005754070356488228, "kernel": 0.22856956720352173}, "final_layer_norm": {"bias": 0.005639566574245691, "scale": 5.657083988189697}, "self_attn": {"k_proj": {"bias": 1.2794884241884574e-05, "kernel": 0.4487813115119934}, "out_proj": {"bias": 0.005748627707362175, "kernel": 0.4594961404800415}, "q_proj": {"bias": 0.004994430113583803, "kernel": 0.438913494348526}, "v_proj": {"bias": 0.005543058272451162, "kernel": 0.47386878728866577}}, "self_attn_layer_norm": {"bias": 0.005857635755091906, "scale": 5.656980037689209}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.003457340644672513, "kernel": 0.7978489995002747}}, "1": {"conv": {"bias": 0.004356799181550741, "kernel": 0.7822799682617188}}, "2": {"conv": {"bias": 0.004215359687805176, "kernel": 0.7933205962181091}}}}, "encoder": {"layer_norm": {"bias": 0.0012373728677630424, "scale": 4.000400543212891}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.19078788496374e-10, "kernel": 0.6511668562889099}, "out_proj": {"bias": 0.004054661374539137, "kernel": 0.6515105962753296}, "q_proj": {"bias": 8.87850001163315e-06, "kernel": 0.636457085609436}, "v_proj": {"bias": 0.0026581177953630686, "kernel": 0.6420843005180359}}, "feed_forward": {"intermediate_dense": {"bias": 0.002138777868822217, "kernel": 0.7063344120979309}, "output_dense": {"bias": 0.004312977660447359, "kernel": 0.7153151631355286}}, "final_layer_norm": {"bias": 0.0003086820070166141, "scale": 7.999976634979248}, "layer_norm": {"bias": 0.0006067195208743215, "scale": 8.000041007995605}}}, "pos_conv_embed": {"conv": {"bias": 0.0017672821413725615, "weight_g": 2.277693510055542, "weight_v": 2.2775847911834717}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.0014790770364925265, "scale": 5.656819820404053}, "projection": {"bias": 0.001727373106405139, "kernel": 0.43015289306640625}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 8.99998121894896e-06, "train/loss": 6.897083282470703, "train/param_norm": 24.56686782836914, "_timestamp": 1651946495, "_runtime": 202, "_step": 15, "eval/loss": 6.897793769836426, "eval/wer": 1.0, "eval/epoch_3": {"_type": "table-file", "path": "media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://3nv9uwwygr0mrucvh6dj8m0gecovdqbjfypk22apclmho2a6rb7ezs02lm2nr0uppakr8fb9quu747aj2jurifz3lia1bus1am8j305qr2p22vjdlf34svsyq3ebom8h:latest/eval/epoch_3.table.json", "_latest_artifact_path": "wandb-client-artifact://3nv9uwwygr0mrucvh6dj8m0gecovdqbjfypk22apclmho2a6rb7ezs02lm2nr0uppakr8fb9quu747aj2jurifz3lia1bus1am8j305qr2p22vjdlf34svsyq3ebom8h:latest/eval/epoch_3.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_6": {"_type": "table-file", "path": "media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://160ho6lq5dl0owzca16fzuz3khpptqi4agk46pmhbkved7eiq8njnyzuru52o4kc8qifecur9ci1x6ykobr45qpxk734d5hhap0ehbwb5aqd7jxgcm1y94m6be2f2v3n:latest/eval/epoch_6.table.json", "_latest_artifact_path": "wandb-client-artifact://160ho6lq5dl0owzca16fzuz3khpptqi4agk46pmhbkved7eiq8njnyzuru52o4kc8qifecur9ci1x6ykobr45qpxk734d5hhap0ehbwb5aqd7jxgcm1y94m6be2f2v3n:latest/eval/epoch_6.table.json", "ncols": 3, "nrows": 50}, "eval/epoch_8": {"_type": "table-file", "path": "media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://w2il8vti7hqnvo9she3bchq51ocvv3jxuu5w20489yeibzfnjxkpter0ju1vysqezgix2vb95kdjx7wjbgetwt9qatvqnr456pc53u06xu1ux2ywo1t860hpzfhcjozg:latest/eval/epoch_8.table.json", "_latest_artifact_path": "wandb-client-artifact://w2il8vti7hqnvo9she3bchq51ocvv3jxuu5w20489yeibzfnjxkpter0ju1vysqezgix2vb95kdjx7wjbgetwt9qatvqnr456pc53u06xu1ux2ywo1t860hpzfhcjozg:latest/eval/epoch_8.table.json", "ncols": 4, "nrows": 50}, "eval/epoch_8_incorrect": {"_type": "table-file", "path": "media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json", "sha256": "623faa4883d23d9d41947dcde31f197a909862eb4d078966446c26699859d3be", "size": 20629, "artifact_path": "wandb-client-artifact://15ll5jpclcbnia6iy6ti6egmcq64dwfj7dmwv62epsxxmdnq7x3rlredg6f5wbmpgpulk29eyns324glohbsbmx2o57gknvr2wheg2mm9tmag37she1alb1zaarye0h4:latest/eval/epoch_8_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://15ll5jpclcbnia6iy6ti6egmcq64dwfj7dmwv62epsxxmdnq7x3rlredg6f5wbmpgpulk29eyns324glohbsbmx2o57gknvr2wheg2mm9tmag37she1alb1zaarye0h4:latest/eval/epoch_8_incorrect.table.json", "ncols": 4, "nrows": 64}, "validation[:90%]/loss": 6.899570465087891, "validation[:90%]/wer": 1.0, "validation[:90%]/epoch_8": {"_type": "table-file", "path": "media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://3g6xvoszeai8a6wwyfge57z8bi029nvd24566mvmwc83vmvjtmh640bs8h5oud4ku8l5nln1312231937ylr3bmu077detuc7rqc0xjsx8p062ojnb0gmi6ivd3fljft:latest/validation[:90%]/epoch_8.table.json", "_latest_artifact_path": "wandb-client-artifact://3g6xvoszeai8a6wwyfge57z8bi029nvd24566mvmwc83vmvjtmh640bs8h5oud4ku8l5nln1312231937ylr3bmu077detuc7rqc0xjsx8p062ojnb0gmi6ivd3fljft:latest/validation[:90%]/epoch_8.table.json", "ncols": 4, "nrows": 48}, "validation[:90%]/epoch_8_incorrect": {"_type": "table-file", "path": "media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://vmoa2hprsafj9q6ejsnvpwx0oqd77i7b8ru4lpqgvwsimgdef18yyeklhimwlcapvk9vkeuzl5xi6zqzbe8gls7fym3m6lz8prr9mi28lnqit9p3fpam0quct4ipzeva:latest/validation[:90%]/epoch_8_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://vmoa2hprsafj9q6ejsnvpwx0oqd77i7b8ru4lpqgvwsimgdef18yyeklhimwlcapvk9vkeuzl5xi6zqzbe8gls7fym3m6lz8prr9mi28lnqit9p3fpam0quct4ipzeva:latest/validation[:90%]/epoch_8_incorrect.table.json", "ncols": 4, "nrows": 48}, "validation[:95%]/loss": 6.897793769836426, "validation[:95%]/wer": 1.0, "validation[:95%]/epoch_8": {"_type": "table-file", "path": "media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://pzncrrsuh9vsi7a3c2gv790rjbiisss2odxs1a50n18v3rjsagr1vqmng5rsmue5pr8z98jmmktvmk22saxitqc158he8we7l6tqm1kgfx7ilmj077vrv327k9m8ztt7:latest/validation[:95%]/epoch_8.table.json", "_latest_artifact_path": "wandb-client-artifact://pzncrrsuh9vsi7a3c2gv790rjbiisss2odxs1a50n18v3rjsagr1vqmng5rsmue5pr8z98jmmktvmk22saxitqc158he8we7l6tqm1kgfx7ilmj077vrv327k9m8ztt7:latest/validation[:95%]/epoch_8.table.json", "ncols": 4, "nrows": 50}, "validation[:95%]/epoch_8_incorrect": {"_type": "table-file", "path": "media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json", "sha256": "623faa4883d23d9d41947dcde31f197a909862eb4d078966446c26699859d3be", "size": 20629, "artifact_path": "wandb-client-artifact://npfouc7cn3eus3b60j4g8j01vaivalt153rzv9kvx5kgl9vvhnmy1nr2xcr4jomxwrrwo7yx8fu329o58y4uqbreepfwyg8o5yuki8z757x489phftwe7dgqd1bu3j4d:latest/validation[:95%]/epoch_8_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://npfouc7cn3eus3b60j4g8j01vaivalt153rzv9kvx5kgl9vvhnmy1nr2xcr4jomxwrrwo7yx8fu329o58y4uqbreepfwyg8o5yuki8z757x489phftwe7dgqd1bu3j4d:latest/validation[:95%]/epoch_8_incorrect.table.json", "ncols": 4, "nrows": 64}, "_wandb": {"runtime": 204}}
\ No newline at end of file
diff --git a/wandb/run-20220507_175813-3hqzwtal/logs/debug-internal.log b/wandb/run-20220507_175813-3hqzwtal/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..cb0298472d8fd961948dfdde692011b8f20183d2
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/logs/debug-internal.log
@@ -0,0 +1,386 @@
+2022-05-07 17:58:14,107 INFO MainThread:23847 [internal.py:wandb_internal():92] W&B internal server running at pid: 23847, started at: 2022-05-07 17:58:14.106970
+2022-05-07 17:58:14,109 INFO WriterThread:23847 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/run-3hqzwtal.wandb
+2022-05-07 17:58:14,110 DEBUG SenderThread:23847 [sender.py:send():235] send: header
+2022-05-07 17:58:14,110 DEBUG SenderThread:23847 [sender.py:send():235] send: run
+2022-05-07 17:58:14,188 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 17:58:14,188 INFO SenderThread:23847 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files
+2022-05-07 17:58:14,188 INFO SenderThread:23847 [sender.py:_start_run_threads():812] run started: 3hqzwtal with start time 1651946293
+2022-05-07 17:58:14,188 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 17:58:14,189 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:58:14,189 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: check_version
+2022-05-07 17:58:14,248 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 17:58:15,191 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 17:58:16,539 DEBUG HandlerThread:23847 [meta.py:__init__():37] meta init
+2022-05-07 17:58:16,539 DEBUG HandlerThread:23847 [meta.py:__init__():51] meta init done
+2022-05-07 17:58:16,539 DEBUG HandlerThread:23847 [meta.py:probe():211] probe
+2022-05-07 17:58:16,541 DEBUG HandlerThread:23847 [meta.py:_setup_git():201] setup git
+2022-05-07 17:58:16,575 DEBUG HandlerThread:23847 [meta.py:_setup_git():208] setup git done
+2022-05-07 17:58:16,575 DEBUG HandlerThread:23847 [meta.py:_save_pip():55] save pip
+2022-05-07 17:58:16,575 DEBUG HandlerThread:23847 [meta.py:_save_pip():69] save pip done
+2022-05-07 17:58:16,575 DEBUG HandlerThread:23847 [meta.py:probe():249] probe done
+2022-05-07 17:58:16,579 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 17:58:16,579 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 17:58:16,585 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:58:16,586 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:58:16,615 DEBUG SenderThread:23847 [sender.py:send():235] send: telemetry
+2022-05-07 17:58:16,860 INFO Thread-11 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/2qs680he-wandb-metadata.json
+2022-05-07 17:58:17,195 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:58:17,195 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt
+2022-05-07 17:58:17,196 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-metadata.json
+2022-05-07 17:58:19,196 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:58:21,197 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:58:31,201 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:58:31,677 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:58:31,678 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:58:33,202 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:58:44,616 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 17:58:45,207 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/config.yaml
+2022-05-07 17:58:46,930 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:58:46,930 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:58:57,211 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:59:01,985 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:59:01,986 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:59:14,691 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 17:59:17,476 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:59:17,476 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:59:19,288 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:19,378 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:20,682 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:20,684 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 17:59:20,685 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 17:59:20,686 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:59:20,770 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:21,221 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:59:21,222 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 17:59:21,849 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:21,851 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 17:59:21,852 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 17:59:21,853 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:59:21,931 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:22,222 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 17:59:23,127 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:23,129 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 17:59:23,130 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 17:59:23,130 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:59:23,194 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:23,222 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:59:23,222 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 17:59:24,322 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:24,324 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 17:59:24,325 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 17:59:24,325 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 17:59:24,411 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 17:59:25,223 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 17:59:25,223 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 17:59:32,530 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:59:32,531 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:59:44,766 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 17:59:47,568 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 17:59:47,569 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 17:59:51,233 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:02,624 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:00:02,624 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:00:12,240 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:14,847 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 18:00:17,677 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:00:17,677 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:00:32,722 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:00:32,723 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:00:34,050 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:34,114 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:00:34,115 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:00:34,218 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:34,249 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:00:34,249 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table
+2022-05-07 18:00:34,250 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media
+2022-05-07 18:00:34,250 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval
+2022-05-07 18:00:34,574 INFO Thread-13 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 18:00:35,249 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:35,435 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:35,535 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:36,028 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-evalepoch_3 - {'id': 'QXJ0aWZhY3Q6MTI0MzU4ODAw', 'digest': 'b5c3ea14223fca2fc4c6b3245e57e304', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5ODky', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:00:36,028 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:00:36,028 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 18:00:36,028 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:36,029 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:36,032 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:36,250 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:36,250 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:36,279 INFO Thread-14 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/1go5pz4e-media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:00:36,748 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:36,751 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:36,751 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:36,752 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:36,812 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:37,250 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:37,931 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:37,932 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:37,933 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:37,934 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:38,012 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:38,251 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:38,251 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:39,225 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:39,227 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:39,228 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:39,229 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:39,251 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:39,285 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:40,252 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:40,483 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:40,485 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:40,486 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:40,487 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:40,564 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:41,252 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:42,253 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:42,888 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:42,945 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:00:42,946 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:00:43,253 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:00:43,254 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval
+2022-05-07 18:00:43,363 INFO Thread-16 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 18:00:43,590 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:43,908 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-evalepoch_6 - {'id': 'QXJ0aWZhY3Q6MTI0MzU4ODI3', 'digest': 'c7eac83a9da52d82139235864a083759', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5ODk0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:00:43,908 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:00:43,908 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 18:00:44,166 INFO Thread-17 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/230mzitx-media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:00:44,254 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:44,709 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:44,712 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:44,712 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:44,713 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:44,821 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:44,921 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 18:00:45,254 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:45,935 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:45,937 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:45,937 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:45,939 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:46,017 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:46,255 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:46,255 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:47,263 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:47,265 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:47,266 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:47,269 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:47,324 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:47,853 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:00:47,854 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:00:48,256 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:48,256 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:48,450 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:48,452 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:48,452 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:48,453 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:48,528 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:49,256 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:49,681 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:49,683 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:00:49,683 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:00:49,684 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:00:49,743 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:00:50,257 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:00:50,257 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:00:52,258 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:02,960 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:01:02,961 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:01:06,264 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:14,993 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 18:01:18,011 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:01:18,012 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:01:18,270 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:29,470 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:29,531 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:29,531 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:29,595 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:29,637 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:29,735 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:29,962 INFO Thread-19 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:01:30,276 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:30,276 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:30,276 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:30,276 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval
+2022-05-07 18:01:30,398 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-evalepoch_8 - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MDgw', 'digest': 'f438f940059d7667deb4a50791726d2c', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTE3', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:30,398 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:30,398 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:01:30,399 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:30,670 INFO Thread-20 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/sae1wnru-media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:30,872 INFO Thread-22 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/25/29be3032c57f98a337547e6fe497da
+2022-05-07 18:01:31,332 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-evalepoch_8_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MDgy', 'digest': '1083b22586f095b594cda26f5e13869f', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTE4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:31,332 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:31,332 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json with policy now
+2022-05-07 18:01:31,613 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:31,636 INFO Thread-23 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/3ku2cp9q-media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:31,665 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:31,665 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:32,277 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:32,277 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:32,277 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table
+2022-05-07 18:01:32,277 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]
+2022-05-07 18:01:32,643 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:32,679 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:32,743 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:33,087 INFO Thread-25 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/af/47f5eac929f7d4f6e6c7d604ae396b
+2022-05-07 18:01:33,277 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:33,278 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]
+2022-05-07 18:01:33,472 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:01:33,627 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-validation90epoch_8 - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MDky', 'digest': '4a0bf6423c6c046a9c499c17c09d3972', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTIw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:33,627 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:33,627 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 18:01:33,629 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:33,924 INFO Thread-26 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/1xj8yudg-media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:34,278 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:34,323 INFO Thread-28 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/1d/36af48785046dc58b4f025a3f8aea1
+2022-05-07 18:01:35,034 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-validation90epoch_8_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MTA0', 'digest': 'b891e308e194fc2dc7887b835c0c4ff7', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTIy', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:35,034 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:35,034 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 18:01:35,035 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:01:35,167 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:35,261 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:35,262 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:35,278 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:35,279 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table
+2022-05-07 18:01:35,279 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]
+2022-05-07 18:01:35,307 INFO Thread-29 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/1mnfpbtf-media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:35,456 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:35,513 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:01:35,961 INFO Thread-31 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:01:36,121 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:36,149 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:01:36,279 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:36,279 INFO Thread-7 :23847 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:36,279 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]
+2022-05-07 18:01:36,772 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-validation95epoch_8 - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MTEx', 'digest': 'b7f474680722e0d2994717ec03a92b01', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTIz', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:36,773 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:36,773 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:01:36,774 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:01:37,060 INFO Thread-32 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/3j6qd40g-media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:38,905 INFO Thread-34 :23847 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/25/29be3032c57f98a337547e6fe497da
+2022-05-07 18:01:39,144 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:39,281 INFO Thread-7 :23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:40,840 INFO SenderThread:23847 [sender.py:send_request_log_artifact():976] logged artifact run-3hqzwtal-validation95epoch_8_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzU5MTIz', 'digest': '009449b4f57a6cf87bce6279ce908e6c', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5ODk5OTI1', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:01:40,840 DEBUG SenderThread:23847 [sender.py:send():235] send: files
+2022-05-07 18:01:40,840 INFO SenderThread:23847 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json with policy now
+2022-05-07 18:01:40,841 DEBUG SenderThread:23847 [sender.py:send():235] send: telemetry
+2022-05-07 18:01:40,841 DEBUG SenderThread:23847 [sender.py:send():235] send: history
+2022-05-07 18:01:40,842 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:01:40,843 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:01:40,843 DEBUG SenderThread:23847 [sender.py:send():235] send: exit
+2022-05-07 18:01:40,843 INFO SenderThread:23847 [sender.py:send_exit():371] handling exit code: 0
+2022-05-07 18:01:40,845 INFO SenderThread:23847 [sender.py:send_exit():373] handling runtime: 204
+2022-05-07 18:01:40,845 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:01:40,846 INFO SenderThread:23847 [sender.py:send_exit():379] send defer
+2022-05-07 18:01:40,846 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:40,847 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,847 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 18:01:40,847 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,847 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 18:01:40,847 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 1
+2022-05-07 18:01:40,850 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,850 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 18:01:40,857 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,857 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 18:01:40,857 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 2
+2022-05-07 18:01:40,857 DEBUG SenderThread:23847 [sender.py:send():235] send: stats
+2022-05-07 18:01:40,857 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,857 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 18:01:40,858 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,858 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 18:01:40,858 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 3
+2022-05-07 18:01:40,858 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,858 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 18:01:40,858 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,858 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 18:01:40,858 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 4
+2022-05-07 18:01:40,859 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,859 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 18:01:40,859 DEBUG SenderThread:23847 [sender.py:send():235] send: summary
+2022-05-07 18:01:40,860 INFO SenderThread:23847 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:01:40,860 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,861 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 18:01:40,861 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 5
+2022-05-07 18:01:40,861 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,861 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 18:01:40,861 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,861 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 18:01:40,913 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 6
+2022-05-07 18:01:40,914 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:40,914 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 18:01:40,914 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:40,914 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 18:01:40,914 INFO SenderThread:23847 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 18:01:40,948 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,132 INFO Thread-35 :23847 [upload_job.py:push():137] Uploaded file /tmp/tmp6ko7nbgiwandb/2zz6fan7-media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:41,282 INFO SenderThread:23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:01:41,282 INFO SenderThread:23847 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/config.yaml
+2022-05-07 18:01:41,282 INFO SenderThread:23847 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files
+2022-05-07 18:01:41,283 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt requirements.txt
+2022-05-07 18:01:41,283 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log output.log
+2022-05-07 18:01:41,283 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 18:01:41,283 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/config.yaml config.yaml
+2022-05-07 18:01:41,283 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json wandb-summary.json
+2022-05-07 18:01:41,284 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json media/table/validation[:95%]/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:41,284 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json media/table/validation[:95%]/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:41,286 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json media/table/eval/epoch_6_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:01:41,286 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json media/table/eval/epoch_8_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:01:41,287 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json media/table/eval/epoch_8_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:01:41,287 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json media/table/eval/epoch_3_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:01:41,291 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/epoch_8_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:41,291 INFO SenderThread:23847 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/epoch_8_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:01:41,292 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 7
+2022-05-07 18:01:41,292 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,295 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:41,295 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 18:01:41,296 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:41,296 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 18:01:41,296 INFO SenderThread:23847 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:01:41,396 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,396 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,498 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,498 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,546 INFO Thread-36 :23847 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/requirements.txt
+2022-05-07 18:01:41,568 INFO Thread-38 :23847 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/config.yaml
+2022-05-07 18:01:41,600 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,600 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,701 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,702 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,803 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,803 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:41,842 INFO Thread-37 :23847 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/output.log
+2022-05-07 18:01:41,848 INFO Thread-39 :23847 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/files/wandb-summary.json
+2022-05-07 18:01:41,905 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:41,905 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:42,006 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:42,007 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:42,049 INFO Thread-6 :23847 [sender.py:transition_state():392] send defer: 8
+2022-05-07 18:01:42,049 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:42,049 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 18:01:42,050 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:42,050 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 18:01:42,108 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:42,194 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 9
+2022-05-07 18:01:42,194 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:42,195 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:42,195 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 18:01:42,195 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:42,195 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 18:01:42,195 INFO SenderThread:23847 [sender.py:transition_state():392] send defer: 10
+2022-05-07 18:01:42,196 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:01:42,196 INFO HandlerThread:23847 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 18:01:42,196 DEBUG SenderThread:23847 [sender.py:send():235] send: final
+2022-05-07 18:01:42,196 DEBUG SenderThread:23847 [sender.py:send():235] send: footer
+2022-05-07 18:01:42,196 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:01:42,196 INFO SenderThread:23847 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 18:01:42,296 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:01:42,296 DEBUG SenderThread:23847 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:01:42,296 INFO SenderThread:23847 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:01:42,606 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 18:01:42,608 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 18:01:42,610 DEBUG HandlerThread:23847 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 18:01:42,610 INFO HandlerThread:23847 [handler.py:finish():778] shutting down handler
+2022-05-07 18:01:43,197 INFO WriterThread:23847 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/run-3hqzwtal.wandb
+2022-05-07 18:01:43,505 INFO SenderThread:23847 [sender.py:finish():1078] shutting down sender
+2022-05-07 18:01:43,505 INFO SenderThread:23847 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:01:43,505 INFO SenderThread:23847 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:01:43,507 INFO MainThread:23847 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_175813-3hqzwtal/logs/debug.log b/wandb/run-20220507_175813-3hqzwtal/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..bd1cb395aada2c6851c5077859a6cd224fb85cea
--- /dev/null
+++ b/wandb/run-20220507_175813-3hqzwtal/logs/debug.log
@@ -0,0 +1,145 @@
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/logs/debug.log
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_175813-3hqzwtal/logs/debug-internal.log
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_init.py:init():439] calling init triggers
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 17:58:13,290 INFO MainThread:22769 [wandb_init.py:init():492] starting backend
+2022-05-07 17:58:13,290 INFO MainThread:22769 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 17:58:13,315 INFO MainThread:22769 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 17:58:13,340 INFO MainThread:22769 [backend.py:ensure_launched():224] started backend process with pid: 23847
+2022-05-07 17:58:13,342 INFO MainThread:22769 [wandb_init.py:init():501] backend started and connected
+2022-05-07 17:58:13,357 INFO MainThread:22769 [wandb_init.py:init():565] updated telemetry
+2022-05-07 17:58:13,417 INFO MainThread:22769 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 17:58:14,187 INFO MainThread:22769 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 17:58:14,247 INFO MainThread:22769 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 17:58:14,247 INFO MainThread:22769 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 17:58:16,583 INFO MainThread:22769 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 17:58:16,584 INFO MainThread:22769 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 17:58:16,584 INFO MainThread:22769 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 17:58:16,586 INFO MainThread:22769 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 17:58:16,587 INFO MainThread:22769 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 18:01:36,146 INFO MainThread:22769 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 0
+2022-05-07 18:01:36,149 INFO MainThread:22769 [wandb_run.py:_restore():1674] restore
+2022-05-07 18:01:40,847 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 7
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 192964
+ total_bytes: 192964
+}
+
+2022-05-07 18:01:41,295 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 213593
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,397 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 217319
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,499 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 217319
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,601 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 229503
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,702 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,804 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:41,905 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:42,007 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:42,195 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+
+2022-05-07 18:01:42,505 INFO MainThread:22769 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257515
+ total_bytes: 257515
+}
+local_info {
+}
+
+2022-05-07 18:01:44,179 INFO MainThread:22769 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 18:01:44,179 INFO MainThread:22769 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 18:01:44,181 INFO MainThread:22769 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_175813-3hqzwtal/run-3hqzwtal.wandb b/wandb/run-20220507_175813-3hqzwtal/run-3hqzwtal.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..0e9f9745fe9ed4e67748e607544201a79861d965
Binary files /dev/null and b/wandb/run-20220507_175813-3hqzwtal/run-3hqzwtal.wandb differ
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml b/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..63248613bf7acde23282e3f0abf8bf9a555fb447
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651946691
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8621e8ec4c710efff5623b55e03200c677cb8a
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..5f8621e8ec4c710efff5623b55e03200c677cb8a
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/output.log b/wandb/run-20220507_180451-1hmxxk4r/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..3063a27526b35303337c27dd41877e77bb02bee7
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/output.log
@@ -0,0 +1,717 @@
+05/07/2022 18:04:54 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 18:04:54 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 18:04:55 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:04:56 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 18:04:56 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:04:57 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 18:05:07 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 18:05:08.378514: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 18:05:08.378562: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+05/07/2022 18:05:08 - INFO - __main__ - ***** Running training *****
+05/07/2022 18:05:08 - INFO - __main__ - Num examples = 68
+05/07/2022 18:05:08 - INFO - __main__ - Num Epochs = 8
+05/07/2022 18:05:08 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 18:05:08 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 18:05:08 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 18:05:08 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 18:05:08 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 18:05:08 - INFO - __main__ - Use scan: True
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:24<00:24, 24.95s/it]
+Epoch ... (1/8): 12%|████████▌ | 1/8 [00:48<05:41, 48.78s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (2 | Loss: 6.899420261383057, Learning Rate: 1.200009137392044e-06, Gradient Norm: 0.20282594859600067)
+Epoch ... (1/8): 25%|█████████████████ | 2/8 [00:51<02:09, 21.54s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (4 | Loss: 6.900760173797607, Learning Rate: 2.400018274784088e-06, Gradient Norm: 0.21480169892311096)
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.25s/it]
+
+
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:46<00:45, 22.69s/it]
+Epoch... (3/8 | Eval Loss: 6.898026466369629 | Eval wer: 1.2724137931034483 |): 38%|█▉ | 3/8 [02:04<03:44, 44.98s/it]
+
+Training...: 50%|████████████████████████████████████ | 1/2 [00:01<00:01, 1.19s/it]
+Step... (6 | Loss: 6.904343128204346, Learning Rate: 3.5999983083456755e-06, Gradient Norm: 0.21556061506271362)
+Step... (7 | Loss: 6.898011207580566, Learning Rate: 4.2000028770416975e-06, Gradient Norm: 0.21612548828125)
+Epoch... (3/8 | Eval Loss: 6.898026466369629 | Eval wer: 1.2724137931034483 |): 50%|██▌ | 4/8 [02:07<01:52, 28.17s/it]
+Epoch... (3/8 | Eval Loss: 6.898026466369629 | Eval wer: 1.2724137931034483 |): 62%|███▏ | 5/8 [02:10<00:56, 18.89s/it]
+Training...: 0%| | 0/2 [00:01, ?it/s]
+Evaluating ...: 0%| | 0/4 [00:00, ?it/s]
+Step... (9 | Loss: 6.896020412445068, Learning Rate: 5.4000120144337416e-06, Gradient Norm: 0.21240849792957306)
+
+Training...: 0%| | 0/2 [00:03, ?it/s]
+Epoch... (6/8 | Eval Loss: 6.89784049987793 | Eval wer: 1.2724137931034483 |)
+Model weights saved in /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/flax_model.msgpack | 0/2 [00:03, ?it/s]
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Training...: 100%|████████████████████████████████████████████████████████████████████████| 2/2 [00:04<00:00, 2.42s/it]
+Epoch... (6/8 | Eval Loss: 6.89784049987793 | Eval wer: 1.2724137931034483 |): 75%|████▌ | 6/8 [02:13<00:28, 14.11s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Step... (12 | Loss: 6.901473045349121, Learning Rate: 7.199996616691351e-06, Gradient Norm: 0.21956859529018402)
+Epoch... (6/8 | Eval Loss: 6.89784049987793 | Eval wer: 1.2724137931034483 |): 88%|█████▎| 7/8 [02:16<00:10, 10.31s/it]
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Training...: 50%|████████████████████████████████████ | 1/2 [00:02<00:01, 1.19s/it]
+Evaluating ...: 0%| | 0/4 [00:00, ?it/s]
+
+
+Evaluating ...: 50%|██████████████████████████████████▌ | 2/4 [00:27<00:26, 13.22s/it]
+
+Epoch... (8/8 | Eval Loss: 6.897533416748047 | Eval wer: 1.0 |): 100%|████████████████████| 8/8 [03:01<00:00, 22.67s/it]
+Predicting validation[:90%]...: 67%|███████████████████████████████████▎ | 2/3 [00:01<00:00, 1.67it/s]
+Predicting validation[:90%]...: 100%|█████████████████████████████████████████████████████| 3/3 [00:01<00:00, 1.68it/s]
+Predicting validation[:95%]...: 25%|█████████████▎ | 1/4 [00:00<00:02, 1.23it/s]
+
+Predicting validation[:95%]...: 100%|█████████████████████████████████████████████████████| 4/4 [00:02<00:00, 1.74it/s]
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt b/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/wandb-metadata.json b/wandb/run-20220507_180451-1hmxxk4r/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..2dd6456c740f0da2a55c7dff4f6bc87ec82e86f0
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T18:04:54.896554",
+ "startedAt": "2022-05-07T18:04:51.773220",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json b/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..f66379f34fed2237c130241743043d9a5ae49c30
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.21520349383354187, "train/decoder_param_norm": 10.987313270568848, "train/encoder_grad_norm": 6.152955756988376e-05, "train/encoder_param_norm": 21.97295379638672, "train/grad_norm": 0.21520349383354187, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.11131183058023453}, "embed_tokens": {"embedding": 0.182141974568367}, "layernorm_embedding": {"bias": 0.006936642806977034, "scale": 0.002684424165636301}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.804214380234399e-13, "kernel": 7.622016624624084e-13}, "out_proj": {"bias": 0.010110578499734402, "kernel": 4.677926699514501e-05}, "q_proj": {"bias": 8.213783928186225e-13, "kernel": 7.15360604953974e-13}, "v_proj": {"bias": 0.001177879166789353, "kernel": 4.180747509963112e-06}}, "encoder_attn_layer_norm": {"bias": 0.010143662802875042, "scale": 0.0037423090543597937}, "fc1": {"bias": 0.00019521779904607683, "kernel": 0.00032544301939196885}, "fc2": {"bias": 0.010323839262127876, "kernel": 0.00031288008904084563}, "final_layer_norm": {"bias": 0.011133470572531223, "scale": 0.004775636829435825}, "self_attn": {"k_proj": {"bias": 6.843414168677953e-10, "kernel": 2.858501147784409e-06}, "out_proj": {"bias": 0.009907206520438194, "kernel": 0.0008492529159411788}, "q_proj": {"bias": 1.497051925980486e-06, "kernel": 3.20725030178437e-06}, "v_proj": {"bias": 0.0007623803685419261, "kernel": 0.0008595461840741336}}, "self_attn_layer_norm": {"bias": 0.010143349878489971, "scale": 0.0037455034907907248}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.730023140884441e-07, "kernel": 1.2585006743393023e-06}}, "1": {"conv": {"bias": 3.429174967095605e-06, "kernel": 1.4219600643627928e-06}}, "2": {"conv": {"bias": 6.131344707682729e-05, "kernel": 2.6970624276145827e-06}}}}, "encoder": {"layer_norm": {"bias": 4.6981735835061045e-08, "scale": 4.231181094382919e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 7.73622401660783e-16, "kernel": 1.90694571244876e-10}, "out_proj": {"bias": 1.1700933555403026e-06, "kernel": 1.9747056967389653e-07}, "q_proj": {"bias": 7.699059445531731e-11, "kernel": 1.9890239455477854e-10}, "v_proj": {"bias": 8.497263337403638e-08, "kernel": 1.948572929677539e-07}}, "feed_forward": {"intermediate_dense": {"bias": 5.508285738642371e-08, "kernel": 1.6656754553423525e-07}, "output_dense": {"bias": 1.1370985930625466e-06, "kernel": 1.7126436091530195e-07}}, "final_layer_norm": {"bias": 4.03368805024229e-09, "scale": 3.0220910218758945e-09}, "layer_norm": {"bias": 6.125593809969132e-09, "scale": 3.731601250223093e-09}}}, "pos_conv_embed": {"conv": {"bias": 3.4449476515874267e-07, "weight_g": 7.092118892160215e-09, "weight_v": 8.384716210230181e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 8.234705006771037e-08, "scale": 9.441682102817595e-09}, "projection": {"bias": 7.228762228805863e-07, "kernel": 6.071324492040731e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.7995621562004089}, "embed_tokens": {"embedding": 2.5087602138519287}, "layernorm_embedding": {"bias": 0.004188567399978638, "scale": 4.000096797943115}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.5075996834544867e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.005897916853427887, "kernel": 0.4667321443557739}, "q_proj": {"bias": 2.911062502164441e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.006321824621409178, "kernel": 0.4627852439880371}}, "encoder_attn_layer_norm": {"bias": 0.00601609842851758, "scale": 5.656978607177734}, "fc1": {"bias": 0.002987146843224764, "kernel": 0.2302999049425125}, "fc2": {"bias": 0.005910156760364771, "kernel": 0.22855105996131897}, "final_layer_norm": {"bias": 0.00579087994992733, "scale": 5.657111644744873}, "self_attn": {"k_proj": {"bias": 1.2765259270963725e-05, "kernel": 0.4488276243209839}, "out_proj": {"bias": 0.005904719233512878, "kernel": 0.45953458547592163}, "q_proj": {"bias": 0.005130959674715996, "kernel": 0.43894487619400024}, "v_proj": {"bias": 0.00568899093195796, "kernel": 0.47391772270202637}}, "self_attn_layer_norm": {"bias": 0.006016255356371403, "scale": 5.656978607177734}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.003562874859198928, "kernel": 0.7978861927986145}}, "1": {"conv": {"bias": 0.004475213121622801, "kernel": 0.7823212146759033}}, "2": {"conv": {"bias": 0.00434126378968358, "kernel": 0.7933647632598877}}}}, "encoder": {"layer_norm": {"bias": 0.0012936972780153155, "scale": 4.000429630279541}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.1896078566664414e-10, "kernel": 0.6511669158935547}, "out_proj": {"bias": 0.004178164526820183, "kernel": 0.6515294909477234}, "q_proj": {"bias": 8.918517778511159e-06, "kernel": 0.636457085609436}, "v_proj": {"bias": 0.002714355243369937, "kernel": 0.6421024203300476}}, "feed_forward": {"intermediate_dense": {"bias": 0.0021847207099199295, "kernel": 0.7063358426094055}, "output_dense": {"bias": 0.004430530592799187, "kernel": 0.715316116809845}}, "final_layer_norm": {"bias": 0.00031375137041322887, "scale": 7.999977111816406}, "layer_norm": {"bias": 0.0006141488556750119, "scale": 8.000043869018555}}}, "pos_conv_embed": {"conv": {"bias": 0.0018251227447763085, "weight_g": 2.277697801589966, "weight_v": 2.2775840759277344}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.0015168768586590886, "scale": 5.656816482543945}, "projection": {"bias": 0.0017896046629175544, "kernel": 0.43013235926628113}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 8.99998121894896e-06, "train/loss": 6.896841526031494, "train/param_norm": 24.566883087158203, "_timestamp": 1651946894, "_runtime": 203, "_step": 15, "eval/loss": 6.897533416748047, "eval/wer": 1.0, "eval/step_5": {"_type": "table-file", "path": "media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://tsak91krdyjrp5gxq38ito6u926zwesj1eqhtkg26qw1tg9lyn9l1xgqjgqpe9d46e8l51dobhx4vlvx3xdjs4ygrs97owpuivy1myzia9aaglb6tp55b15gojqsh7qg:latest/eval/step_5.table.json", "_latest_artifact_path": "wandb-client-artifact://tsak91krdyjrp5gxq38ito6u926zwesj1eqhtkg26qw1tg9lyn9l1xgqjgqpe9d46e8l51dobhx4vlvx3xdjs4ygrs97owpuivy1myzia9aaglb6tp55b15gojqsh7qg:latest/eval/step_5.table.json", "ncols": 3, "nrows": 50}, "eval/step_10": {"_type": "table-file", "path": "media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://8ustdwznlcj0y9m2ejd7i0tsulo0h7pz3eunajnto90tng4f984zguvv6v2s575c3ppx9xaekvmt65yzpcssg84v6lvqt3h1vaogkn371hb8qqn6vd980av0uqycwtcs:latest/eval/step_10.table.json", "_latest_artifact_path": "wandb-client-artifact://8ustdwznlcj0y9m2ejd7i0tsulo0h7pz3eunajnto90tng4f984zguvv6v2s575c3ppx9xaekvmt65yzpcssg84v6lvqt3h1vaogkn371hb8qqn6vd980av0uqycwtcs:latest/eval/step_10.table.json", "ncols": 3, "nrows": 50}, "eval/step_15": {"_type": "table-file", "path": "media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://8fp90i2yrxux1p4qohqx1ob3pv408vg157wr8hxn5ofa1ilo1qkewzvoc4ondhq6mpc6jc46mfa9ohp1u00zmhn75pji5yhu4hvum9zlib9rv1h6be8dalz7lh3bl0l9:latest/eval/step_15.table.json", "_latest_artifact_path": "wandb-client-artifact://8fp90i2yrxux1p4qohqx1ob3pv408vg157wr8hxn5ofa1ilo1qkewzvoc4ondhq6mpc6jc46mfa9ohp1u00zmhn75pji5yhu4hvum9zlib9rv1h6be8dalz7lh3bl0l9:latest/eval/step_15.table.json", "ncols": 4, "nrows": 50}, "eval/final_generation_incorrect": {"_type": "table-file", "path": "media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json", "sha256": "623faa4883d23d9d41947dcde31f197a909862eb4d078966446c26699859d3be", "size": 20629, "artifact_path": "wandb-client-artifact://pgdsif2dnuajg5kcibz5pcmegkgnedad6pmpxs4riuzwbb8sjogn4rmfuoa6jhipe8wqxt27bbimfjv97rmx2od650zvweue9maxnx5ji2yiq0p4nhbbqz98sai3neir:latest/eval/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://pgdsif2dnuajg5kcibz5pcmegkgnedad6pmpxs4riuzwbb8sjogn4rmfuoa6jhipe8wqxt27bbimfjv97rmx2od650zvweue9maxnx5ji2yiq0p4nhbbqz98sai3neir:latest/eval/final_generation_incorrect.table.json", "ncols": 4, "nrows": 64}, "validation[:90%]/loss": 6.899317741394043, "validation[:90%]/wer": 1.0, "validation[:90%]/step_15": {"_type": "table-file", "path": "media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://oc1hcc5ppjv10ireiq5w4uvpprasztzq49q0p9jzw31ybef7ea6w11j8t205dt2pyuz5sl1vic9dorinlpb6o85gzmcc38mx3h9lp15tddge4eqw4urytudxzedm09jf:latest/validation[:90%]/step_15.table.json", "_latest_artifact_path": "wandb-client-artifact://oc1hcc5ppjv10ireiq5w4uvpprasztzq49q0p9jzw31ybef7ea6w11j8t205dt2pyuz5sl1vic9dorinlpb6o85gzmcc38mx3h9lp15tddge4eqw4urytudxzedm09jf:latest/validation[:90%]/step_15.table.json", "ncols": 4, "nrows": 48}, "validation[:90%]/final_generation_incorrect": {"_type": "table-file", "path": "media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://5m70deu4xsmpp47i7e3dm9zx9lvpwnaklfi628r6y7e5hd2t4pi1xdt7qm8xknvmhhwiwne4m6ezvwwwz9mtynvvhwyzy7gekzhjpnu3m1pva2e6bh8tdpjw0ij6v5of:latest/validation[:90%]/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://5m70deu4xsmpp47i7e3dm9zx9lvpwnaklfi628r6y7e5hd2t4pi1xdt7qm8xknvmhhwiwne4m6ezvwwwz9mtynvvhwyzy7gekzhjpnu3m1pva2e6bh8tdpjw0ij6v5of:latest/validation[:90%]/final_generation_incorrect.table.json", "ncols": 4, "nrows": 48}, "validation[:95%]/loss": 6.897533416748047, "validation[:95%]/wer": 1.0, "validation[:95%]/step_15": {"_type": "table-file", "path": "media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://pqsvg2qr28swb9m5y1pqpp1k24hlzbpja8f4eiuuzewea1s5wxa7aurt892wp01qkno0k2ckyuk756wuezs9ooa9djfe4yc0eoy8xruoxfhi6rw6ao9mnfpu2yfsfx96:latest/validation[:95%]/step_15.table.json", "_latest_artifact_path": "wandb-client-artifact://pqsvg2qr28swb9m5y1pqpp1k24hlzbpja8f4eiuuzewea1s5wxa7aurt892wp01qkno0k2ckyuk756wuezs9ooa9djfe4yc0eoy8xruoxfhi6rw6ao9mnfpu2yfsfx96:latest/validation[:95%]/step_15.table.json", "ncols": 4, "nrows": 50}, "validation[:95%]/final_generation_incorrect": {"_type": "table-file", "path": "media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json", "sha256": "623faa4883d23d9d41947dcde31f197a909862eb4d078966446c26699859d3be", "size": 20629, "artifact_path": "wandb-client-artifact://f44ggwxt6nk10kbtza2g1e0r9vamlondmmuty0vaqvxjuyxhdhlz2v891z07773dndvq4a4cq8scl14gjpm3cnv4os8dydbl6xua50izzcr3tigjbnl2mmefslsuz38j:latest/validation[:95%]/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://f44ggwxt6nk10kbtza2g1e0r9vamlondmmuty0vaqvxjuyxhdhlz2v891z07773dndvq4a4cq8scl14gjpm3cnv4os8dydbl6xua50izzcr3tigjbnl2mmefslsuz38j:latest/validation[:95%]/final_generation_incorrect.table.json", "ncols": 4, "nrows": 64}, "_wandb": {"runtime": 204}}
\ No newline at end of file
diff --git a/wandb/run-20220507_180451-1hmxxk4r/logs/debug-internal.log b/wandb/run-20220507_180451-1hmxxk4r/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..081fd4e9bbe6e567893b4bbff9a9e0effc87eee3
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/logs/debug-internal.log
@@ -0,0 +1,384 @@
+2022-05-07 18:04:52,597 INFO MainThread:26902 [internal.py:wandb_internal():92] W&B internal server running at pid: 26902, started at: 2022-05-07 18:04:52.597521
+2022-05-07 18:04:52,599 INFO WriterThread:26902 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/run-1hmxxk4r.wandb
+2022-05-07 18:04:52,600 DEBUG SenderThread:26902 [sender.py:send():235] send: header
+2022-05-07 18:04:52,601 DEBUG SenderThread:26902 [sender.py:send():235] send: run
+2022-05-07 18:04:52,668 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 18:04:52,668 INFO SenderThread:26902 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files
+2022-05-07 18:04:52,669 INFO SenderThread:26902 [sender.py:_start_run_threads():812] run started: 1hmxxk4r with start time 1651946691
+2022-05-07 18:04:52,669 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:04:52,669 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:04:52,669 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: check_version
+2022-05-07 18:04:52,729 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 18:04:53,670 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:04:54,896 DEBUG HandlerThread:26902 [meta.py:__init__():37] meta init
+2022-05-07 18:04:54,896 DEBUG HandlerThread:26902 [meta.py:__init__():51] meta init done
+2022-05-07 18:04:54,896 DEBUG HandlerThread:26902 [meta.py:probe():211] probe
+2022-05-07 18:04:54,897 DEBUG HandlerThread:26902 [meta.py:_setup_git():201] setup git
+2022-05-07 18:04:54,926 DEBUG HandlerThread:26902 [meta.py:_setup_git():208] setup git done
+2022-05-07 18:04:54,926 DEBUG HandlerThread:26902 [meta.py:_save_pip():55] save pip
+2022-05-07 18:04:54,927 DEBUG HandlerThread:26902 [meta.py:_save_pip():69] save pip done
+2022-05-07 18:04:54,927 DEBUG HandlerThread:26902 [meta.py:probe():249] probe done
+2022-05-07 18:04:54,930 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:04:54,930 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 18:04:54,940 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:04:54,940 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:04:54,982 DEBUG SenderThread:26902 [sender.py:send():235] send: telemetry
+2022-05-07 18:04:55,398 INFO Thread-11 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/2f8amrj2-wandb-metadata.json
+2022-05-07 18:04:55,677 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:04:55,677 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt
+2022-05-07 18:04:55,677 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-metadata.json
+2022-05-07 18:04:57,677 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:04:59,678 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:05:09,682 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:05:10,025 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:05:10,025 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:05:11,683 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:05:22,976 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:05:23,687 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml
+2022-05-07 18:05:25,070 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:05:25,070 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:05:35,691 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:05:40,115 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:05:40,116 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:05:53,051 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:05:55,189 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:05:55,189 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:05:57,605 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:05:57,705 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:05:58,956 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:05:58,959 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:05:58,959 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:05:58,960 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:05:59,046 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:05:59,699 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:05:59,700 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:06:00,087 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:00,089 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:06:00,090 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:06:00,090 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:06:00,169 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:00,700 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:06:01,353 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:01,355 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:06:01,355 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:06:01,356 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:06:01,424 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:01,700 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:06:01,700 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:06:02,523 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:02,525 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:06:02,526 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:06:02,526 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:06:02,625 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:06:02,701 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:06:03,701 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:06:10,221 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:06:10,222 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:06:23,127 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:06:25,260 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:06:25,260 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:06:29,711 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:06:40,313 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:06:40,313 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:06:49,718 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:06:53,205 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:06:55,362 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:06:55,362 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:07:10,397 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:07:10,397 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:07:12,830 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:12,896 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:07:12,896 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:07:13,055 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:13,459 INFO Thread-13 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 18:07:13,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:13,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:07:13,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval
+2022-05-07 18:07:13,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table
+2022-05-07 18:07:13,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media
+2022-05-07 18:07:13,897 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-evalstep_5 - {'id': 'QXJ0aWZhY3Q6MTI0MzYwNzYy', 'digest': '2d5ec9fbd3f8be2743afb20637dbd249', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDE4', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:07:13,898 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:07:13,898 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 18:07:14,152 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:14,154 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:14,155 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:14,156 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:14,251 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:14,290 INFO Thread-14 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/3bemxkkv-media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:07:14,727 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:15,387 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:15,388 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:15,389 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:15,390 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:15,442 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:15,728 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:15,728 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:16,555 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:16,557 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:16,558 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:16,559 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:16,635 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:16,728 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:17,728 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:17,815 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:17,817 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:17,818 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:17,819 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:17,874 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:18,729 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:19,033 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:19,035 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:19,036 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:19,037 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:19,109 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:19,730 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:19,730 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:20,730 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:21,377 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:21,467 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:07:21,468 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:07:21,581 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:21,731 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:07:21,731 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval
+2022-05-07 18:07:21,825 INFO Thread-16 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 18:07:22,503 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-evalstep_10 - {'id': 'QXJ0aWZhY3Q6MTI0MzYwODAz', 'digest': 'cb3536ee0532719f7aa50e9dd15a9285', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDIw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:07:22,503 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:07:22,503 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 18:07:22,655 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:22,657 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:22,658 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:22,659 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:22,717 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:22,731 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:22,731 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:22,744 INFO Thread-17 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/3rnvtsey-media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:07:23,283 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:07:23,832 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:23,834 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:23,834 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:23,835 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:23,936 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:24,732 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:24,732 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:25,137 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:25,139 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:25,140 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:25,143 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:25,195 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:25,501 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:07:25,501 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:07:25,733 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:26,315 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:26,317 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:26,318 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:26,318 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:26,395 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:26,733 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:26,733 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:27,588 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:27,591 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:07:27,591 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:07:27,592 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:07:27,644 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:07:27,734 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:07:28,734 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:30,735 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:40,581 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:07:40,581 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:07:44,741 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:07:53,359 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:07:56,245 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:07:56,246 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:07:56,747 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:09,459 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:09,797 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:09,797 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:09,874 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:09,916 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:10,168 INFO Thread-19 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:08:10,263 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:10,617 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-evalstep_15 - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMDU4', 'digest': '8d24fe6b92e960ee996cec30d52a381c', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDQ5', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:10,618 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:10,618 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:08:10,618 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:10,753 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:10,754 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:10,754 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:10,754 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval
+2022-05-07 18:08:10,843 INFO Thread-20 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/oks0bbg6-media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:11,323 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:08:11,325 INFO Thread-22 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/25/29be3032c57f98a337547e6fe497da
+2022-05-07 18:08:11,795 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-evalfinal_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMDY1', 'digest': '3f942e4248698c8f75ed857c64bedc43', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDUy', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:11,796 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:11,796 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json with policy now
+2022-05-07 18:08:11,797 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:08:12,051 INFO Thread-23 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/1fhz95yu-media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:12,161 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:12,236 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:12,236 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:12,295 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:12,332 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:12,417 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:12,652 INFO Thread-25 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/af/47f5eac929f7d4f6e6c7d604ae396b
+2022-05-07 18:08:12,754 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:12,755 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:12,755 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:12,755 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table
+2022-05-07 18:08:12,755 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]
+2022-05-07 18:08:14,756 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:14,815 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:14,895 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:14,978 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:15,033 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:08:15,094 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:15,126 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:08:15,756 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:15,756 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:15,757 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table
+2022-05-07 18:08:15,757 INFO Thread-7 :26902 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]
+2022-05-07 18:08:16,346 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-validation90step_15 - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMDcy', 'digest': 'b9155c81fbadd3b4b2be871801f24639', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDU0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:16,346 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:16,346 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/step_15_15_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 18:08:16,347 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:16,634 INFO Thread-26 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/12dtfern-media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:16,757 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:16,787 INFO Thread-28 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/1d/36af48785046dc58b4f025a3f8aea1
+2022-05-07 18:08:17,264 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-validation90final_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMDk2', 'digest': 'f7512f30bf4c456be7b1a5f6c70e0a72', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDYw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:17,264 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:17,264 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 18:08:17,265 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:17,532 INFO Thread-29 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/19rzf7rd-media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:17,619 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:17,758 INFO Thread-7 :26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:20,172 INFO Thread-31 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:08:20,575 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-validation95step_15 - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMTA4', 'digest': 'afc1c295cc63a04d7548709360e09946', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDY0', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:20,575 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:20,575 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:08:20,576 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:08:20,838 INFO Thread-32 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/1c81wuqh-media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:21,497 INFO Thread-34 :26902 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/25/29be3032c57f98a337547e6fe497da
+2022-05-07 18:08:21,949 INFO SenderThread:26902 [sender.py:send_request_log_artifact():976] logged artifact run-1hmxxk4r-validation95final_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYxMTE4', 'digest': 'c3b06e384aabea2991e3811071232ab4', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMDY1', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:08:21,949 DEBUG SenderThread:26902 [sender.py:send():235] send: files
+2022-05-07 18:08:21,950 INFO SenderThread:26902 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json with policy now
+2022-05-07 18:08:21,950 DEBUG SenderThread:26902 [sender.py:send():235] send: telemetry
+2022-05-07 18:08:21,950 DEBUG SenderThread:26902 [sender.py:send():235] send: history
+2022-05-07 18:08:21,951 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:08:21,952 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:08:21,952 DEBUG SenderThread:26902 [sender.py:send():235] send: exit
+2022-05-07 18:08:21,953 INFO SenderThread:26902 [sender.py:send_exit():371] handling exit code: 0
+2022-05-07 18:08:21,953 INFO SenderThread:26902 [sender.py:send_exit():373] handling runtime: 204
+2022-05-07 18:08:21,954 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:08:21,954 INFO SenderThread:26902 [sender.py:send_exit():379] send defer
+2022-05-07 18:08:21,954 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:21,955 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:21,955 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 18:08:21,958 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:21,958 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 18:08:21,958 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 1
+2022-05-07 18:08:21,958 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:21,958 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 18:08:22,033 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,033 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 18:08:22,033 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 2
+2022-05-07 18:08:22,033 DEBUG SenderThread:26902 [sender.py:send():235] send: stats
+2022-05-07 18:08:22,033 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,034 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 18:08:22,034 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,034 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 18:08:22,034 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 3
+2022-05-07 18:08:22,034 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,034 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 18:08:22,034 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,034 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 18:08:22,034 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 4
+2022-05-07 18:08:22,034 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,034 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 18:08:22,035 DEBUG SenderThread:26902 [sender.py:send():235] send: summary
+2022-05-07 18:08:22,036 INFO SenderThread:26902 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:08:22,036 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,036 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 18:08:22,036 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 5
+2022-05-07 18:08:22,036 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,036 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 18:08:22,036 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,037 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 18:08:22,056 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:22,373 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 6
+2022-05-07 18:08:22,373 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:22,373 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,373 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 18:08:22,374 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,374 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 18:08:22,374 INFO SenderThread:26902 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 18:08:22,475 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:22,759 INFO SenderThread:26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt requirements.txt
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log output.log
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 18:08:22,760 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml config.yaml
+2022-05-07 18:08:22,761 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json wandb-summary.json
+2022-05-07 18:08:22,763 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json media/table/validation[:95%]/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:22,766 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:22,768 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json media/table/eval/step_15_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:08:22,768 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json media/table/eval/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:22,768 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json media/table/eval/step_10_10_f901d5b4b0d1263be066.table.json
+2022-05-07 18:08:22,768 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json media/table/eval/step_5_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:08:22,769 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/step_15_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:22,769 INFO SenderThread:26902 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/final_generation_incorrect_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:08:22,769 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 7
+2022-05-07 18:08:22,769 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:22,773 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:22,773 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 18:08:22,773 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:22,773 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 18:08:22,773 INFO SenderThread:26902 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:08:22,873 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:22,873 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:22,900 INFO Thread-35 :26902 [upload_job.py:push():137] Uploaded file /tmp/tmpsjzlge6lwandb/2pgocaqp-media/table/validation[:95%]/final_generation_incorrect_15_623faa4883d23d9d4194.table.json
+2022-05-07 18:08:22,975 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:22,975 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,007 INFO Thread-37 :26902 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/output.log
+2022-05-07 18:08:23,011 INFO Thread-39 :26902 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/wandb-summary.json
+2022-05-07 18:08:23,029 INFO Thread-36 :26902 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/requirements.txt
+2022-05-07 18:08:23,077 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,077 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,179 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,179 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,280 INFO Thread-38 :26902 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/files/config.yaml
+2022-05-07 18:08:23,281 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,281 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,383 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,383 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,481 INFO Thread-6 :26902 [sender.py:transition_state():392] send defer: 8
+2022-05-07 18:08:23,481 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:23,481 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 18:08:23,482 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:23,482 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 18:08:23,485 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,645 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 9
+2022-05-07 18:08:23,645 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,645 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:23,645 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 18:08:23,645 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:23,646 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 18:08:23,646 INFO SenderThread:26902 [sender.py:transition_state():392] send defer: 10
+2022-05-07 18:08:23,646 DEBUG SenderThread:26902 [sender.py:send():235] send: final
+2022-05-07 18:08:23,646 DEBUG SenderThread:26902 [sender.py:send():235] send: footer
+2022-05-07 18:08:23,646 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:08:23,646 INFO HandlerThread:26902 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 18:08:23,646 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:08:23,647 INFO SenderThread:26902 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 18:08:23,747 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:08:23,747 DEBUG SenderThread:26902 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:08:23,747 INFO SenderThread:26902 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:08:23,874 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 18:08:23,875 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 18:08:23,876 DEBUG HandlerThread:26902 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 18:08:23,876 INFO HandlerThread:26902 [handler.py:finish():778] shutting down handler
+2022-05-07 18:08:24,647 INFO WriterThread:26902 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/run-1hmxxk4r.wandb
+2022-05-07 18:08:24,772 INFO SenderThread:26902 [sender.py:finish():1078] shutting down sender
+2022-05-07 18:08:24,772 INFO SenderThread:26902 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:08:24,772 INFO SenderThread:26902 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:08:24,852 INFO MainThread:26902 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_180451-1hmxxk4r/logs/debug.log b/wandb/run-20220507_180451-1hmxxk4r/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..c955dff979461a30619e8b1f9c16338fff391f65
--- /dev/null
+++ b/wandb/run-20220507_180451-1hmxxk4r/logs/debug.log
@@ -0,0 +1,145 @@
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/logs/debug.log
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_180451-1hmxxk4r/logs/debug-internal.log
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_init.py:init():439] calling init triggers
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 18:04:51,774 INFO MainThread:25845 [wandb_init.py:init():492] starting backend
+2022-05-07 18:04:51,775 INFO MainThread:25845 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 18:04:51,801 INFO MainThread:25845 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 18:04:51,826 INFO MainThread:25845 [backend.py:ensure_launched():224] started backend process with pid: 26902
+2022-05-07 18:04:51,828 INFO MainThread:25845 [wandb_init.py:init():501] backend started and connected
+2022-05-07 18:04:51,841 INFO MainThread:25845 [wandb_init.py:init():565] updated telemetry
+2022-05-07 18:04:51,906 INFO MainThread:25845 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 18:04:52,667 INFO MainThread:25845 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 18:04:52,728 INFO MainThread:25845 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 18:04:52,728 INFO MainThread:25845 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 18:04:54,939 INFO MainThread:25845 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 18:04:54,940 INFO MainThread:25845 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 18:04:54,941 INFO MainThread:25845 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 18:04:54,942 INFO MainThread:25845 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 18:04:54,943 INFO MainThread:25845 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 18:08:15,121 INFO MainThread:25845 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 0
+2022-05-07 18:08:15,126 INFO MainThread:25845 [wandb_run.py:_restore():1674] restore
+2022-05-07 18:08:21,955 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 7
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 192964
+ total_bytes: 192964
+}
+
+2022-05-07 18:08:22,374 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 192964
+ total_bytes: 213593
+}
+
+2022-05-07 18:08:22,772 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 213593
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:22,874 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 256957
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:22,976 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 256957
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,078 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 256957
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,180 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257470
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,282 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257470
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,384 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257470
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,646 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257470
+ total_bytes: 257470
+}
+
+2022-05-07 18:08:23,773 INFO MainThread:25845 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 257470
+ total_bytes: 257470
+}
+local_info {
+}
+
+2022-05-07 18:08:25,374 INFO MainThread:25845 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 18:08:25,375 INFO MainThread:25845 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 18:08:25,376 INFO MainThread:25845 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_180451-1hmxxk4r/run-1hmxxk4r.wandb b/wandb/run-20220507_180451-1hmxxk4r/run-1hmxxk4r.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..3be61f172e8d6741bda7393d11d00ea319076df1
Binary files /dev/null and b/wandb/run-20220507_180451-1hmxxk4r/run-1hmxxk4r.wandb differ
diff --git a/wandb/run-20220507_181112-2pd7wj3s/files/config.yaml b/wandb/run-20220507_181112-2pd7wj3s/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..df44b6dbbccf676747d9292d9d08f6bb0b9468d3
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/files/config.yaml
@@ -0,0 +1,27 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651947072
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_181112-2pd7wj3s/files/output.log b/wandb/run-20220507_181112-2pd7wj3s/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..c29e845e1637315543c2b95f5b82e26257a0189d
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/files/output.log
@@ -0,0 +1,671 @@
+05/07/2022 18:11:15 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 18:11:15 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 18:11:16 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:11:16 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 18:11:17 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:11:18 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 18:11:29 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+05/07/2022 18:11:30 - INFO - __main__ - ***** Running training *****
+05/07/2022 18:11:30 - INFO - __main__ - Num examples = 68
+05/07/2022 18:11:30 - INFO - __main__ - Num Epochs = 8
+05/07/2022 18:11:30 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 18:11:30 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 18:11:30 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 18:11:30 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 18:11:30 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 18:11:30 - INFO - __main__ - Use scan: True
+05/07/2022 18:11:30 - INFO - __main__ - Fuse matmuls: False
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 18:11:29.880148: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 18:11:29.880190: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+
diff --git a/wandb/run-20220507_181112-2pd7wj3s/files/requirements.txt b/wandb/run-20220507_181112-2pd7wj3s/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_181112-2pd7wj3s/files/wandb-metadata.json b/wandb/run-20220507_181112-2pd7wj3s/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..0900e7e58704ca0669caae65ab1bf689d036d3ad
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T18:11:15.603032",
+ "startedAt": "2022-05-07T18:11:12.496907",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_181112-2pd7wj3s/files/wandb-summary.json b/wandb/run-20220507_181112-2pd7wj3s/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..9e26dfeeb6e641a33dae4961196235bdb965b21b
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/files/wandb-summary.json
@@ -0,0 +1 @@
+{}
\ No newline at end of file
diff --git a/wandb/run-20220507_181112-2pd7wj3s/logs/debug-internal.log b/wandb/run-20220507_181112-2pd7wj3s/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..1a9316891fd0d7b4555aba81843b7ca7248f678b
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/logs/debug-internal.log
@@ -0,0 +1,52 @@
+2022-05-07 18:11:13,320 INFO MainThread:29952 [internal.py:wandb_internal():92] W&B internal server running at pid: 29952, started at: 2022-05-07 18:11:13.320407
+2022-05-07 18:11:13,322 INFO WriterThread:29952 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/run-2pd7wj3s.wandb
+2022-05-07 18:11:13,323 DEBUG SenderThread:29952 [sender.py:send():235] send: header
+2022-05-07 18:11:13,323 DEBUG SenderThread:29952 [sender.py:send():235] send: run
+2022-05-07 18:11:13,463 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 18:11:13,464 INFO SenderThread:29952 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files
+2022-05-07 18:11:13,464 INFO SenderThread:29952 [sender.py:_start_run_threads():812] run started: 2pd7wj3s with start time 1651947072
+2022-05-07 18:11:13,464 DEBUG SenderThread:29952 [sender.py:send():235] send: summary
+2022-05-07 18:11:13,464 INFO SenderThread:29952 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:11:13,464 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: check_version
+2022-05-07 18:11:13,526 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 18:11:14,466 INFO Thread-7 :29952 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/wandb-summary.json
+2022-05-07 18:11:15,602 DEBUG HandlerThread:29952 [meta.py:__init__():37] meta init
+2022-05-07 18:11:15,602 DEBUG HandlerThread:29952 [meta.py:__init__():51] meta init done
+2022-05-07 18:11:15,603 DEBUG HandlerThread:29952 [meta.py:probe():211] probe
+2022-05-07 18:11:15,604 DEBUG HandlerThread:29952 [meta.py:_setup_git():201] setup git
+2022-05-07 18:11:15,633 DEBUG HandlerThread:29952 [meta.py:_setup_git():208] setup git done
+2022-05-07 18:11:15,633 DEBUG HandlerThread:29952 [meta.py:_save_pip():55] save pip
+2022-05-07 18:11:15,633 DEBUG HandlerThread:29952 [meta.py:_save_pip():69] save pip done
+2022-05-07 18:11:15,633 DEBUG HandlerThread:29952 [meta.py:probe():249] probe done
+2022-05-07 18:11:15,636 DEBUG SenderThread:29952 [sender.py:send():235] send: files
+2022-05-07 18:11:15,637 INFO SenderThread:29952 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 18:11:15,643 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:11:15,643 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:11:15,679 DEBUG SenderThread:29952 [sender.py:send():235] send: telemetry
+2022-05-07 18:11:15,884 INFO Thread-11 :29952 [upload_job.py:push():137] Uploaded file /tmp/tmpxls5ff5zwandb/2p09wvsx-wandb-metadata.json
+2022-05-07 18:11:16,512 INFO Thread-7 :29952 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/requirements.txt
+2022-05-07 18:11:16,512 INFO Thread-7 :29952 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:11:16,512 INFO Thread-7 :29952 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/wandb-metadata.json
+2022-05-07 18:11:18,513 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:11:20,514 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:11:30,518 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:11:30,681 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:11:30,681 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:11:32,519 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:11:43,682 DEBUG SenderThread:29952 [sender.py:send():235] send: stats
+2022-05-07 18:11:44,524 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/config.yaml
+2022-05-07 18:11:45,853 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:11:45,853 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:11:56,529 INFO Thread-7 :29952 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/files/output.log
+2022-05-07 18:12:00,928 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:12:00,928 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:12:13,762 DEBUG SenderThread:29952 [sender.py:send():235] send: stats
+2022-05-07 18:12:15,991 DEBUG HandlerThread:29952 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:12:15,991 DEBUG SenderThread:29952 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:12:16,793 WARNING MainThread:29952 [internal.py:wandb_internal():155] Internal process interrupt: 1
+2022-05-07 18:12:16,963 WARNING MainThread:29952 [internal.py:wandb_internal():155] Internal process interrupt: 2
+2022-05-07 18:12:16,963 ERROR MainThread:29952 [internal.py:wandb_internal():158] Internal process interrupted.
+2022-05-07 18:12:17,088 INFO HandlerThread:29952 [handler.py:finish():778] shutting down handler
+2022-05-07 18:12:17,189 INFO SenderThread:29952 [sender.py:finish():1078] shutting down sender
+2022-05-07 18:12:17,189 INFO SenderThread:29952 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 18:12:17,318 INFO MainThread:29952 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_181112-2pd7wj3s/logs/debug.log b/wandb/run-20220507_181112-2pd7wj3s/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..a995b42087c418f1fd42e5f740d57fac6d0ce33b
--- /dev/null
+++ b/wandb/run-20220507_181112-2pd7wj3s/logs/debug.log
@@ -0,0 +1,27 @@
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/logs/debug.log
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181112-2pd7wj3s/logs/debug-internal.log
+2022-05-07 18:11:12,498 INFO MainThread:28873 [wandb_init.py:init():439] calling init triggers
+2022-05-07 18:11:12,499 INFO MainThread:28873 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 18:11:12,499 INFO MainThread:28873 [wandb_init.py:init():492] starting backend
+2022-05-07 18:11:12,499 INFO MainThread:28873 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 18:11:12,526 INFO MainThread:28873 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 18:11:12,551 INFO MainThread:28873 [backend.py:ensure_launched():224] started backend process with pid: 29952
+2022-05-07 18:11:12,553 INFO MainThread:28873 [wandb_init.py:init():501] backend started and connected
+2022-05-07 18:11:12,567 INFO MainThread:28873 [wandb_init.py:init():565] updated telemetry
+2022-05-07 18:11:12,629 INFO MainThread:28873 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 18:11:13,462 INFO MainThread:28873 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 18:11:13,525 INFO MainThread:28873 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 18:11:13,525 INFO MainThread:28873 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 18:11:15,641 INFO MainThread:28873 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 18:11:15,641 INFO MainThread:28873 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 18:11:15,642 INFO MainThread:28873 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 18:11:15,644 INFO MainThread:28873 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 18:11:15,644 INFO MainThread:28873 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 18:12:19,277 INFO MainThread:28873 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 255
+2022-05-07 18:12:19,282 INFO MainThread:28873 [wandb_run.py:_restore():1674] restore
diff --git a/wandb/run-20220507_181112-2pd7wj3s/run-2pd7wj3s.wandb b/wandb/run-20220507_181112-2pd7wj3s/run-2pd7wj3s.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..ca575ad804d0dfd96fca8e4e714375cd6b413326
Binary files /dev/null and b/wandb/run-20220507_181112-2pd7wj3s/run-2pd7wj3s.wandb differ
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/config.yaml b/wandb/run-20220507_181232-3jt20u8h/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..899bcf787419edd7f060f19a880de4298874f94c
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651947152
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..11c52cae1f700033fd9c12b5ede7178e53d9f17a
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..9c9c0b70a3e278293f0cce9c0bee02ae9edf2d5f
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..c0206f5b53d7460aca0f8ff84652cb779b45e97c
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist hist histfulfulfulfulfulfulfulfulfulfulful"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..10f7e6144775c94302a9e90645e7035d4a0d31b8
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..26f94f499f0dec57a3b17ba9ce3e7fc178e9b965
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..11c52cae1f700033fd9c12b5ede7178e53d9f17a
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0015", "there was silence then and still wondering brion was once more asleep", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0016", "ten seconds", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0017", "he asked the handler who was kneading his aching muscles", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0018", "a red haired mountain of a man with an apparently inexhaustible store of energy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0019", "there could be little art in this last and final round of fencing", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0020", "just thrust and parry and victory to the stronger", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0021", "every man who entered the twenties had his own training tricks", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0022", "there appeared to be an immediate association with the death trauma as if the two were inextricably linked into one", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0023", "the strength that enables someone in a trance to hold his body stiff and unsupported except at two points the head and heels", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0024", "this is physically impossible when conscious", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0025", "others had died before during the twenties and death during the last round was in some ways easier than defeat", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0026", "breathing deeply brion softly spoke the auto hypnotic phrases that triggered the process", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0027", "when the buzzer sounded he pulled his foil from his second's startled grasp and ran forward", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0028", "irolg looked amazed at the sudden fury of the attack then smiled", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..de88f77d6604735ccdb630457b39a1b968eac9ae
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1", "beam_2"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0014", "where is that", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeode", " Mar MarSSSersersDDDDDDDDDDDDDDDDDDodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeodeausausode"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/output.log b/wandb/run-20220507_181232-3jt20u8h/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..75d6bacbb4615c0ab2e241bbbe80f00f1075c7e6
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/output.log
@@ -0,0 +1,715 @@
+05/07/2022 18:12:35 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=5.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=4,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=False,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=10,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 18:12:35 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 18:12:36 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:12:36 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 18:12:37 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:12:38 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 18:12:48.725976: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 18:12:48.726012: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 18:12:48 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+Training...: 0%| | 0/2 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+05/07/2022 18:12:49 - INFO - __main__ - ***** Running training *****
+05/07/2022 18:12:49 - INFO - __main__ - Num examples = 68
+05/07/2022 18:12:49 - INFO - __main__ - Num Epochs = 8
+05/07/2022 18:12:49 - INFO - __main__ - Instantaneous batch size per device = 4
+05/07/2022 18:12:49 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 18:12:49 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 32
+05/07/2022 18:12:49 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 18:12:49 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 18:12:49 - INFO - __main__ - Use scan: True
+05/07/2022 18:12:49 - INFO - __main__ - Fuse matmuls: False
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (1 | Loss: 6.901427268981934, Learning Rate: 6.00004568696022e-07, Gradient Norm: 0.20571015775203705)
+Step... (2 | Loss: 6.899173736572266, Learning Rate: 1.200009137392044e-06, Gradient Norm: 0.20295950770378113)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (3 | Loss: 6.89747428894043, Learning Rate: 1.7999846022576094e-06, Gradient Norm: 0.21985873579978943)
+Step... (4 | Loss: 6.900506973266602, Learning Rate: 2.400018274784088e-06, Gradient Norm: 0.21496044099330902)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (5 | Loss: 6.898556232452393, Learning Rate: 2.9999937396496534e-06, Gradient Norm: 0.21573692560195923)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch... (3/8 | Eval Loss: 6.897768020629883 | Eval wer: 1.2724137931034483 |)
+Step... (6 | Loss: 6.9041056632995605, Learning Rate: 3.5999983083456755e-06, Gradient Norm: 0.2156459391117096)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (7 | Loss: 6.897749423980713, Learning Rate: 4.2000028770416975e-06, Gradient Norm: 0.21631726622581482)
+Step... (8 | Loss: 6.9012298583984375, Learning Rate: 4.799978341907263e-06, Gradient Norm: 0.2145848274230957)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (9 | Loss: 6.8957648277282715, Learning Rate: 5.4000120144337416e-06, Gradient Norm: 0.21255962550640106)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (10 | Loss: 6.899353504180908, Learning Rate: 5.999987479299307e-06, Gradient Norm: 0.21120981872081757)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch... (6/8 | Eval Loss: 6.897578239440918 | Eval wer: 1.3195402298850574 |)
+Step... (11 | Loss: 6.901991367340088, Learning Rate: 6.599992047995329e-06, Gradient Norm: 0.2260313332080841)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (12 | Loss: 6.901236057281494, Learning Rate: 7.199996616691351e-06, Gradient Norm: 0.2197226583957672)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (13 | Loss: 6.89699649810791, Learning Rate: 7.800001185387373e-06, Gradient Norm: 0.20545163750648499)
+Step... (14 | Loss: 6.904464244842529, Learning Rate: 8.400005754083395e-06, Gradient Norm: 0.21523423492908478)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Step... (15 | Loss: 6.89659309387207, Learning Rate: 8.99998121894896e-06, Gradient Norm: 0.215375155210495)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch... (8/8 | Eval Loss: 6.897270679473877 | Eval wer: 1.0 |)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch... (8/8 | validation[:90%] Loss: 6.899052619934082 | validation[:90%] wer: 1.0 |)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch... (8/8 | validation[:95%] Loss: 6.897270679473877 | validation[:95%] wer: 1.0 |)
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
+Epoch ... (1/8): 0%| | 0/8 [00:00, ?it/s]
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt b/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/wandb-metadata.json b/wandb/run-20220507_181232-3jt20u8h/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..c9efbb046d38de9c59e4ef2e72fb4de67fbecd0f
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T18:12:35.649106",
+ "startedAt": "2022-05-07T18:12:32.532027",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--num_train_epochs=5",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=10",
+ "--per_device_train_batch_size=4",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json b/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..26c9f146f77c4603f2486e5516826d4746084532
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.2153751254081726, "train/decoder_param_norm": 10.987325668334961, "train/encoder_grad_norm": 6.226220284588635e-05, "train/encoder_param_norm": 21.972965240478516, "train/grad_norm": 0.215375155210495, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.11141970753669739}, "embed_tokens": {"embedding": 0.1822541505098343}, "layernorm_embedding": {"bias": 0.006978299003094435, "scale": 0.002684835810214281}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.683913475579752e-13, "kernel": 7.691859844373428e-13}, "out_proj": {"bias": 0.01017291285097599, "kernel": 4.835366053157486e-05}, "q_proj": {"bias": 8.323083433396661e-13, "kernel": 7.170216026822218e-13}, "v_proj": {"bias": 0.0011877671349793673, "kernel": 4.3278155317239e-06}}, "encoder_attn_layer_norm": {"bias": 0.010208925232291222, "scale": 0.003742848988622427}, "fc1": {"bias": 0.00019648273882921785, "kernel": 0.0003260021621827036}, "fc2": {"bias": 0.010387817397713661, "kernel": 0.00031270526233129203}, "final_layer_norm": {"bias": 0.01120450533926487, "scale": 0.004803987219929695}, "self_attn": {"k_proj": {"bias": 7.924838563155845e-10, "kernel": 2.8601843951037154e-06}, "out_proj": {"bias": 0.009969169273972511, "kernel": 0.0008530723862349987}, "q_proj": {"bias": 1.503725684415258e-06, "kernel": 3.2063726393971592e-06}, "v_proj": {"bias": 0.0007679044501855969, "kernel": 0.0008640363230369985}}, "self_attn_layer_norm": {"bias": 0.010208604857325554, "scale": 0.0037461353931576014}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.8093228365833056e-07, "kernel": 1.2999373666389147e-06}}, "1": {"conv": {"bias": 3.4964691622008104e-06, "kernel": 1.463306148252741e-06}}, "2": {"conv": {"bias": 6.204104283824563e-05, "kernel": 2.7708349534805166e-06}}}}, "encoder": {"layer_norm": {"bias": 4.8533376428849806e-08, "scale": 4.4352816530590644e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.2858276717884315e-15, "kernel": 1.8749095331838106e-10}, "out_proj": {"bias": 1.1383142464183038e-06, "kernel": 1.939983036436388e-07}, "q_proj": {"bias": 7.783571703834369e-11, "kernel": 2.0182648607924847e-10}, "v_proj": {"bias": 8.352370173270174e-08, "kernel": 1.9266857975708263e-07}}, "feed_forward": {"intermediate_dense": {"bias": 5.348250198267124e-08, "kernel": 1.6100146638109436e-07}, "output_dense": {"bias": 1.1085575124525349e-06, "kernel": 1.665052451471638e-07}}, "final_layer_norm": {"bias": 3.911198476203026e-09, "scale": 2.9276121527033183e-09}, "layer_norm": {"bias": 6.057663259895207e-09, "scale": 3.720152186303949e-09}}}, "pos_conv_embed": {"conv": {"bias": 3.3335575722048816e-07, "weight_g": 7.31536831111157e-09, "weight_v": 8.634641801563703e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 7.989528683083336e-08, "scale": 9.70147695511514e-09}, "projection": {"bias": 7.0456695766552e-07, "kernel": 6.236960530259239e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.7995755672454834}, "embed_tokens": {"embedding": 2.5086636543273926}, "layernorm_embedding": {"bias": 0.004300239030271769, "scale": 4.000096321105957}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.3906845392218656e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.006054020952433348, "kernel": 0.46690690517425537}, "q_proj": {"bias": 3.1261226496326344e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.006492323242127895, "kernel": 0.4628830850124359}}, "encoder_attn_layer_norm": {"bias": 0.006174970418214798, "scale": 5.656977653503418}, "fc1": {"bias": 0.0030719302594661713, "kernel": 0.23027929663658142}, "fc2": {"bias": 0.006066570058465004, "kernel": 0.22853296995162964}, "final_layer_norm": {"bias": 0.005942371673882008, "scale": 5.657139301300049}, "self_attn": {"k_proj": {"bias": 1.2672914635913912e-05, "kernel": 0.44887495040893555}, "out_proj": {"bias": 0.006061178632080555, "kernel": 0.4595740735530853}, "q_proj": {"bias": 0.005267631262540817, "kernel": 0.43897727131843567}, "v_proj": {"bias": 0.005835117306560278, "kernel": 0.47396790981292725}}, "self_attn_layer_norm": {"bias": 0.0061751361936330795, "scale": 5.656977653503418}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.0036688598338514566, "kernel": 0.7979243993759155}}, "1": {"conv": {"bias": 0.004594143014401197, "kernel": 0.7823636531829834}}, "2": {"conv": {"bias": 0.004468178376555443, "kernel": 0.7934101223945618}}}}, "encoder": {"layer_norm": {"bias": 0.0013509673299267888, "scale": 4.000459671020508}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.1813357236878375e-10, "kernel": 0.6511669158935547}, "out_proj": {"bias": 0.004305066075176001, "kernel": 0.6515488624572754}, "q_proj": {"bias": 8.96543588169152e-06, "kernel": 0.636457085609436}, "v_proj": {"bias": 0.002771528670564294, "kernel": 0.6421211361885071}}, "feed_forward": {"intermediate_dense": {"bias": 0.002230884740129113, "kernel": 0.7063376307487488}, "output_dense": {"bias": 0.004552299156785011, "kernel": 0.7153173685073853}}, "final_layer_norm": {"bias": 0.00031876348657533526, "scale": 7.999976634979248}, "layer_norm": {"bias": 0.0006218356429599226, "scale": 8.000045776367188}}}, "pos_conv_embed": {"conv": {"bias": 0.0018855463713407516, "weight_g": 2.2777018547058105, "weight_v": 2.277583360671997}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.0015572169795632362, "scale": 5.656813144683838}, "projection": {"bias": 0.001854587928391993, "kernel": 0.4301110804080963}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 8.99998121894896e-06, "train/loss": 6.89659309387207, "train/param_norm": 24.566898345947266, "_timestamp": 1651947348, "_runtime": 196, "_step": 15, "eval/loss": 6.897270679473877, "eval/wer": 1.0, "eval/step_5k": {"_type": "table-file", "path": "media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json", "sha256": "f901d5b4b0d1263be066c7f7b5a69ee57c111da571490164fd2001f31ec47a98", "size": 12070, "artifact_path": "wandb-client-artifact://bdglzibb1nm6h9qxn0yhjuwonl3cq31cqmlsdzhmcw7cuaxwh5mhtksdeue21w9r8lipv0hx30r8awz8jm9gdcg0njqnnticud475f8ym7xetspa7vtefwhjgmtiq309:latest/eval/step_5k.table.json", "_latest_artifact_path": "wandb-client-artifact://bdglzibb1nm6h9qxn0yhjuwonl3cq31cqmlsdzhmcw7cuaxwh5mhtksdeue21w9r8lipv0hx30r8awz8jm9gdcg0njqnnticud475f8ym7xetspa7vtefwhjgmtiq309:latest/eval/step_5k.table.json", "ncols": 3, "nrows": 50}, "eval/step_10k": {"_type": "table-file", "path": "media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json", "sha256": "92ae240f2472ae79ad316b729700c013d11e821782ca7e4cd33eb61c840df66d", "size": 11870, "artifact_path": "wandb-client-artifact://97byks6qk50aekljqm2a3ks6sskbf4c763q5g3zhrbzptwp5u0ah2rdu2x44i3u8tzs8heli93s7y4emozh280r8oqja8xcwb7ssj2f0nlds09t4x4f96qpbq651kaq6:latest/eval/step_10k.table.json", "_latest_artifact_path": "wandb-client-artifact://97byks6qk50aekljqm2a3ks6sskbf4c763q5g3zhrbzptwp5u0ah2rdu2x44i3u8tzs8heli93s7y4emozh280r8oqja8xcwb7ssj2f0nlds09t4x4f96qpbq651kaq6:latest/eval/step_10k.table.json", "ncols": 3, "nrows": 50}, "eval/step_15k": {"_type": "table-file", "path": "media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://z5ftcp2j8ulngpw9mcgnncva8c9sbypy7rstfjly8e2pyljq3p6ndln2tr8f8b5a503mvtrweg0l55pktbdmatxj0fpj18rycvs42latgmmcevjos4az5o038kxu0gdq:latest/eval/step_15k.table.json", "_latest_artifact_path": "wandb-client-artifact://z5ftcp2j8ulngpw9mcgnncva8c9sbypy7rstfjly8e2pyljq3p6ndln2tr8f8b5a503mvtrweg0l55pktbdmatxj0fpj18rycvs42latgmmcevjos4az5o038kxu0gdq:latest/eval/step_15k.table.json", "ncols": 4, "nrows": 50}, "eval/final_generation_incorrect": {"_type": "table-file", "path": "media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json", "sha256": "27d5678dc49240a7dde2e78f30bfe7158c8f7e02566de4d9efd2b502b6903708", "size": 20292, "artifact_path": "wandb-client-artifact://c1bqsfi7t0wwrdjy4hcbo4g83aamrc5wflqg3dcudu97fe4zase8quxodazutihsb6x2gxn08psc8qvsly5li3uix3gtnqbthrszkxu9jhcdqwbe36exavad2uxyr4gx:latest/eval/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://c1bqsfi7t0wwrdjy4hcbo4g83aamrc5wflqg3dcudu97fe4zase8quxodazutihsb6x2gxn08psc8qvsly5li3uix3gtnqbthrszkxu9jhcdqwbe36exavad2uxyr4gx:latest/eval/final_generation_incorrect.table.json", "ncols": 4, "nrows": 63}, "validation[:90%]/loss": 6.899052619934082, "validation[:90%]/wer": 1.0, "validation[:90%]/step_15k": {"_type": "table-file", "path": "media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json", "sha256": "b59f86c33aa51dff79ab7525d68bf93d944418cd9934b0bab1b26d58eb2047a0", "size": 15524, "artifact_path": "wandb-client-artifact://jq9z1po49dkegq5zms9s34sjf7q7qpyomgxdnxerlayzjif4kknuxsw3rjg718s5gnvohfuouow9xrewn3z86cgfzvfmuy9en4krvqi1u19om32c6zn779tr3cmiff8t:latest/validation[:90%]/step_15k.table.json", "_latest_artifact_path": "wandb-client-artifact://jq9z1po49dkegq5zms9s34sjf7q7qpyomgxdnxerlayzjif4kknuxsw3rjg718s5gnvohfuouow9xrewn3z86cgfzvfmuy9en4krvqi1u19om32c6zn779tr3cmiff8t:latest/validation[:90%]/step_15k.table.json", "ncols": 4, "nrows": 48}, "validation[:90%]/final_generation_incorrect": {"_type": "table-file", "path": "media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json", "sha256": "932e28f0ba95df4e01c5d1cf588b62e1966eccae9dc7a05c24fa8c039b131a06", "size": 15187, "artifact_path": "wandb-client-artifact://alez6w9v5au2l527jgn44iv05c5jb2so557g3nda5teiumijyrq8zz31774hx7lrfw6p7lxfx03fwacihmz8fe88aesxu1jwsfql2n7yumk4yb48equnwmhhtb6kp52x:latest/validation[:90%]/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://alez6w9v5au2l527jgn44iv05c5jb2so557g3nda5teiumijyrq8zz31774hx7lrfw6p7lxfx03fwacihmz8fe88aesxu1jwsfql2n7yumk4yb48equnwmhhtb6kp52x:latest/validation[:90%]/final_generation_incorrect.table.json", "ncols": 4, "nrows": 47}, "validation[:95%]/loss": 6.897270679473877, "validation[:95%]/wer": 1.0, "validation[:95%]/step_15k": {"_type": "table-file", "path": "media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json", "sha256": "a7d6e656cdc47be11a4d75d3c011d99f659e767be494426c80c0c0731f31d13d", "size": 16130, "artifact_path": "wandb-client-artifact://14rfbs2ga0mnmm3rx3egv0lzpdkityp74j0b0rlp9gbtb46h4a2l9td5dklvgyrk02moizdu3n6j61k5aogvz9ijgcn07kdenop5t9wk3i2dmkhg2zr9wpq8rz4r3nbx:latest/validation[:95%]/step_15k.table.json", "_latest_artifact_path": "wandb-client-artifact://14rfbs2ga0mnmm3rx3egv0lzpdkityp74j0b0rlp9gbtb46h4a2l9td5dklvgyrk02moizdu3n6j61k5aogvz9ijgcn07kdenop5t9wk3i2dmkhg2zr9wpq8rz4r3nbx:latest/validation[:95%]/step_15k.table.json", "ncols": 4, "nrows": 50}, "validation[:95%]/final_generation_incorrect": {"_type": "table-file", "path": "media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json", "sha256": "27d5678dc49240a7dde2e78f30bfe7158c8f7e02566de4d9efd2b502b6903708", "size": 20292, "artifact_path": "wandb-client-artifact://3ch4e730xcoaq0gux1x9r5tet937jogolrjuj25oyuziwik2dmjg4flh2rylqrb6anhdtbwxpfxuurfm9bcrmge9alo51dvh5y1h7xkmrie9gphv78izv47efhcyz0xk:latest/validation[:95%]/final_generation_incorrect.table.json", "_latest_artifact_path": "wandb-client-artifact://3ch4e730xcoaq0gux1x9r5tet937jogolrjuj25oyuziwik2dmjg4flh2rylqrb6anhdtbwxpfxuurfm9bcrmge9alo51dvh5y1h7xkmrie9gphv78izv47efhcyz0xk:latest/validation[:95%]/final_generation_incorrect.table.json", "ncols": 4, "nrows": 63}, "_wandb": {"runtime": 197}}
\ No newline at end of file
diff --git a/wandb/run-20220507_181232-3jt20u8h/logs/debug-internal.log b/wandb/run-20220507_181232-3jt20u8h/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..07e8704a8d65540f64db3f3e8dbd04d1b57e6332
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/logs/debug-internal.log
@@ -0,0 +1,389 @@
+2022-05-07 18:12:33,358 INFO MainThread:32132 [internal.py:wandb_internal():92] W&B internal server running at pid: 32132, started at: 2022-05-07 18:12:33.358518
+2022-05-07 18:12:33,361 INFO WriterThread:32132 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/run-3jt20u8h.wandb
+2022-05-07 18:12:33,362 DEBUG SenderThread:32132 [sender.py:send():235] send: header
+2022-05-07 18:12:33,362 DEBUG SenderThread:32132 [sender.py:send():235] send: run
+2022-05-07 18:12:33,469 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 18:12:33,469 INFO SenderThread:32132 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files
+2022-05-07 18:12:33,469 INFO SenderThread:32132 [sender.py:_start_run_threads():812] run started: 3jt20u8h with start time 1651947152
+2022-05-07 18:12:33,470 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:12:33,470 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:12:33,470 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: check_version
+2022-05-07 18:12:33,533 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 18:12:34,523 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:12:35,648 DEBUG HandlerThread:32132 [meta.py:__init__():37] meta init
+2022-05-07 18:12:35,649 DEBUG HandlerThread:32132 [meta.py:__init__():51] meta init done
+2022-05-07 18:12:35,649 DEBUG HandlerThread:32132 [meta.py:probe():211] probe
+2022-05-07 18:12:35,650 DEBUG HandlerThread:32132 [meta.py:_setup_git():201] setup git
+2022-05-07 18:12:35,679 DEBUG HandlerThread:32132 [meta.py:_setup_git():208] setup git done
+2022-05-07 18:12:35,679 DEBUG HandlerThread:32132 [meta.py:_save_pip():55] save pip
+2022-05-07 18:12:35,679 DEBUG HandlerThread:32132 [meta.py:_save_pip():69] save pip done
+2022-05-07 18:12:35,680 DEBUG HandlerThread:32132 [meta.py:probe():249] probe done
+2022-05-07 18:12:35,683 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:12:35,683 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 18:12:35,688 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:12:35,689 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:12:35,803 DEBUG SenderThread:32132 [sender.py:send():235] send: telemetry
+2022-05-07 18:12:36,001 INFO Thread-11 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/15jjf330-wandb-metadata.json
+2022-05-07 18:12:36,561 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:12:36,562 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-metadata.json
+2022-05-07 18:12:36,562 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt
+2022-05-07 18:12:38,562 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:12:40,563 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:12:50,567 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:12:50,805 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:12:50,805 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:12:52,568 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:03,731 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:13:04,574 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/config.yaml
+2022-05-07 18:13:05,883 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:13:05,883 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:13:16,579 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:21,679 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:13:21,679 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:13:33,808 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:13:36,713 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:13:36,714 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:13:37,400 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:37,498 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:38,588 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:38,770 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:38,772 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:13:38,773 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:13:38,773 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:13:38,855 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:39,588 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:13:39,926 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:39,928 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:13:39,929 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:13:39,930 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:13:39,985 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:40,589 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:40,589 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:13:41,129 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:41,131 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:13:41,131 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:13:41,132 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:13:41,208 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:41,589 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:13:42,305 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:42,307 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:13:42,308 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:13:42,309 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:13:42,378 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:13:42,590 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:42,590 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:13:44,591 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:13:53,231 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:13:53,231 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:14:03,884 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:14:08,287 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:14:08,287 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:14:10,601 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:23,368 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:14:23,368 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:14:28,608 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:33,965 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:14:38,815 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:14:38,815 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:14:50,053 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:50,104 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:14:50,104 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:14:50,213 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:50,498 INFO Thread-13 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/03/1aa3918a194407ac466420b1ea5405
+2022-05-07 18:14:50,617 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:14:50,617 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table
+2022-05-07 18:14:50,617 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval
+2022-05-07 18:14:50,617 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media
+2022-05-07 18:14:50,903 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-evalstep_5k - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMDQy', 'digest': 'c378d5ba791b4793379472a7d8e8aae6', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjMz', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:14:50,904 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:14:50,904 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json with policy now
+2022-05-07 18:14:51,150 INFO Thread-14 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/1ffvxtk5-media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:14:51,322 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:51,326 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:14:51,327 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:14:51,328 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:14:51,412 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:51,618 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:51,619 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:14:52,550 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:52,552 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:14:52,553 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:14:52,554 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:14:52,619 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:52,619 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:14:52,629 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:53,619 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:53,719 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:53,721 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:14:53,722 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:14:53,722 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:14:53,799 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:54,003 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:14:54,003 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:14:54,620 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:54,620 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:14:54,983 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:54,986 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:14:54,986 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:14:54,987 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:14:55,035 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:55,620 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:55,621 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:14:56,226 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:56,228 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:14:56,229 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:14:56,230 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:14:56,295 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:56,621 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:56,621 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:14:57,621 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:58,563 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:58,617 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:14:58,617 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:14:58,622 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:58,622 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json
+2022-05-07 18:14:58,622 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval
+2022-05-07 18:14:58,724 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:59,622 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:14:59,786 INFO Thread-16 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/00/66783abbd98b29e02682346c82293a
+2022-05-07 18:14:59,815 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:14:59,888 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:00,210 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-evalstep_10k - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMDkw', 'digest': '15bcd05eec47537f199cd22089cba95f', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjM3', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:00,210 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:00,211 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json with policy now
+2022-05-07 18:15:00,211 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:00,212 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:00,213 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:00,466 INFO Thread-17 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/jmsn8rdp-media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json
+2022-05-07 18:15:00,623 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:00,623 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:00,988 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:00,990 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:00,990 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:00,991 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:01,070 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:01,623 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:01,624 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:02,290 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:02,292 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:02,293 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:02,294 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:02,352 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:02,624 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:02,624 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:03,454 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:03,457 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:03,457 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:03,458 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:03,538 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:03,625 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:04,045 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:15:04,625 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:04,671 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:04,673 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:04,674 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:04,675 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:04,724 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:05,625 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:06,626 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:07,626 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:09,091 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:15:09,091 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:15:20,632 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:24,125 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:15:24,126 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:15:32,638 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:34,124 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:15:39,168 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:15:39,168 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:15:43,642 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:43,703 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:43,703 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:43,767 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:43,826 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:43,921 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:44,644 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:44,644 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:44,644 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:44,645 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval
+2022-05-07 18:15:45,644 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:45,757 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:45,811 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:45,867 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:45,921 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:46,114 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:46,645 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:46,645 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json
+2022-05-07 18:15:46,645 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:15:46,645 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table
+2022-05-07 18:15:46,646 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]
+2022-05-07 18:15:47,646 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:48,423 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:48,463 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:48,552 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:48,592 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:15:48,646 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:48,646 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:48,647 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:48,647 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table
+2022-05-07 18:15:48,647 INFO Thread-7 :32132 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]
+2022-05-07 18:15:48,666 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:48,701 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:15:49,647 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:50,390 INFO Thread-19 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:15:50,648 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:50,799 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-evalstep_15k - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzM1', 'digest': '1375951cf35bbd2aaa8faa80b86af2b0', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjQ1', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:50,799 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:50,799 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:15:50,800 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:51,034 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:51,050 INFO Thread-20 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/8fmkeroj-media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:51,174 INFO Thread-22 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/6b/3b8e91d9e2c32726db1e53b2d21b7b
+2022-05-07 18:15:51,623 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-evalfinal_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzUx', 'digest': '2806f32b4eb7c9d877466561e424c0e1', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjQ5', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:51,623 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:51,623 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json with policy now
+2022-05-07 18:15:51,624 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:51,649 INFO Thread-7 :32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:53,292 INFO Thread-23 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/1xen2c74-media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:53,872 INFO Thread-25 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/af/47f5eac929f7d4f6e6c7d604ae396b
+2022-05-07 18:15:55,697 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-validation90step_15k - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzU4', 'digest': 'd4593fb16cf602068d6ff40b8ad1567f', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjUw', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:55,697 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:55,697 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json with policy now
+2022-05-07 18:15:55,699 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:56,108 INFO Thread-28 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/43/50e41ae72b85005650b1e30f30f93e
+2022-05-07 18:15:56,135 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:56,373 INFO Thread-26 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/1bec4wn7-media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:15:57,081 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-validation90final_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzc3', 'digest': 'a59be299c2bb989e5e8a7153d0ce9dd8', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjUx', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:57,081 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:57,081 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/validation[[]:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json with policy now
+2022-05-07 18:15:57,082 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:57,328 INFO Thread-29 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/a6211j05-media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json
+2022-05-07 18:15:57,900 INFO Thread-31 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/59/70265576a772597adeb57dd33a7a30
+2022-05-07 18:15:58,517 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-validation95step_15k - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzg4', 'digest': 'ed389500ca9807856176333e266aa986', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjUy', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:58,518 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:58,518 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json with policy now
+2022-05-07 18:15:58,519 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:15:58,769 INFO Thread-32 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/1w94ueu7-media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:59,023 INFO Thread-34 :32132 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/6b/3b8e91d9e2c32726db1e53b2d21b7b
+2022-05-07 18:15:59,424 INFO SenderThread:32132 [sender.py:send_request_log_artifact():976] logged artifact run-3jt20u8h-validation95final_generation_incorrect - {'id': 'QXJ0aWZhY3Q6MTI0MzYzMzk1', 'digest': '184a1d714543b40a2138ad00e0cd8774', 'state': 'PENDING', 'aliases': [], 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE5OTAwMjUz', 'latestArtifact': None}, 'version': 'latest'}
+2022-05-07 18:15:59,424 DEBUG SenderThread:32132 [sender.py:send():235] send: files
+2022-05-07 18:15:59,425 INFO SenderThread:32132 [sender.py:_save_file():947] saving file media/table/validation[[]:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json with policy now
+2022-05-07 18:15:59,425 DEBUG SenderThread:32132 [sender.py:send():235] send: telemetry
+2022-05-07 18:15:59,425 DEBUG SenderThread:32132 [sender.py:send():235] send: history
+2022-05-07 18:15:59,426 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:59,427 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:59,427 DEBUG SenderThread:32132 [sender.py:send():235] send: exit
+2022-05-07 18:15:59,427 INFO SenderThread:32132 [sender.py:send_exit():371] handling exit code: 0
+2022-05-07 18:15:59,429 INFO SenderThread:32132 [sender.py:send_exit():373] handling runtime: 197
+2022-05-07 18:15:59,430 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:59,430 INFO SenderThread:32132 [sender.py:send_exit():379] send defer
+2022-05-07 18:15:59,430 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,431 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,432 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,432 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 18:15:59,434 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,434 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 18:15:59,434 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 1
+2022-05-07 18:15:59,435 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,435 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 18:15:59,494 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,494 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 18:15:59,494 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 2
+2022-05-07 18:15:59,494 DEBUG SenderThread:32132 [sender.py:send():235] send: stats
+2022-05-07 18:15:59,495 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,495 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 18:15:59,495 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,495 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 18:15:59,495 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 3
+2022-05-07 18:15:59,495 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,495 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 18:15:59,495 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,495 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 18:15:59,495 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 4
+2022-05-07 18:15:59,496 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,496 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 18:15:59,496 DEBUG SenderThread:32132 [sender.py:send():235] send: summary
+2022-05-07 18:15:59,498 INFO SenderThread:32132 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:15:59,498 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,498 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 18:15:59,498 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 5
+2022-05-07 18:15:59,498 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,498 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 18:15:59,498 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,498 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 18:15:59,532 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:59,556 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 6
+2022-05-07 18:15:59,556 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,557 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,557 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 18:15:59,557 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,557 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 18:15:59,557 INFO SenderThread:32132 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 18:15:59,651 INFO SenderThread:32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/config.yaml
+2022-05-07 18:15:59,651 INFO SenderThread:32132 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:59,651 INFO SenderThread:32132 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files
+2022-05-07 18:15:59,651 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt requirements.txt
+2022-05-07 18:15:59,651 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log output.log
+2022-05-07 18:15:59,652 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 18:15:59,652 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/config.yaml config.yaml
+2022-05-07 18:15:59,652 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json wandb-summary.json
+2022-05-07 18:15:59,663 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:59,663 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json media/table/validation[:95%]/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:59,663 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json media/table/eval/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:59,663 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json media/table/eval/step_15k_15_a7d6e656cdc47be11a4d.table.json
+2022-05-07 18:15:59,664 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:59,664 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json media/table/eval/step_10k_10_92ae240f2472ae79ad31.table.json
+2022-05-07 18:15:59,665 INFO Thread-35 :32132 [upload_job.py:push():137] Uploaded file /tmp/tmpi1_5w_fvwandb/unjycc4e-media/table/validation[:95%]/final_generation_incorrect_15_27d5678dc49240a7dde2.table.json
+2022-05-07 18:15:59,665 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json media/table/eval/step_5k_5_f901d5b4b0d1263be066.table.json
+2022-05-07 18:15:59,666 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json media/table/validation[:90%]/final_generation_incorrect_15_932e28f0ba95df4e01c5.table.json
+2022-05-07 18:15:59,666 INFO SenderThread:32132 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json media/table/validation[:90%]/step_15k_15_b59f86c33aa51dff79ab.table.json
+2022-05-07 18:15:59,666 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 7
+2022-05-07 18:15:59,666 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,667 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:15:59,667 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 18:15:59,667 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:15:59,667 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 18:15:59,668 INFO SenderThread:32132 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:15:59,768 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:59,768 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,870 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:59,870 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:15:59,893 INFO Thread-36 :32132 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/requirements.txt
+2022-05-07 18:15:59,908 INFO Thread-37 :32132 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/output.log
+2022-05-07 18:15:59,915 INFO Thread-38 :32132 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/config.yaml
+2022-05-07 18:15:59,923 INFO Thread-39 :32132 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/files/wandb-summary.json
+2022-05-07 18:15:59,971 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:15:59,971 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:16:00,073 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:16:00,073 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:16:00,124 INFO Thread-6 :32132 [sender.py:transition_state():392] send defer: 8
+2022-05-07 18:16:00,124 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:16:00,124 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 18:16:00,124 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:16:00,125 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 18:16:00,175 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:16:00,287 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 9
+2022-05-07 18:16:00,287 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:16:00,288 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:16:00,288 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 18:16:00,288 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:16:00,288 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 18:16:00,288 INFO SenderThread:32132 [sender.py:transition_state():392] send defer: 10
+2022-05-07 18:16:00,289 DEBUG SenderThread:32132 [sender.py:send():235] send: final
+2022-05-07 18:16:00,289 DEBUG SenderThread:32132 [sender.py:send():235] send: footer
+2022-05-07 18:16:00,289 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:16:00,289 INFO HandlerThread:32132 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 18:16:00,289 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:16:00,289 INFO SenderThread:32132 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 18:16:00,388 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:16:00,389 DEBUG SenderThread:32132 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:16:00,389 INFO SenderThread:32132 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:16:00,515 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 18:16:00,517 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 18:16:00,518 DEBUG HandlerThread:32132 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 18:16:00,518 INFO HandlerThread:32132 [handler.py:finish():778] shutting down handler
+2022-05-07 18:16:01,289 INFO WriterThread:32132 [datastore.py:close():281] close: /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/run-3jt20u8h.wandb
+2022-05-07 18:16:01,414 INFO SenderThread:32132 [sender.py:finish():1078] shutting down sender
+2022-05-07 18:16:01,414 INFO SenderThread:32132 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:16:01,414 INFO SenderThread:32132 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:16:01,415 INFO MainThread:32132 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_181232-3jt20u8h/logs/debug.log b/wandb/run-20220507_181232-3jt20u8h/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..82bb2d3ceba41a6187d40a9eca5f77f24b9da4c0
--- /dev/null
+++ b/wandb/run-20220507_181232-3jt20u8h/logs/debug.log
@@ -0,0 +1,126 @@
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/settings
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/logs/debug.log
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-wav2vec2-2-bart-dummy/wandb/run-20220507_181232-3jt20u8h/logs/debug-internal.log
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_init.py:init():439] calling init triggers
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 18:12:32,533 INFO MainThread:31078 [wandb_init.py:init():492] starting backend
+2022-05-07 18:12:32,534 INFO MainThread:31078 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 18:12:32,562 INFO MainThread:31078 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 18:12:32,589 INFO MainThread:31078 [backend.py:ensure_launched():224] started backend process with pid: 32132
+2022-05-07 18:12:32,591 INFO MainThread:31078 [wandb_init.py:init():501] backend started and connected
+2022-05-07 18:12:32,604 INFO MainThread:31078 [wandb_init.py:init():565] updated telemetry
+2022-05-07 18:12:32,667 INFO MainThread:31078 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 18:12:33,468 INFO MainThread:31078 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 18:12:33,532 INFO MainThread:31078 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 18:12:33,532 INFO MainThread:31078 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 18:12:35,687 INFO MainThread:31078 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 18:12:35,688 INFO MainThread:31078 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 18:12:35,688 INFO MainThread:31078 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 18:12:35,690 INFO MainThread:31078 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 18:12:35,690 INFO MainThread:31078 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 18:15:48,696 INFO MainThread:31078 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 0
+2022-05-07 18:15:48,701 INFO MainThread:31078 [wandb_run.py:_restore():1674] restore
+2022-05-07 18:15:56,034 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: None
+2022-05-07 18:15:59,431 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 7
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 203717
+ total_bytes: 203717
+}
+
+2022-05-07 18:15:59,557 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 224009
+ total_bytes: 224009
+}
+
+2022-05-07 18:15:59,667 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 224009
+ total_bytes: 267564
+}
+
+2022-05-07 18:15:59,769 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+
+2022-05-07 18:15:59,870 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+
+2022-05-07 18:15:59,972 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+
+2022-05-07 18:16:00,074 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+
+2022-05-07 18:16:00,288 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+
+2022-05-07 18:16:00,415 INFO MainThread:31078 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+ media_count: 8
+ artifact_count: 6
+}
+pusher_stats {
+ uploaded_bytes: 267564
+ total_bytes: 267564
+}
+local_info {
+}
+
+2022-05-07 18:16:01,909 INFO MainThread:31078 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 18:16:01,910 INFO MainThread:31078 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 18:16:01,912 INFO MainThread:31078 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_181232-3jt20u8h/run-3jt20u8h.wandb b/wandb/run-20220507_181232-3jt20u8h/run-3jt20u8h.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..6090d92e61f8c8c34e3e9f64e4c1a3416b40f8d6
Binary files /dev/null and b/wandb/run-20220507_181232-3jt20u8h/run-3jt20u8h.wandb differ
diff --git a/wandb/run-20220507_181853-3nproo3b/files/config.yaml b/wandb/run-20220507_181853-3nproo3b/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..9ec9c743c90078742e33cd256c85291e194ec2aa
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/files/config.yaml
@@ -0,0 +1,36 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651947533
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 2:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_181853-3nproo3b/files/output.log b/wandb/run-20220507_181853-3nproo3b/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..1d3d761f3a23fd8c1417a7672e50e2c10ace192c
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/files/output.log
@@ -0,0 +1,870 @@
+05/07/2022 18:18:56 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=3.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=2,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=True,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=5,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 18:18:56 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 18:18:57 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:18:57 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 18:18:58 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:18:59 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 194.44ba/s]
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 737.52ba/s]
+100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00, 693.16ba/s]
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 18:19:09.719228: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 18:19:09.719261: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 18:19:09 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-885308cf79812c65.arrow
+05/07/2022 18:19:11 - WARNING - huggingface_hub.repository - /home/sanchitgandhi/flax-dummy/./ is already a clone of https://huggingface.co/sanchit-gandhi/flax-dummy. Make sure you pull the latest changes with `repo.git_pull()`.
+05/07/2022 18:19:12 - INFO - __main__ - ***** Running training *****
+05/07/2022 18:19:12 - INFO - __main__ - Num examples = 70
+05/07/2022 18:19:12 - INFO - __main__ - Num Epochs = 4
+05/07/2022 18:19:12 - INFO - __main__ - Instantaneous batch size per device = 2
+05/07/2022 18:19:12 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 18:19:12 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 16
+05/07/2022 18:19:12 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 18:19:12 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 18:19:12 - INFO - __main__ - Use scan: True
+05/07/2022 18:19:12 - INFO - __main__ - Fuse matmuls: False
+/home/sanchitgandhi/flax-dummy/./ is already a clone of https://huggingface.co/sanchit-gandhi/flax-dummy. Make sure you pull the latest changes with `repo.git_pull()`.
+Epoch ... (1/4): 0%| | 0/4 [00:00, ?it/s]
+Epoch ... (1/4): 0%| | 0/4 [00:01, ?it/s]
+Traceback (most recent call last):
+ File "run_flax_speech_recognition_seq2seq.py", line 1396, in
+ main()
+ File "run_flax_speech_recognition_seq2seq.py", line 1303, in main
+ state, train_metric = p_train_step(state, batch)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/traceback_util.py", line 162, in reraise_with_filtered_traceback
+ return fun(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/api.py", line 1979, in cache_miss
+ out_tree, out_flat = f_pmapped_(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/api.py", line 1855, in pmap_f
+ out = pxla.xla_pmap(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/core.py", line 1797, in bind
+ return map_bind(self, fun, *args, **params)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/core.py", line 1828, in map_bind
+ outs = primitive.process(top_trace, fun, tracers, params)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/core.py", line 1800, in process
+ return trace.process_map(self, fun, tracers, params)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/core.py", line 614, in process_call
+ return primitive.impl(f, *tracers, **params)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/pxla.py", line 792, in xla_pmap_impl
+ compiled_fun, fingerprint = parallel_callable(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/linear_util.py", line 272, in memoized_fun
+ ans = call(fun, *args)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/pxla.py", line 820, in parallel_callable
+ pmap_computation = lower_parallel_callable(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/profiler.py", line 206, in wrapper
+ return func(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/pxla.py", line 993, in lower_parallel_callable
+ jaxpr, consts, replicas, parts, shards = stage_parallel_callable(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/pxla.py", line 900, in stage_parallel_callable
+ jaxpr, out_sharded_avals, consts = pe.trace_to_jaxpr_final(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/profiler.py", line 206, in wrapper
+ return func(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/partial_eval.py", line 1798, in trace_to_jaxpr_final
+ jaxpr, out_avals, consts = trace_to_subjaxpr_dynamic(fun, main, in_avals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/partial_eval.py", line 1775, in trace_to_subjaxpr_dynamic
+ ans = fun.call_wrapped(*in_tracers_)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/linear_util.py", line 166, in call_wrapped
+ ans = self.f(*args, **dict(self.params, **kwargs))
+ File "run_flax_speech_recognition_seq2seq.py", line 1086, in train_step
+ (loss, num_labels), grad = grad_fn(to_dtype(state.params), batch)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/traceback_util.py", line 162, in reraise_with_filtered_traceback
+ return fun(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/api.py", line 954, in value_and_grad_f
+ ans, vjp_py, aux = _vjp(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/api.py", line 2413, in _vjp
+ out_primal, out_vjp, aux = ad.vjp(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/ad.py", line 121, in vjp
+ out_primals, pvals, jaxpr, consts, aux = linearize(traceable, *primals, has_aux=True)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/ad.py", line 106, in linearize
+ jaxpr, out_pvals, consts = pe.trace_to_jaxpr(jvpfun_flat, in_pvals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/profiler.py", line 206, in wrapper
+ return func(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/partial_eval.py", line 592, in trace_to_jaxpr
+ jaxpr, (out_pvals, consts, env) = fun.call_wrapped(pvals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/linear_util.py", line 166, in call_wrapped
+ ans = self.f(*args, **dict(self.params, **kwargs))
+ File "run_flax_speech_recognition_seq2seq.py", line 1073, in compute_loss
+ logits = state.apply_fn(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_speech_encoder_decoder.py", line 765, in __call__
+ return self.module.apply(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/traceback_util.py", line 162, in reraise_with_filtered_traceback
+ return fun(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 1162, in apply
+ return apply(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/scope.py", line 806, in wrapper
+ y = fn(root, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 1446, in scope_fn
+ return fn(module.clone(parent=scope), *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_speech_encoder_decoder.py", line 340, in __call__
+ decoder_outputs = self.decoder(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 752, in __call__
+ outputs = self.model(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 718, in __call__
+ return self.decoder(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 500, in __call__
+ outputs = self.layers(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 389, in __call__
+ hidden_states, _ = scan_with_axes(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 312, in wrapped_fn
+ ret = trafo_fn(module_scopes, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/lift.py", line 213, in wrapper
+ y, out_variable_groups_xs_t = fn(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/lift.py", line 286, in wrapper
+ y = fn(scopes, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 305, in core_fn
+ res = fn(cloned, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 312, in wrapped_fn
+ ret = trafo_fn(module_scopes, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/lift.py", line 218, in wrapper
+ y, out_variable_groups_xs_t = fn(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/lift.py", line 766, in inner
+ broadcast_vars, (carry_vars, c), (ys, scan_vars) = scanned(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/axes_scan.py", line 135, in scan_fn
+ _, out_pvals, _ = pe.trace_to_jaxpr(f_flat, in_pvals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/profiler.py", line 206, in wrapper
+ return func(*args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/interpreters/partial_eval.py", line 592, in trace_to_jaxpr
+ jaxpr, (out_pvals, consts, env) = fun.call_wrapped(pvals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/linear_util.py", line 166, in call_wrapped
+ ans = self.f(*args, **dict(self.params, **kwargs))
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/axes_scan.py", line 111, in body_fn
+ broadcast_out, c, ys = fn(broadcast_in, c, *xs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/lift.py", line 750, in scanned
+ c, y = fn(scope, c, *args)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 305, in core_fn
+ res = fn(cloned, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 308, in __call__
+ hidden_states, self_attn_weights = self.self_attn(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/transforms.py", line 1166, in wrapped_fn
+ return prewrapped_fn(self, *args, **kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 350, in wrapped_module_method
+ return self._call_wrapped_method(fun, args, kwargs)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/linen/module.py", line 657, in _call_wrapped_method
+ y = fun(self, *args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 206, in __call__
+ attention_mask = jnp.broadcast_to(jnp.expand_dims(attention_mask, axis=(-3, -2)), causal_mask.shape)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/numpy/util.py", line 357, in _broadcast_to
+ raise ValueError(msg.format(arr_shape, shape))
+jax._src.traceback_util.UnfilteredStackTrace: ValueError: Incompatible shapes for broadcasting: (2, 1, 1, 127) and requested shape (2, 1, 100, 100)
+The stack trace below excludes JAX-internal frames.
+The preceding is the original exception that occurred, unmodified.
+--------------------
+The above exception was the direct cause of the following exception:
+Traceback (most recent call last):
+ File "run_flax_speech_recognition_seq2seq.py", line 1396, in
+ main()
+ File "run_flax_speech_recognition_seq2seq.py", line 1303, in main
+ state, train_metric = p_train_step(state, batch)
+ File "run_flax_speech_recognition_seq2seq.py", line 1086, in train_step
+ (loss, num_labels), grad = grad_fn(to_dtype(state.params), batch)
+ File "run_flax_speech_recognition_seq2seq.py", line 1073, in compute_loss
+ logits = state.apply_fn(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_speech_encoder_decoder.py", line 765, in __call__
+ return self.module.apply(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_speech_encoder_decoder.py", line 340, in __call__
+ decoder_outputs = self.decoder(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 752, in __call__
+ outputs = self.model(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 718, in __call__
+ return self.decoder(*args, **kwargs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 500, in __call__
+ outputs = self.layers(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 389, in __call__
+ hidden_states, _ = scan_with_axes(
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/axes_scan.py", line 135, in scan_fn
+ _, out_pvals, _ = pe.trace_to_jaxpr(f_flat, in_pvals)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/flax/core/axes_scan.py", line 111, in body_fn
+ broadcast_out, c, ys = fn(broadcast_in, c, *xs)
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 308, in __call__
+ hidden_states, self_attn_weights = self.self_attn(
+ File "/home/sanchitgandhi/seq2seq-speech/models/modeling_flax_bart.py", line 206, in __call__
+ attention_mask = jnp.broadcast_to(jnp.expand_dims(attention_mask, axis=(-3, -2)), causal_mask.shape)
+ File "/home/sanchitgandhi/venv/lib/python3.8/site-packages/jax/_src/numpy/util.py", line 357, in _broadcast_to
+ raise ValueError(msg.format(arr_shape, shape))
+ValueError: Incompatible shapes for broadcasting: (2, 1, 1, 127) and requested shape (2, 1, 100, 100)
\ No newline at end of file
diff --git a/wandb/run-20220507_181853-3nproo3b/files/requirements.txt b/wandb/run-20220507_181853-3nproo3b/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_181853-3nproo3b/files/wandb-metadata.json b/wandb/run-20220507_181853-3nproo3b/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..ffaee2e61f21cad0d0bde2fae962527ea9aea82c
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T18:18:56.563525",
+ "startedAt": "2022-05-07T18:18:53.232180",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=5",
+ "--per_device_train_batch_size=2",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=128",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict",
+ "--push_to_hub"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-dummy",
+ "commit": "832c9142c9c702ef947c3b22da2b336ae080eb26"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json b/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..ea21b21f31ce5475c752fec2e134d0ccd8199989
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json
@@ -0,0 +1 @@
+{"_wandb": {"runtime": 22}}
\ No newline at end of file
diff --git a/wandb/run-20220507_181853-3nproo3b/logs/debug-internal.log b/wandb/run-20220507_181853-3nproo3b/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..ea7e60334ac78cc2e81a60a591687f17a4cf9dd9
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/logs/debug-internal.log
@@ -0,0 +1,147 @@
+2022-05-07 18:18:54,038 INFO MainThread:35428 [internal.py:wandb_internal():92] W&B internal server running at pid: 35428, started at: 2022-05-07 18:18:54.037902
+2022-05-07 18:18:54,040 INFO WriterThread:35428 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/run-3nproo3b.wandb
+2022-05-07 18:18:54,041 DEBUG SenderThread:35428 [sender.py:send():235] send: header
+2022-05-07 18:18:54,041 DEBUG SenderThread:35428 [sender.py:send():235] send: run
+2022-05-07 18:18:54,122 INFO SenderThread:35428 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files
+2022-05-07 18:18:54,122 INFO SenderThread:35428 [sender.py:_start_run_threads():812] run started: 3nproo3b with start time 1651947533
+2022-05-07 18:18:54,122 DEBUG SenderThread:35428 [sender.py:send():235] send: summary
+2022-05-07 18:18:54,123 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 18:18:54,123 INFO SenderThread:35428 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:18:54,123 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: check_version
+2022-05-07 18:18:54,185 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 18:18:55,124 INFO Thread-7 :35428 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json
+2022-05-07 18:18:56,563 DEBUG HandlerThread:35428 [meta.py:__init__():37] meta init
+2022-05-07 18:18:56,563 DEBUG HandlerThread:35428 [meta.py:__init__():51] meta init done
+2022-05-07 18:18:56,563 DEBUG HandlerThread:35428 [meta.py:probe():211] probe
+2022-05-07 18:18:56,564 DEBUG HandlerThread:35428 [meta.py:_setup_git():201] setup git
+2022-05-07 18:18:56,597 DEBUG HandlerThread:35428 [meta.py:_setup_git():208] setup git done
+2022-05-07 18:18:56,598 DEBUG HandlerThread:35428 [meta.py:_save_pip():55] save pip
+2022-05-07 18:18:56,598 DEBUG HandlerThread:35428 [meta.py:_save_pip():69] save pip done
+2022-05-07 18:18:56,598 DEBUG HandlerThread:35428 [meta.py:probe():249] probe done
+2022-05-07 18:18:56,601 DEBUG SenderThread:35428 [sender.py:send():235] send: files
+2022-05-07 18:18:56,601 INFO SenderThread:35428 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 18:18:56,606 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:18:56,607 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:18:56,637 DEBUG SenderThread:35428 [sender.py:send():235] send: telemetry
+2022-05-07 18:18:56,881 INFO Thread-11 :35428 [upload_job.py:push():137] Uploaded file /tmp/tmpb1i3o9_4wandb/3h4lcq8i-wandb-metadata.json
+2022-05-07 18:18:57,128 INFO Thread-7 :35428 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-metadata.json
+2022-05-07 18:18:57,128 INFO Thread-7 :35428 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/requirements.txt
+2022-05-07 18:18:57,128 INFO Thread-7 :35428 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:18:59,128 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:01,129 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:11,133 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:11,639 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:19:11,639 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:19:13,133 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:13,813 DEBUG SenderThread:35428 [sender.py:send():235] send: telemetry
+2022-05-07 18:19:13,813 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:19:15,134 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:16,561 DEBUG SenderThread:35428 [sender.py:send():235] send: exit
+2022-05-07 18:19:16,561 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:16,561 INFO SenderThread:35428 [sender.py:send_exit():371] handling exit code: 1
+2022-05-07 18:19:16,561 INFO SenderThread:35428 [sender.py:send_exit():373] handling runtime: 22
+2022-05-07 18:19:16,562 INFO SenderThread:35428 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:19:16,562 INFO SenderThread:35428 [sender.py:send_exit():379] send defer
+2022-05-07 18:19:16,562 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:16,563 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,563 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 0
+2022-05-07 18:19:16,563 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,563 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 0
+2022-05-07 18:19:16,563 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 1
+2022-05-07 18:19:16,563 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,563 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 1
+2022-05-07 18:19:16,620 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,620 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 1
+2022-05-07 18:19:16,620 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 2
+2022-05-07 18:19:16,620 DEBUG SenderThread:35428 [sender.py:send():235] send: stats
+2022-05-07 18:19:16,621 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,621 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 2
+2022-05-07 18:19:16,621 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,621 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 2
+2022-05-07 18:19:16,621 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 3
+2022-05-07 18:19:16,621 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,621 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 3
+2022-05-07 18:19:16,621 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,621 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 3
+2022-05-07 18:19:16,621 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 4
+2022-05-07 18:19:16,622 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,622 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 4
+2022-05-07 18:19:16,622 DEBUG SenderThread:35428 [sender.py:send():235] send: summary
+2022-05-07 18:19:16,622 INFO SenderThread:35428 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:19:16,622 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,622 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 4
+2022-05-07 18:19:16,622 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 5
+2022-05-07 18:19:16,622 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,622 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 5
+2022-05-07 18:19:16,622 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,623 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 5
+2022-05-07 18:19:16,664 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:16,689 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 6
+2022-05-07 18:19:16,690 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:16,690 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:16,690 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 6
+2022-05-07 18:19:16,690 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:16,690 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 6
+2022-05-07 18:19:16,691 INFO SenderThread:35428 [dir_watcher.py:finish():283] shutting down directory watcher
+2022-05-07 18:19:16,791 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,135 INFO Thread-7 :35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/config.yaml
+2022-05-07 18:19:17,135 INFO SenderThread:35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json
+2022-05-07 18:19:17,136 INFO SenderThread:35428 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:17,136 INFO SenderThread:35428 [dir_watcher.py:finish():313] scan: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files
+2022-05-07 18:19:17,136 INFO SenderThread:35428 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/requirements.txt requirements.txt
+2022-05-07 18:19:17,136 INFO SenderThread:35428 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log output.log
+2022-05-07 18:19:17,136 INFO SenderThread:35428 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-metadata.json wandb-metadata.json
+2022-05-07 18:19:17,137 INFO SenderThread:35428 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/config.yaml config.yaml
+2022-05-07 18:19:17,137 INFO SenderThread:35428 [dir_watcher.py:finish():327] scan save: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json wandb-summary.json
+2022-05-07 18:19:17,139 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 7
+2022-05-07 18:19:17,140 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,140 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:17,141 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 7
+2022-05-07 18:19:17,143 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:17,146 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 7
+2022-05-07 18:19:17,148 INFO SenderThread:35428 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:19:17,241 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,242 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,343 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,343 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,366 INFO Thread-12 :35428 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/requirements.txt
+2022-05-07 18:19:17,375 INFO Thread-15 :35428 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/wandb-summary.json
+2022-05-07 18:19:17,395 INFO Thread-14 :35428 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/config.yaml
+2022-05-07 18:19:17,445 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,445 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,483 INFO Thread-13 :35428 [upload_job.py:push():137] Uploaded file /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/files/output.log
+2022-05-07 18:19:17,547 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,547 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,648 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:17,649 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:17,684 INFO Thread-6 :35428 [sender.py:transition_state():392] send defer: 8
+2022-05-07 18:19:17,684 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:17,684 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 8
+2022-05-07 18:19:17,684 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:17,685 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 8
+2022-05-07 18:19:17,750 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:22,092 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 9
+2022-05-07 18:19:22,092 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:22,093 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:22,093 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 9
+2022-05-07 18:19:22,093 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:22,093 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 9
+2022-05-07 18:19:22,093 INFO SenderThread:35428 [sender.py:transition_state():392] send defer: 10
+2022-05-07 18:19:22,093 DEBUG SenderThread:35428 [sender.py:send():235] send: final
+2022-05-07 18:19:22,094 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: defer
+2022-05-07 18:19:22,094 INFO HandlerThread:35428 [handler.py:handle_request_defer():164] handle defer: 10
+2022-05-07 18:19:22,094 DEBUG SenderThread:35428 [sender.py:send():235] send: footer
+2022-05-07 18:19:22,094 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: defer
+2022-05-07 18:19:22,094 INFO SenderThread:35428 [sender.py:send_request_defer():388] handle sender defer: 10
+2022-05-07 18:19:22,194 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: poll_exit
+2022-05-07 18:19:22,195 DEBUG SenderThread:35428 [sender.py:send_request():249] send_request: poll_exit
+2022-05-07 18:19:22,195 INFO SenderThread:35428 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:19:24,366 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: sampled_history
+2022-05-07 18:19:24,367 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: get_summary
+2022-05-07 18:19:24,368 DEBUG HandlerThread:35428 [handler.py:handle_request():141] handle_request: shutdown
+2022-05-07 18:19:24,368 INFO HandlerThread:35428 [handler.py:finish():778] shutting down handler
+2022-05-07 18:19:25,094 INFO WriterThread:35428 [datastore.py:close():281] close: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/run-3nproo3b.wandb
+2022-05-07 18:19:25,265 INFO SenderThread:35428 [sender.py:finish():1078] shutting down sender
+2022-05-07 18:19:25,265 INFO SenderThread:35428 [file_pusher.py:finish():145] shutting down file pusher
+2022-05-07 18:19:25,265 INFO SenderThread:35428 [file_pusher.py:join():150] waiting for file pusher
+2022-05-07 18:19:25,267 INFO MainThread:35428 [internal.py:handle_exit():82] Internal process exited
diff --git a/wandb/run-20220507_181853-3nproo3b/logs/debug.log b/wandb/run-20220507_181853-3nproo3b/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..798b6906255c4c0dd9c8f4d36fa3e2a6e80caf35
--- /dev/null
+++ b/wandb/run-20220507_181853-3nproo3b/logs/debug.log
@@ -0,0 +1,115 @@
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-dummy/wandb/settings
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/logs/debug.log
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-dummy/wandb/run-20220507_181853-3nproo3b/logs/debug-internal.log
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_init.py:init():439] calling init triggers
+2022-05-07 18:18:53,233 INFO MainThread:34345 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 18:18:53,234 INFO MainThread:34345 [wandb_init.py:init():492] starting backend
+2022-05-07 18:18:53,234 INFO MainThread:34345 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 18:18:53,259 INFO MainThread:34345 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 18:18:53,284 INFO MainThread:34345 [backend.py:ensure_launched():224] started backend process with pid: 35428
+2022-05-07 18:18:53,286 INFO MainThread:34345 [wandb_init.py:init():501] backend started and connected
+2022-05-07 18:18:53,299 INFO MainThread:34345 [wandb_init.py:init():565] updated telemetry
+2022-05-07 18:18:53,361 INFO MainThread:34345 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 18:18:54,122 INFO MainThread:34345 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 18:18:54,184 INFO MainThread:34345 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 18:18:54,184 INFO MainThread:34345 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 18:18:56,606 INFO MainThread:34345 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 18:18:56,607 INFO MainThread:34345 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 18:18:56,607 INFO MainThread:34345 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 18:18:56,609 INFO MainThread:34345 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 18:18:56,609 INFO MainThread:34345 [wandb_init.py:init():664] run started, returning control to user process
+2022-05-07 18:19:13,808 INFO MainThread:34345 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 1
+2022-05-07 18:19:13,812 INFO MainThread:34345 [wandb_run.py:_restore():1674] restore
+2022-05-07 18:19:16,563 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2068
+ total_bytes: 2068
+}
+
+2022-05-07 18:19:16,690 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 1
+}
+pusher_stats {
+ uploaded_bytes: 2068
+ total_bytes: 2068
+}
+
+2022-05-07 18:19:17,141 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 2
+}
+pusher_stats {
+ uploaded_bytes: 2068
+ total_bytes: 5281
+}
+
+2022-05-07 18:19:17,242 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 5821
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:17,344 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:17,446 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:17,548 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:17,649 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:22,093 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+
+2022-05-07 18:19:24,265 INFO MainThread:34345 [wandb_run.py:_on_finish():1831] got exit ret: done: true
+exit_result {
+}
+file_counts {
+ wandb_count: 5
+}
+pusher_stats {
+ uploaded_bytes: 43817
+ total_bytes: 43817
+}
+local_info {
+}
+
+2022-05-07 18:19:25,816 INFO MainThread:34345 [wandb_run.py:_footer_history_summary_info():2865] rendering history
+2022-05-07 18:19:25,816 INFO MainThread:34345 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
+2022-05-07 18:19:25,818 INFO MainThread:34345 [wandb_run.py:_footer_sync_info():2822] logging synced files
diff --git a/wandb/run-20220507_181853-3nproo3b/run-3nproo3b.wandb b/wandb/run-20220507_181853-3nproo3b/run-3nproo3b.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..72aa0754869da22c2645710d5bf6203c5795b51e
Binary files /dev/null and b/wandb/run-20220507_181853-3nproo3b/run-3nproo3b.wandb differ
diff --git a/wandb/run-20220507_182041-10w2xueo/files/config.yaml b/wandb/run-20220507_182041-10w2xueo/files/config.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..33dfadd4bff5df7157c6b1efec10dd88863f075c
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/config.yaml
@@ -0,0 +1,27 @@
+wandb_version: 1
+
+_wandb:
+ desc: null
+ value:
+ cli_version: 0.12.11
+ framework: huggingface
+ huggingface_version: 4.18.0.dev0
+ is_jupyter_run: false
+ is_kaggle_kernel: false
+ python_version: 3.8.10
+ start_time: 1651947641
+ t:
+ 1:
+ - 1
+ - 2
+ - 3
+ - 11
+ - 12
+ - 45
+ - 49
+ - 51
+ 4: 3.8.10
+ 5: 0.12.11
+ 6: 4.18.0.dev0
+ 8:
+ - 5
diff --git a/wandb/run-20220507_182041-10w2xueo/files/media/table/eval/step_0k_5_92ae240f2472ae79ad31.table.json b/wandb/run-20220507_182041-10w2xueo/files/media/table/eval/step_0k_5_92ae240f2472ae79ad31.table.json
new file mode 100644
index 0000000000000000000000000000000000000000..9c9c0b70a3e278293f0cce9c0bee02ae9edf2d5f
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/media/table/eval/step_0k_5_92ae240f2472ae79ad31.table.json
@@ -0,0 +1 @@
+{"columns": ["id", "label_str", "beam_1"], "data": [["1272-128104-0000", "mister quilter is the apostle of the middle classes and we are glad to welcome his gospel", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0001", "nor is mister quilter's manner less interesting than his matter", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0002", "he tells us that at this festive season of the year with christmas and roast beef looming before us similes drawn from eating and its results occur most readily to the mind", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0003", "he has grave doubts whether sir frederick leighton's work is really greek after all and can discover in it but little of rocky ithaca", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0005", "it is obviously unnecessary for us to point out how luminous these criticisms are how delicate in expression", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0006", "on the general principles of art mister quilter writes with equal lucidity", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0007", "painting he tells us is of a different quality to mathematics and finish in art is adding more fact", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0008", "as for etchings they are of two kinds british and foreign", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0010", "near the fire and the ornaments fred brought home from india on the mantel board", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0012", "only unfortunately his own work never does get good", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0013", "mister quilter has missed his chance for he has failed even to make himself the tupper of painting", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-128104-0014", "by harry quilter m a", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0000", "because you were sleeping instead of conquering the lovely rose princess has become a fiddle without a bow while poor shaggy sits there a cooing dove", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0001", "he has gone and gone for good answered polychrome who had managed to squeeze into the room beside the dragon and had witnessed the occurrences with much interest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0002", "i have remained a prisoner only because i wished to be one and with this he stepped forward and burst the stout chains as easily as if they had been threads", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0003", "the little girl had been asleep but she heard the raps and opened the door", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0004", "the king has fled in disgrace and your friends are asking for you", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0005", "i begged ruggedo long ago to send him away but he would not do so", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0006", "i also offered to help your brother to escape but he would not go", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0007", "he eats and sleeps very steadily replied the new king", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0008", "i hope he doesn't work too hard said shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0009", "he doesn't work at all", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0010", "in fact there is nothing he can do in these dominions as well as our nomes whose numbers are so great that it worries us to keep them all busy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0011", "not exactly returned kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0012", "where is my brother now", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0013", "inquired shaggy in the metal forest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0014", "where is that", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0015", "the metal forest is in the great domed cavern the largest in all our dominions replied kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0016", "kaliko hesitated", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0017", "however if we look sharp we may be able to discover one of these secret ways", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0018", "oh no i'm quite sure he didn't", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0019", "that's funny remarked betsy thoughtfully", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0020", "i don't believe ann knew any magic or she'd have worked it before", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0021", "i do not know confessed shaggy", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0022", "true agreed kaliko", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-135031-0023", "kaliko went to the big gong and pounded on it just as ruggedo used to do but no one answered the summons", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0000", "a man said to the universe sir i exist", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0001", "sweat covered brion's body trickling into the tight loincloth that was the only garment he wore", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0003", "his instant of panic was followed by a small sharp blow high on his chest", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0004", "one minute a voice said and the time buzzer sounded", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0005", "a minute is not a very large measure of time and his body needed every fraction of it", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0006", "the buzzer's whirr triggered his muscles into complete relaxation", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0007", "only his heart and lungs worked on at a strong measured rate", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0008", "he was in reverie sliding along the borders of consciousness", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0009", "the contestants in the twenties needed undisturbed rest therefore nights in the dormitories were as quiet as death", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0010", "particularly so on this last night when only two of the little cubicles were occupied the thousands of others standing with dark empty doors", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0011", "the other voice snapped with a harsh urgency clearly used to command", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0012", "i'm here because the matter is of utmost importance and brandd is the one i must see now stand aside", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0013", "the twenties", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"], ["1272-141231-0014", "he must have drawn his gun because the intruder said quickly put that away you're being a fool out", " Mar MarSSSersersersersersersersersersi hist hist hist hist hist hist hist hist hist hist hist histepepepepep\ufffdhenhenhenhen pl pl"]]}
\ No newline at end of file
diff --git a/wandb/run-20220507_182041-10w2xueo/files/output.log b/wandb/run-20220507_182041-10w2xueo/files/output.log
new file mode 100644
index 0000000000000000000000000000000000000000..a0a11a2fd0fa723b4f9746c9f44c9cd29481f8dc
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/output.log
@@ -0,0 +1,685 @@
+05/07/2022 18:20:44 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
+_n_gpu=-1,
+adafactor=False,
+adam_beta1=0.9,
+adam_beta2=0.999,
+adam_epsilon=1e-08,
+bf16=False,
+bf16_full_eval=False,
+data_seed=None,
+dataloader_drop_last=False,
+dataloader_num_workers=0,
+dataloader_pin_memory=True,
+ddp_bucket_cap_mb=None,
+ddp_find_unused_parameters=None,
+debug=,
+deepspeed=None,
+disable_tqdm=None,
+do_eval=True,
+do_predict=True,
+do_train=True,
+eval_accumulation_steps=None,
+eval_delay=0,
+eval_steps=5,
+evaluation_strategy=no,
+final_generation_max_length=50,
+final_generation_num_beams=2,
+fp16=False,
+fp16_backend=auto,
+fp16_full_eval=False,
+fp16_opt_level=O1,
+generation_length_penalty=1,
+generation_max_length=40,
+generation_num_beams=1,
+gradient_accumulation_steps=1,
+gradient_checkpointing=False,
+greater_is_better=None,
+group_by_length=False,
+half_precision_backend=auto,
+hub_model_id=None,
+hub_strategy=every_save,
+hub_token=,
+ignore_data_skip=False,
+label_names=None,
+label_smoothing_factor=0.0,
+learning_rate=0.0003,
+length_column_name=input_length,
+load_best_model_at_end=False,
+local_rank=-1,
+log_level=passive,
+log_level_replica=passive,
+log_on_each_node=True,
+logging_dir=None,
+logging_first_step=False,
+logging_nan_inf_filter=True,
+logging_steps=1,
+logging_strategy=steps,
+lr_scheduler_type=linear,
+matmul_precision=default,
+max_grad_norm=1.0,
+max_steps=15,
+metric_for_best_model=None,
+mp_parameters=,
+no_cuda=False,
+num_train_epochs=3.0,
+optim=adamw_hf,
+output_dir=./,
+overwrite_output_dir=True,
+past_index=-1,
+per_device_eval_batch_size=2,
+per_device_train_batch_size=2,
+precision=full,
+predict_with_generate=True,
+prediction_loss_only=False,
+push_to_hub=True,
+push_to_hub_model_id=None,
+push_to_hub_organization=None,
+push_to_hub_token=,
+remove_unused_columns=True,
+report_to=None,
+resume_from_checkpoint=None,
+run_name=None,
+save_on_each_node=False,
+save_steps=5,
+save_strategy=steps,
+save_total_limit=1,
+seed=42,
+sharded_ddp=,
+skip_memory_metrics=True,
+sortish_sampler=False,
+tf32=None,
+tpu_metrics_debug=False,
+tpu_num_cores=None,
+use_legacy_prediction_loop=False,
+warmup_ratio=0.0,
+warmup_steps=500,
+weight_decay=0.0,
+xpu_backend=None,
+)
+05/07/2022 18:20:44 - INFO - __main__ - JAX devices: 8, matmul precision: default
+05/07/2022 18:20:44 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:20:45 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+loading weights file ./flax_model.msgpack
+05/07/2022 18:20:46 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+05/07/2022 18:20:46 - WARNING - datasets.builder - Reusing dataset librispeech_asr (/home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b)
+All model checkpoint weights were used when initializing FlaxSpeechEncoderDecoderModel.
+All the weights of FlaxSpeechEncoderDecoderModel were initialized from the model checkpoint at ./.
+If your task is similar to the task the model of the checkpoint was trained on, you can already use FlaxSpeechEncoderDecoderModel for predictions without further training.
+Feature extractor saved in ./preprocessor_config.json
+tokenizer config file saved in ./tokenizer_config.json
+Special tokens file saved in ./special_tokens_map.json
+Configuration saved in ./config.json
+loading feature extractor configuration file ./preprocessor_config.json
+loading configuration file ./config.json
+You passed along `num_labels=3` with an incompatible id to label map: {'0': 'LABEL_0', '1': 'LABEL_1'}. The number of labels wil be overwritten to 2.
+Model config SpeechEncoderDecoderConfig {
+ "_name_or_path": "./",
+ "architectures": [
+ "SpeechEncoderDecoderModel"
+ ],
+ "decoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.0,
+ "activation_function": "gelu",
+ "add_cross_attention": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 0,
+ "chunk_size_feed_forward": 0,
+ "classifier_dropout": 0.0,
+ "cross_attention_hidden_size": null,
+ "d_model": 16,
+ "decoder_attention_heads": 4,
+ "decoder_ffn_dim": 4,
+ "decoder_layerdrop": 0.0,
+ "decoder_layers": 2,
+ "decoder_start_token_id": 2,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "dropout": 0.1,
+ "early_stopping": false,
+ "encoder_attention_heads": 4,
+ "encoder_ffn_dim": 4,
+ "encoder_layerdrop": 0.0,
+ "encoder_layers": 2,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": 2,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "init_std": 0.02,
+ "is_decoder": true,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "length_penalty": 1.0,
+ "max_length": 20,
+ "max_position_embeddings": 100,
+ "min_length": 0,
+ "model_type": "bart",
+ "no_repeat_ngram_size": 0,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_hidden_layers": 2,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 1,
+ "prefix": null,
+ "problem_type": null,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "scale_embedding": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_cache": true,
+ "use_scan": true,
+ "vocab_size": 1000
+ },
+ "decoder_start_token_id": 0,
+ "encoder": {
+ "_name_or_path": "",
+ "activation_dropout": 0.1,
+ "adapter_kernel_size": 3,
+ "adapter_stride": 2,
+ "add_adapter": true,
+ "add_cross_attention": false,
+ "apply_spec_augment": true,
+ "architectures": null,
+ "attention_dropout": 0.1,
+ "bad_words_ids": null,
+ "bos_token_id": 1,
+ "chunk_size_feed_forward": 0,
+ "classifier_proj_size": 256,
+ "codevector_dim": 256,
+ "contrastive_logits_temperature": 0.1,
+ "conv_bias": false,
+ "conv_dim": [
+ 32,
+ 32,
+ 32
+ ],
+ "conv_kernel": [
+ 8,
+ 8,
+ 8
+ ],
+ "conv_stride": [
+ 4,
+ 4,
+ 4
+ ],
+ "cross_attention_hidden_size": null,
+ "ctc_loss_reduction": "sum",
+ "ctc_zero_infinity": false,
+ "decoder_start_token_id": null,
+ "diversity_loss_weight": 0.1,
+ "diversity_penalty": 0.0,
+ "do_sample": false,
+ "do_stable_layer_norm": true,
+ "early_stopping": false,
+ "encoder_no_repeat_ngram_size": 0,
+ "eos_token_id": 2,
+ "exponential_decay_length_penalty": null,
+ "feat_extract_activation": "gelu",
+ "feat_extract_dropout": 0.0,
+ "feat_extract_norm": "layer",
+ "feat_proj_dropout": 0.0,
+ "feat_quantizer_dropout": 0.0,
+ "final_dropout": 0.0,
+ "finetuning_task": null,
+ "forced_bos_token_id": null,
+ "forced_eos_token_id": null,
+ "fuse_matmuls": false,
+ "gradient_checkpointing": false,
+ "hidden_act": "gelu",
+ "hidden_dropout": 0.1,
+ "hidden_dropout_prob": 0.1,
+ "hidden_size": 16,
+ "id2label": {
+ "0": "LABEL_0",
+ "1": "LABEL_1"
+ },
+ "initializer_range": 0.02,
+ "intermediate_size": 20,
+ "is_decoder": false,
+ "is_encoder_decoder": false,
+ "label2id": {
+ "LABEL_0": 0,
+ "LABEL_1": 1
+ },
+ "layer_norm_eps": 1e-05,
+ "layerdrop": 0.0,
+ "length_penalty": 1.0,
+ "mask_feature_length": 10,
+ "mask_feature_min_masks": 0,
+ "mask_feature_prob": 0.0,
+ "mask_time_length": 10,
+ "mask_time_min_masks": 2,
+ "mask_time_prob": 0.1,
+ "max_length": 20,
+ "min_length": 0,
+ "model_type": "wav2vec2",
+ "no_repeat_ngram_size": 0,
+ "num_adapter_layers": 3,
+ "num_attention_heads": 2,
+ "num_beam_groups": 1,
+ "num_beams": 1,
+ "num_codevector_groups": 2,
+ "num_codevectors_per_group": 320,
+ "num_conv_pos_embedding_groups": 2,
+ "num_conv_pos_embeddings": 16,
+ "num_feat_extract_layers": 3,
+ "num_hidden_layers": 4,
+ "num_negatives": 10,
+ "num_return_sequences": 1,
+ "output_attentions": false,
+ "output_hidden_size": 16,
+ "output_hidden_states": false,
+ "output_scores": false,
+ "pad_token_id": 0,
+ "prefix": null,
+ "problem_type": null,
+ "proj_codevector_dim": 256,
+ "pruned_heads": {},
+ "remove_invalid_values": false,
+ "repetition_penalty": 1.0,
+ "return_dict": true,
+ "return_dict_in_generate": false,
+ "sep_token_id": null,
+ "task_specific_params": null,
+ "tdnn_dilation": [
+ 1,
+ 2,
+ 3,
+ 1,
+ 1
+ ],
+ "tdnn_dim": [
+ 512,
+ 512,
+ 512,
+ 512,
+ 1500
+ ],
+ "tdnn_kernel": [
+ 5,
+ 3,
+ 3,
+ 1,
+ 1
+ ],
+ "temperature": 1.0,
+ "tie_encoder_decoder": false,
+ "tie_word_embeddings": true,
+ "tokenizer_class": null,
+ "top_k": 50,
+ "top_p": 1.0,
+ "torch_dtype": null,
+ "torchscript": false,
+ "transformers_version": "4.18.0.dev0",
+ "typical_p": 1.0,
+ "use_bfloat16": false,
+ "use_scan": true,
+ "use_weighted_layer_sum": false,
+ "vocab_size": 32,
+ "xvector_output_dim": 512
+ },
+ "eos_token_id": 2,
+ "is_encoder_decoder": true,
+ "max_length": 40,
+ "model_type": "speech-encoder-decoder",
+ "pad_token_id": 1,
+ "processor_class": "Wav2Vec2Processor",
+ "tie_word_embeddings": false,
+ "transformers_version": null,
+ "use_cache": false
+}
+loading feature extractor configuration file ./preprocessor_config.json
+Feature extractor Wav2Vec2FeatureExtractor {
+ "do_normalize": true,
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
+ "feature_size": 1,
+ "padding_side": "right",
+ "padding_value": 0.0,
+ "return_attention_mask": false,
+ "sampling_rate": 16000
+}
+Didn't find file ./added_tokens.json. We won't load it.
+loading file ./vocab.json
+loading file ./merges.txt
+loading file ./tokenizer.json
+loading file None
+loading file ./special_tokens_map.json
+loading file ./tokenizer_config.json
+2022-05-07 18:20:57.269707: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory
+2022-05-07 18:20:57.269746: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
+05/07/2022 18:20:56 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:20:56 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-172908eb2439798c.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-3788df45b822e09d.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-836619e0a5bdc111.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-760f29b7172d4ca5.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-c95f128933ad1116.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-0b5b21388629ee07.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-19bf1682e842ea83.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-d26d6988d1d20694.arrow
+05/07/2022 18:20:57 - WARNING - datasets.arrow_dataset - Loading cached processed dataset at /home/sanchitgandhi/cache/huggingface/datasets/hf-internal-testing___librispeech_asr/clean/2.1.0/d3bc4c2bc2078fcde3ad0f0f635862e4c0fef78ba94c4a34c4c250a097af240b/cache-735fc28d6b3118f5.arrow
+05/07/2022 18:20:58 - WARNING - huggingface_hub.repository - /home/sanchitgandhi/flax-dummy/./ is already a clone of https://huggingface.co/sanchit-gandhi/flax-dummy. Make sure you pull the latest changes with `repo.git_pull()`.
+05/07/2022 18:20:59 - INFO - __main__ - ***** Running training *****
+05/07/2022 18:20:59 - INFO - __main__ - Num examples = 68
+05/07/2022 18:20:59 - INFO - __main__ - Num Epochs = 4
+05/07/2022 18:20:59 - INFO - __main__ - Instantaneous batch size per device = 2
+05/07/2022 18:20:59 - INFO - __main__ - Num gradient accumulation steps = 1
+05/07/2022 18:20:59 - INFO - __main__ - Total train batch size (w. parallel & distributed) = 16
+05/07/2022 18:20:59 - INFO - __main__ - Total optimization steps = 15
+05/07/2022 18:20:59 - INFO - __main__ - Gradient checkpointing: False
+05/07/2022 18:20:59 - INFO - __main__ - Use scan: True
+05/07/2022 18:20:59 - INFO - __main__ - Fuse matmuls: False
+/home/sanchitgandhi/flax-dummy/./ is already a clone of https://huggingface.co/sanchit-gandhi/flax-dummy. Make sure you pull the latest changes with `repo.git_pull()`.
+Epoch ... (1/4): 0%| | 0/4 [00:00, ?it/s]
+
+
+Training...: 50%|████████████████████████████████████ | 2/4 [00:43<00:42, 21.50s/it]
+Step... (1 | Loss: 6.891468048095703, Learning Rate: 6.00004568696022e-07, Gradient Norm: 0.3173234164714813)
+Step... (2 | Loss: 6.901289939880371, Learning Rate: 1.200009137392044e-06, Gradient Norm: 0.2625834047794342)
+Step... (3 | Loss: 6.902263164520264, Learning Rate: 1.7999846022576094e-06, Gradient Norm: 0.28899699449539185)
+Epoch ... (1/4): 25%|█████████████████ | 1/4 [01:08<03:23, 67.78s/it]
+Training...: 25%|██████████████████ | 1/4 [00:00<00:02, 1.44it/s]
+Training...: 25%|██████████████████ | 1/4 [00:01<00:02, 1.44it/s]
+
+
+
diff --git a/wandb/run-20220507_182041-10w2xueo/files/requirements.txt b/wandb/run-20220507_182041-10w2xueo/files/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..965630c0a9fb5b80915f00a016ce64e5d09626b5
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/requirements.txt
@@ -0,0 +1,182 @@
+absl-py==1.0.0
+aiohttp==3.8.1
+aiosignal==1.2.0
+anyio==3.5.0
+appdirs==1.4.4
+argon2-cffi-bindings==21.2.0
+argon2-cffi==21.3.0
+asttokens==2.0.5
+astunparse==1.6.3
+async-timeout==4.0.2
+attrs==21.4.0
+audioread==2.1.9
+babel==2.9.1
+backcall==0.2.0
+beautifulsoup4==4.10.0
+bleach==4.1.0
+cachetools==5.0.0
+certifi==2021.10.8
+cffi==1.15.0
+charset-normalizer==2.0.12
+chex==0.1.1
+click==8.1.0
+cycler==0.11.0
+datasets==2.0.1.dev0
+debugpy==1.6.0
+decorator==5.1.1
+defusedxml==0.7.1
+dill==0.3.4
+dm-tree==0.1.6
+docker-pycreds==0.4.0
+entrypoints==0.4
+executing==0.8.3
+filelock==3.6.0
+flatbuffers==2.0
+flax==0.4.1
+fonttools==4.31.2
+frozenlist==1.3.0
+fsspec==2022.2.0
+gast==0.5.3
+gitdb==4.0.9
+gitpython==3.1.27
+google-auth-oauthlib==0.4.6
+google-auth==2.6.2
+google-pasta==0.2.0
+grpcio==1.44.0
+h5py==3.6.0
+huggingface-hub==0.4.0
+idna==3.3
+importlib-metadata==4.11.3
+importlib-resources==5.6.0
+iniconfig==1.1.1
+ipdb==0.13.9
+ipykernel==6.10.0
+ipython-genutils==0.2.0
+ipython==8.2.0
+jax==0.3.4
+jaxlib==0.3.2
+jedi==0.18.1
+jinja2==3.1.1
+jiwer==2.3.0
+joblib==1.1.0
+json5==0.9.6
+jsonschema==4.4.0
+jupyter-client==7.2.1
+jupyter-core==4.9.2
+jupyter-server==1.16.0
+jupyterlab-pygments==0.1.2
+jupyterlab-server==2.12.0
+jupyterlab==3.3.2
+keras-preprocessing==1.1.2
+keras==2.8.0
+kiwisolver==1.4.2
+libclang==13.0.0
+librosa==0.9.1
+libtpu-nightly==0.1.dev20220315
+llvmlite==0.38.0
+markdown==3.3.6
+markupsafe==2.1.1
+matplotlib-inline==0.1.3
+matplotlib==3.5.1
+mistune==0.8.4
+msgpack==1.0.3
+multidict==6.0.2
+multiprocess==0.70.12.2
+nbclassic==0.3.7
+nbclient==0.5.13
+nbconvert==6.4.5
+nbformat==5.2.0
+nest-asyncio==1.5.4
+notebook-shim==0.1.0
+notebook==6.4.10
+numba==0.55.1
+numpy==1.21.0
+oauthlib==3.2.0
+opt-einsum==3.3.0
+optax==0.1.1
+packaging==21.3
+pandas==1.4.1
+pandocfilters==1.5.0
+parso==0.8.3
+pathtools==0.1.2
+pexpect==4.8.0
+pickleshare==0.7.5
+pillow==9.0.1
+pip==20.0.2
+pkg-resources==0.0.0
+pluggy==1.0.0
+pooch==1.6.0
+prometheus-client==0.13.1
+promise==2.3
+prompt-toolkit==3.0.28
+protobuf==3.19.4
+psutil==5.9.0
+ptyprocess==0.7.0
+pure-eval==0.2.2
+py==1.11.0
+pyarrow==7.0.0
+pyasn1-modules==0.2.8
+pyasn1==0.4.8
+pycparser==2.21
+pygments==2.11.2
+pyparsing==3.0.7
+pyrsistent==0.18.1
+pytest==7.1.2
+python-dateutil==2.8.2
+python-levenshtein==0.12.2
+pytz==2022.1
+pyyaml==6.0
+pyzmq==22.3.0
+regex==2022.3.15
+requests-oauthlib==1.3.1
+requests==2.27.1
+resampy==0.2.2
+responses==0.18.0
+rsa==4.8
+sacremoses==0.0.49
+scikit-learn==1.0.2
+scipy==1.8.0
+send2trash==1.8.0
+sentry-sdk==1.5.8
+setproctitle==1.2.2
+setuptools==44.0.0
+shortuuid==1.0.8
+six==1.16.0
+smmap==5.0.0
+sniffio==1.2.0
+soundfile==0.10.3.post1
+soupsieve==2.3.1
+stack-data==0.2.0
+tensorboard-data-server==0.6.1
+tensorboard-plugin-wit==1.8.1
+tensorboard==2.8.0
+tensorflow-io-gcs-filesystem==0.24.0
+tensorflow==2.8.0
+termcolor==1.1.0
+terminado==0.13.3
+testpath==0.6.0
+tf-estimator-nightly==2.8.0.dev2021122109
+threadpoolctl==3.1.0
+tokenizers==0.11.6
+toml==0.10.2
+tomli==2.0.1
+toolz==0.11.2
+torch==1.11.0+cpu
+torchaudio==0.11.0+cpu
+tornado==6.1
+tqdm==4.63.1
+traitlets==5.1.1
+transformers==4.18.0.dev0
+typing-extensions==4.1.1
+urllib3==1.26.9
+wandb==0.12.11
+wcwidth==0.2.5
+webencodings==0.5.1
+websocket-client==1.3.2
+werkzeug==2.1.0
+wheel==0.37.1
+wrapt==1.14.0
+xxhash==3.0.0
+yarl==1.7.2
+yaspin==2.1.0
+zipp==3.7.0
\ No newline at end of file
diff --git a/wandb/run-20220507_182041-10w2xueo/files/wandb-metadata.json b/wandb/run-20220507_182041-10w2xueo/files/wandb-metadata.json
new file mode 100644
index 0000000000000000000000000000000000000000..bb7c9a84f0747df6223c8d7e06ace4758e5ca1d9
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/wandb-metadata.json
@@ -0,0 +1,58 @@
+{
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
+ "python": "3.8.10",
+ "heartbeatAt": "2022-05-07T18:20:44.274646",
+ "startedAt": "2022-05-07T18:20:41.166242",
+ "docker": null,
+ "cpu_count": 96,
+ "cuda": null,
+ "args": [
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
+ "--model_name_or_path=./",
+ "--dataset_config_name=clean",
+ "--train_split_name=validation",
+ "--eval_split_name=validation",
+ "--test_split_name=validation[:90%]+validation[:95%]",
+ "--output_dir=./",
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
+ "--preprocessing_num_workers=1",
+ "--length_column_name=input_length",
+ "--overwrite_output_dir",
+ "--max_steps=15",
+ "--eval_steps=5",
+ "--save_steps=5",
+ "--per_device_train_batch_size=2",
+ "--per_device_eval_batch_size=2",
+ "--logging_steps=1",
+ "--max_duration_in_seconds=15",
+ "--max_target_length=64",
+ "--generation_max_length=40",
+ "--generation_num_beams=1",
+ "--final_generation_max_length=50",
+ "--final_generation_num_beams=2",
+ "--learning_rate=3e-4",
+ "--warmup_steps=500",
+ "--text_column_name=text",
+ "--save_total_limit=1",
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
+ "--freeze_feature_encoder",
+ "--predict_with_generate",
+ "--do_lower_case",
+ "--do_train",
+ "--do_eval",
+ "--do_predict",
+ "--push_to_hub"
+ ],
+ "state": "running",
+ "program": "run_flax_speech_recognition_seq2seq.py",
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
+ "git": {
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-dummy",
+ "commit": "832c9142c9c702ef947c3b22da2b336ae080eb26"
+ },
+ "email": "sanchit@huggingface.co",
+ "root": "/home/sanchitgandhi/flax-dummy",
+ "host": "t1v-n-4eb331dd-w-0",
+ "username": "sanchitgandhi",
+ "executable": "/home/sanchitgandhi/venv/bin/python"
+}
diff --git a/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json b/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
new file mode 100644
index 0000000000000000000000000000000000000000..1ccc34699918d3e5842d06ba9abda30605187ab8
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
@@ -0,0 +1 @@
+{"train/decoder_grad_norm": 0.2679520845413208, "train/decoder_param_norm": 10.987318992614746, "train/encoder_grad_norm": 5.0892409490188584e-05, "train/encoder_param_norm": 21.97295379638672, "train/grad_norm": 0.2679520845413208, "layer_grad_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.1300550401210785}, "embed_tokens": {"embedding": 0.23291321098804474}, "layernorm_embedding": {"bias": 0.0053486633114516735, "scale": 0.004155205562710762}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 5.312275142346778e-13, "kernel": 8.975896198179512e-13}, "out_proj": {"bias": 0.008784609846770763, "kernel": 4.107481800019741e-05}, "q_proj": {"bias": 6.116195332313279e-13, "kernel": 8.879417383658716e-13}, "v_proj": {"bias": 0.000990744330920279, "kernel": 3.636425390141085e-06}}, "encoder_attn_layer_norm": {"bias": 0.008962320163846016, "scale": 0.005857730749994516}, "fc1": {"bias": 0.00013585005945060402, "kernel": 0.00037603775854222476}, "fc2": {"bias": 0.008722522296011448, "kernel": 0.00033544827601872385}, "final_layer_norm": {"bias": 0.009417260996997356, "scale": 0.006055876612663269}, "self_attn": {"k_proj": {"bias": 1.1712979475220209e-09, "kernel": 3.8348139241861645e-06}, "out_proj": {"bias": 0.008887370117008686, "kernel": 0.0007119181100279093}, "q_proj": {"bias": 1.3947447996542905e-06, "kernel": 4.4340058593661524e-06}, "v_proj": {"bias": 0.0006612322176806629, "kernel": 0.0006704386323690414}}, "self_attn_layer_norm": {"bias": 0.008963682688772678, "scale": 0.005859017372131348}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 2.431644645639608e-07, "kernel": 1.1549407190614147e-06}}, "1": {"conv": {"bias": 2.9579357487818925e-06, "kernel": 1.311571168116643e-06}}, "2": {"conv": {"bias": 5.0703747547231615e-05, "kernel": 2.3987627173482906e-06}}}}, "encoder": {"layer_norm": {"bias": 3.884435884060622e-08, "scale": 3.887453559059395e-08}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.3823666637649643e-15, "kernel": 1.1354555490283857e-10}, "out_proj": {"bias": 6.99043198437721e-07, "kernel": 1.1560265988919127e-07}, "q_proj": {"bias": 4.319047897105577e-11, "kernel": 1.1068277544490357e-10}, "v_proj": {"bias": 5.1656833477409236e-08, "kernel": 1.1340067374021601e-07}}, "feed_forward": {"intermediate_dense": {"bias": 2.9407328128172594e-08, "kernel": 8.487170788384901e-08}, "output_dense": {"bias": 6.827488618910138e-07, "kernel": 9.67346522884327e-08}}, "final_layer_norm": {"bias": 2.1070718503324315e-09, "scale": 1.3844979607213759e-09}, "layer_norm": {"bias": 3.887623112319716e-09, "scale": 2.263043530348341e-09}}}, "pos_conv_embed": {"conv": {"bias": 2.4913080665101006e-07, "weight_g": 5.592921237251858e-09, "weight_v": 6.250338202562489e-08}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "1": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}, "2": {"conv": {"kernel": 0.0}, "layer_norm": {"bias": 0.0, "scale": 0.0}}}}, "feature_projection": {"layer_norm": {"bias": 5.000295999479931e-08, "scale": 6.460602719471353e-09}, "projection": {"bias": 5.360236059459567e-07, "kernel": 4.370844237655547e-07}}, "masked_spec_embed": 0.0}}, "layer_param_norm/": {"decoder": {"model": {"decoder": {"embed_positions": {"embedding": 0.7995666861534119}, "embed_tokens": {"embedding": 2.5087716579437256}, "layernorm_embedding": {"bias": 0.004185355268418789, "scale": 4.000096797943115}, "layers": {"FlaxBartDecoderLayers": {"encoder_attn": {"k_proj": {"bias": 2.4479984706005098e-09, "kernel": 0.43237069249153137}, "out_proj": {"bias": 0.005893721245229244, "kernel": 0.46672675013542175}, "q_proj": {"bias": 2.9117382283061488e-08, "kernel": 0.4763868451118469}, "v_proj": {"bias": 0.006317977327853441, "kernel": 0.4627833366394043}}, "encoder_attn_layer_norm": {"bias": 0.006012107711285353, "scale": 5.656979560852051}, "fc1": {"bias": 0.0029884851537644863, "kernel": 0.230309396982193}, "fc2": {"bias": 0.005906371865421534, "kernel": 0.22855640947818756}, "final_layer_norm": {"bias": 0.005787394475191832, "scale": 5.657113075256348}, "self_attn": {"k_proj": {"bias": 1.2845576748077292e-05, "kernel": 0.4488256871700287}, "out_proj": {"bias": 0.005900240037590265, "kernel": 0.45953789353370667}, "q_proj": {"bias": 0.0051243542693555355, "kernel": 0.4389404356479645}, "v_proj": {"bias": 0.005685505922883749, "kernel": 0.473923921585083}}, "self_attn_layer_norm": {"bias": 0.00601226557046175, "scale": 5.656979560852051}}}}}}, "encoder": {"adapter": {"layers": {"0": {"conv": {"bias": 0.0035623302683234215, "kernel": 0.7978851199150085}}, "1": {"conv": {"bias": 0.004474292043596506, "kernel": 0.7823198437690735}}, "2": {"conv": {"bias": 0.004339096136391163, "kernel": 0.7933635115623474}}}}, "encoder": {"layer_norm": {"bias": 0.0012930977391079068, "scale": 4.000429153442383}, "layers": {"FlaxWav2Vec2EncoderLayers": {"attention": {"k_proj": {"bias": 1.183643461022399e-10, "kernel": 0.6511669158935547}, "out_proj": {"bias": 0.004178609233349562, "kernel": 0.6515294909477234}, "q_proj": {"bias": 8.916323167795781e-06, "kernel": 0.636457085609436}, "v_proj": {"bias": 0.0027142988983541727, "kernel": 0.6421023011207581}}, "feed_forward": {"intermediate_dense": {"bias": 0.0021830981131643057, "kernel": 0.7063364386558533}, "output_dense": {"bias": 0.004428844433277845, "kernel": 0.7153164148330688}}, "final_layer_norm": {"bias": 0.00031358818523585796, "scale": 7.99997615814209}, "layer_norm": {"bias": 0.0006144040380604565, "scale": 8.000043869018555}}}, "pos_conv_embed": {"conv": {"bias": 0.0018276346381753683, "weight_g": 2.2776975631713867, "weight_v": 2.2775840759277344}}}, "feature_extractor": {"conv_layers": {"0": {"conv": {"kernel": 7.867799758911133}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "1": {"conv": {"kernel": 8.025212287902832}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}, "2": {"conv": {"kernel": 7.975250720977783}, "layer_norm": {"bias": 0.0, "scale": 5.656854152679443}}}}, "feature_projection": {"layer_norm": {"bias": 0.0015199838671833277, "scale": 5.6568169593811035}, "projection": {"bias": 0.001792658818885684, "kernel": 0.43013235926628113}}, "masked_spec_embed": 2.404470205307007}}, "train/learning_rate": 2.400018274784088e-06, "train/loss": 6.903058052062988, "train/param_norm": 24.566884994506836, "_timestamp": 1651947727, "_runtime": 86, "_step": 4}
\ No newline at end of file
diff --git a/wandb/run-20220507_182041-10w2xueo/logs/debug-internal.log b/wandb/run-20220507_182041-10w2xueo/logs/debug-internal.log
new file mode 100644
index 0000000000000000000000000000000000000000..28267cac936938349aabc809c1590ec4955f0db0
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/logs/debug-internal.log
@@ -0,0 +1,100 @@
+2022-05-07 18:20:42,008 INFO MainThread:37252 [internal.py:wandb_internal():92] W&B internal server running at pid: 37252, started at: 2022-05-07 18:20:42.008533
+2022-05-07 18:20:42,011 DEBUG SenderThread:37252 [sender.py:send():235] send: header
+2022-05-07 18:20:42,011 DEBUG SenderThread:37252 [sender.py:send():235] send: run
+2022-05-07 18:20:42,013 INFO WriterThread:37252 [datastore.py:open_for_write():77] open: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/run-10w2xueo.wandb
+2022-05-07 18:20:42,121 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: check_version
+2022-05-07 18:20:42,121 INFO SenderThread:37252 [dir_watcher.py:__init__():169] watching files in: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files
+2022-05-07 18:20:42,122 INFO SenderThread:37252 [sender.py:_start_run_threads():812] run started: 10w2xueo with start time 1651947641
+2022-05-07 18:20:42,122 DEBUG SenderThread:37252 [sender.py:send():235] send: summary
+2022-05-07 18:20:42,122 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:20:42,122 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: check_version
+2022-05-07 18:20:42,182 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: run_start
+2022-05-07 18:20:43,155 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
+2022-05-07 18:20:44,274 DEBUG HandlerThread:37252 [meta.py:__init__():37] meta init
+2022-05-07 18:20:44,274 DEBUG HandlerThread:37252 [meta.py:__init__():51] meta init done
+2022-05-07 18:20:44,274 DEBUG HandlerThread:37252 [meta.py:probe():211] probe
+2022-05-07 18:20:44,275 DEBUG HandlerThread:37252 [meta.py:_setup_git():201] setup git
+2022-05-07 18:20:44,306 DEBUG HandlerThread:37252 [meta.py:_setup_git():208] setup git done
+2022-05-07 18:20:44,306 DEBUG HandlerThread:37252 [meta.py:_save_pip():55] save pip
+2022-05-07 18:20:44,307 DEBUG HandlerThread:37252 [meta.py:_save_pip():69] save pip done
+2022-05-07 18:20:44,307 DEBUG HandlerThread:37252 [meta.py:probe():249] probe done
+2022-05-07 18:20:44,309 DEBUG SenderThread:37252 [sender.py:send():235] send: files
+2022-05-07 18:20:44,310 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
+2022-05-07 18:20:44,316 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:20:44,316 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:20:44,591 DEBUG SenderThread:37252 [sender.py:send():235] send: telemetry
+2022-05-07 18:20:44,612 INFO Thread-11 :37252 [upload_job.py:push():137] Uploaded file /tmp/tmpakbzv8qrwandb/3pjkdsgl-wandb-metadata.json
+2022-05-07 18:20:45,185 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:20:45,185 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/wandb-metadata.json
+2022-05-07 18:20:45,185 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/requirements.txt
+2022-05-07 18:20:47,186 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:20:49,186 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:20:59,191 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:20:59,593 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:20:59,594 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:21:01,192 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:21:12,356 DEBUG SenderThread:37252 [sender.py:send():235] send: stats
+2022-05-07 18:21:13,197 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/config.yaml
+2022-05-07 18:21:14,646 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:21:14,647 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:21:25,203 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:21:29,690 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:21:29,690 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:21:42,433 DEBUG SenderThread:37252 [sender.py:send():235] send: stats
+2022-05-07 18:21:43,117 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:21:43,184 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:21:44,743 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:21:44,743 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:21:45,211 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:21:59,805 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:21:59,806 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:22:06,490 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:06,492 DEBUG SenderThread:37252 [sender.py:send():235] send: history
+2022-05-07 18:22:06,493 DEBUG SenderThread:37252 [sender.py:send():235] send: summary
+2022-05-07 18:22:06,495 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:22:06,576 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:07,185 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:07,187 DEBUG SenderThread:37252 [sender.py:send():235] send: history
+2022-05-07 18:22:07,187 DEBUG SenderThread:37252 [sender.py:send():235] send: summary
+2022-05-07 18:22:07,188 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:22:07,221 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
+2022-05-07 18:22:07,238 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:07,879 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:07,880 DEBUG SenderThread:37252 [sender.py:send():235] send: history
+2022-05-07 18:22:07,881 DEBUG SenderThread:37252 [sender.py:send():235] send: summary
+2022-05-07 18:22:07,882 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:22:07,941 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:08,221 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
+2022-05-07 18:22:08,516 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:08,518 DEBUG SenderThread:37252 [sender.py:send():235] send: history
+2022-05-07 18:22:08,518 DEBUG SenderThread:37252 [sender.py:send():235] send: summary
+2022-05-07 18:22:08,519 INFO SenderThread:37252 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
+2022-05-07 18:22:08,568 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:22:09,222 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:22:09,222 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/wandb-summary.json
+2022-05-07 18:22:11,222 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:22:12,514 DEBUG SenderThread:37252 [sender.py:send():235] send: stats
+2022-05-07 18:22:14,841 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:22:14,841 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:22:29,878 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:22:29,878 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:22:35,233 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:22:42,593 DEBUG SenderThread:37252 [sender.py:send():235] send: stats
+2022-05-07 18:22:44,931 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:22:44,931 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:22:55,241 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:22:59,978 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:22:59,979 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:23:12,672 DEBUG SenderThread:37252 [sender.py:send():235] send: stats
+2022-05-07 18:23:15,024 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: stop_status
+2022-05-07 18:23:15,024 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: stop_status
+2022-05-07 18:23:16,963 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:23:17,024 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: log_artifact
+2022-05-07 18:23:17,025 DEBUG SenderThread:37252 [sender.py:send_request():249] send_request: log_artifact
+2022-05-07 18:23:17,150 DEBUG HandlerThread:37252 [handler.py:handle_request():141] handle_request: partial_history
+2022-05-07 18:23:17,249 INFO Thread-7 :37252 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/output.log
+2022-05-07 18:23:17,250 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/media/table/eval/step_0k_5_92ae240f2472ae79ad31.table.json
+2022-05-07 18:23:17,250 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/media/table/eval
+2022-05-07 18:23:17,250 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/media
+2022-05-07 18:23:17,250 INFO Thread-7 :37252 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/files/media/table
+2022-05-07 18:23:17,490 INFO Thread-13 :37252 [upload_job.py:push():95] Uploaded file /home/sanchitgandhi/.cache/wandb/artifacts/obj/md5/00/66783abbd98b29e02682346c82293a
diff --git a/wandb/run-20220507_182041-10w2xueo/logs/debug.log b/wandb/run-20220507_182041-10w2xueo/logs/debug.log
new file mode 100644
index 0000000000000000000000000000000000000000..e52eec95412920cafc7cba9fce5c889ac9742fa8
--- /dev/null
+++ b/wandb/run-20220507_182041-10w2xueo/logs/debug.log
@@ -0,0 +1,25 @@
+2022-05-07 18:20:41,167 INFO MainThread:36195 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
+2022-05-07 18:20:41,167 INFO MainThread:36195 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/flax-dummy/wandb/settings
+2022-05-07 18:20:41,167 INFO MainThread:36195 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
+2022-05-07 18:20:41,167 INFO MainThread:36195 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_flax_speech_recognition_seq2seq.py', 'program': 'run_flax_speech_recognition_seq2seq.py'}
+2022-05-07 18:20:41,167 INFO MainThread:36195 [wandb_init.py:_log_setup():405] Logging user logs to /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/logs/debug.log
+2022-05-07 18:20:41,168 INFO MainThread:36195 [wandb_init.py:_log_setup():406] Logging internal logs to /home/sanchitgandhi/flax-dummy/wandb/run-20220507_182041-10w2xueo/logs/debug-internal.log
+2022-05-07 18:20:41,168 INFO MainThread:36195 [wandb_init.py:init():439] calling init triggers
+2022-05-07 18:20:41,168 INFO MainThread:36195 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
+config: {}
+2022-05-07 18:20:41,168 INFO MainThread:36195 [wandb_init.py:init():492] starting backend
+2022-05-07 18:20:41,168 INFO MainThread:36195 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
+2022-05-07 18:20:41,195 INFO MainThread:36195 [backend.py:ensure_launched():219] starting backend process...
+2022-05-07 18:20:41,219 INFO MainThread:36195 [backend.py:ensure_launched():224] started backend process with pid: 37252
+2022-05-07 18:20:41,221 INFO MainThread:36195 [wandb_init.py:init():501] backend started and connected
+2022-05-07 18:20:41,234 INFO MainThread:36195 [wandb_init.py:init():565] updated telemetry
+2022-05-07 18:20:41,296 INFO MainThread:36195 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
+2022-05-07 18:20:42,120 INFO MainThread:36195 [wandb_run.py:_on_init():1759] communicating current version
+2022-05-07 18:20:42,181 INFO MainThread:36195 [wandb_run.py:_on_init():1763] got version response upgrade_message: "wandb version 0.12.16 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
+
+2022-05-07 18:20:42,181 INFO MainThread:36195 [wandb_init.py:init():625] starting run threads in backend
+2022-05-07 18:20:44,315 INFO MainThread:36195 [wandb_run.py:_console_start():1733] atexit reg
+2022-05-07 18:20:44,316 INFO MainThread:36195 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
+2022-05-07 18:20:44,317 INFO MainThread:36195 [wandb_run.py:_redirect():1611] Redirecting console.
+2022-05-07 18:20:44,319 INFO MainThread:36195 [wandb_run.py:_redirect():1667] Redirects installed.
+2022-05-07 18:20:44,319 INFO MainThread:36195 [wandb_init.py:init():664] run started, returning control to user process
diff --git a/wandb/run-20220507_182041-10w2xueo/run-10w2xueo.wandb b/wandb/run-20220507_182041-10w2xueo/run-10w2xueo.wandb
new file mode 100644
index 0000000000000000000000000000000000000000..6135c0cc0869eacc48640df93aa89cae1b8da9cd
Binary files /dev/null and b/wandb/run-20220507_182041-10w2xueo/run-10w2xueo.wandb differ