sanchit-gandhi HF staff commited on
Commit
8319971
1 Parent(s): 832c914

Saving weights and logs of epoch 1

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. README.md +1 -0
  2. config.json +248 -0
  3. create_model.py +32 -0
  4. create_scan_model.py +61 -0
  5. events.out.tfevents.1651947549.t1v-n-4eb331dd-w-0.34345.0.v2 +3 -0
  6. events.out.tfevents.1651947657.t1v-n-4eb331dd-w-0.36195.0.v2 +3 -0
  7. flax_model.msgpack +3 -0
  8. get_ctc_tokenizer.py +1 -0
  9. merges.txt +803 -0
  10. models +1 -0
  11. potatoes.txt +0 -1
  12. preprocessor_config.json +9 -0
  13. run_ctc_dummy.sh +1 -0
  14. run_flax_speech_recognition_ctc.py +1 -0
  15. run_flax_speech_recognition_seq2seq.py +1 -0
  16. run_librispeech.sh +37 -0
  17. seq2seq.png +1 -0
  18. special_tokens_map.json +1 -0
  19. tests +1 -0
  20. tokenizer.json +1890 -0
  21. tokenizer_config.json +1 -0
  22. vocab.json +1 -0
  23. wandb/debug-internal.log +1 -0
  24. wandb/debug.log +1 -0
  25. wandb/latest-run +1 -0
  26. wandb/run-20220507_174148-2l3y3icw/files/config.yaml +36 -0
  27. wandb/run-20220507_174148-2l3y3icw/files/output.log +128 -0
  28. wandb/run-20220507_174148-2l3y3icw/files/requirements.txt +182 -0
  29. wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json +58 -0
  30. wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json +1 -0
  31. wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log +140 -0
  32. wandb/run-20220507_174148-2l3y3icw/logs/debug.log +107 -0
  33. wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb +0 -0
  34. wandb/run-20220507_174257-1i5p0k1k/files/config.yaml +37 -0
  35. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json +1 -0
  36. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json +1 -0
  37. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json +1 -0
  38. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json +1 -0
  39. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json +1 -0
  40. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json +1 -0
  41. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json +1 -0
  42. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json +1 -0
  43. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json +1 -0
  44. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json +1 -0
  45. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json +1 -0
  46. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json +1 -0
  47. wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json +1 -0
  48. wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json +1 -0
  49. wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json +1 -0
  50. wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json +1 -0
README.md ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/README.md
config.json ADDED
@@ -0,0 +1,248 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "./",
3
+ "architectures": [
4
+ "SpeechEncoderDecoderModel"
5
+ ],
6
+ "decoder": {
7
+ "_name_or_path": "",
8
+ "activation_dropout": 0.0,
9
+ "activation_function": "gelu",
10
+ "add_cross_attention": true,
11
+ "architectures": null,
12
+ "attention_dropout": 0.1,
13
+ "bad_words_ids": null,
14
+ "bos_token_id": 0,
15
+ "chunk_size_feed_forward": 0,
16
+ "classifier_dropout": 0.0,
17
+ "cross_attention_hidden_size": null,
18
+ "d_model": 16,
19
+ "decoder_attention_heads": 4,
20
+ "decoder_ffn_dim": 4,
21
+ "decoder_layerdrop": 0.0,
22
+ "decoder_layers": 2,
23
+ "decoder_start_token_id": 2,
24
+ "diversity_penalty": 0.0,
25
+ "do_sample": false,
26
+ "dropout": 0.1,
27
+ "early_stopping": false,
28
+ "encoder_attention_heads": 4,
29
+ "encoder_ffn_dim": 4,
30
+ "encoder_layerdrop": 0.0,
31
+ "encoder_layers": 2,
32
+ "encoder_no_repeat_ngram_size": 0,
33
+ "eos_token_id": 2,
34
+ "exponential_decay_length_penalty": null,
35
+ "finetuning_task": null,
36
+ "forced_bos_token_id": null,
37
+ "forced_eos_token_id": 2,
38
+ "fuse_matmuls": false,
39
+ "gradient_checkpointing": false,
40
+ "id2label": {
41
+ "0": "LABEL_0",
42
+ "1": "LABEL_1"
43
+ },
44
+ "init_std": 0.02,
45
+ "is_decoder": true,
46
+ "is_encoder_decoder": false,
47
+ "label2id": {
48
+ "LABEL_0": 0,
49
+ "LABEL_1": 1
50
+ },
51
+ "length_penalty": 1.0,
52
+ "max_length": 20,
53
+ "max_position_embeddings": 100,
54
+ "min_length": 0,
55
+ "model_type": "bart",
56
+ "no_repeat_ngram_size": 0,
57
+ "num_beam_groups": 1,
58
+ "num_beams": 1,
59
+ "num_hidden_layers": 2,
60
+ "num_return_sequences": 1,
61
+ "output_attentions": false,
62
+ "output_hidden_states": false,
63
+ "output_scores": false,
64
+ "pad_token_id": 1,
65
+ "prefix": null,
66
+ "problem_type": null,
67
+ "pruned_heads": {},
68
+ "remove_invalid_values": false,
69
+ "repetition_penalty": 1.0,
70
+ "return_dict": true,
71
+ "return_dict_in_generate": false,
72
+ "scale_embedding": false,
73
+ "sep_token_id": null,
74
+ "task_specific_params": null,
75
+ "temperature": 1.0,
76
+ "tie_encoder_decoder": false,
77
+ "tie_word_embeddings": true,
78
+ "tokenizer_class": null,
79
+ "top_k": 50,
80
+ "top_p": 1.0,
81
+ "torch_dtype": null,
82
+ "torchscript": false,
83
+ "transformers_version": "4.18.0.dev0",
84
+ "typical_p": 1.0,
85
+ "use_bfloat16": false,
86
+ "use_cache": true,
87
+ "use_scan": true,
88
+ "vocab_size": 1000
89
+ },
90
+ "decoder_start_token_id": 0,
91
+ "encoder": {
92
+ "_name_or_path": "",
93
+ "activation_dropout": 0.1,
94
+ "adapter_kernel_size": 3,
95
+ "adapter_stride": 2,
96
+ "add_adapter": true,
97
+ "add_cross_attention": false,
98
+ "apply_spec_augment": true,
99
+ "architectures": null,
100
+ "attention_dropout": 0.1,
101
+ "bad_words_ids": null,
102
+ "bos_token_id": 1,
103
+ "chunk_size_feed_forward": 0,
104
+ "classifier_proj_size": 256,
105
+ "codevector_dim": 256,
106
+ "contrastive_logits_temperature": 0.1,
107
+ "conv_bias": false,
108
+ "conv_dim": [
109
+ 32,
110
+ 32,
111
+ 32
112
+ ],
113
+ "conv_kernel": [
114
+ 8,
115
+ 8,
116
+ 8
117
+ ],
118
+ "conv_stride": [
119
+ 4,
120
+ 4,
121
+ 4
122
+ ],
123
+ "cross_attention_hidden_size": null,
124
+ "ctc_loss_reduction": "sum",
125
+ "ctc_zero_infinity": false,
126
+ "decoder_start_token_id": null,
127
+ "diversity_loss_weight": 0.1,
128
+ "diversity_penalty": 0.0,
129
+ "do_sample": false,
130
+ "do_stable_layer_norm": true,
131
+ "early_stopping": false,
132
+ "encoder_no_repeat_ngram_size": 0,
133
+ "eos_token_id": 2,
134
+ "exponential_decay_length_penalty": null,
135
+ "feat_extract_activation": "gelu",
136
+ "feat_extract_dropout": 0.0,
137
+ "feat_extract_norm": "layer",
138
+ "feat_proj_dropout": 0.0,
139
+ "feat_quantizer_dropout": 0.0,
140
+ "final_dropout": 0.0,
141
+ "finetuning_task": null,
142
+ "forced_bos_token_id": null,
143
+ "forced_eos_token_id": null,
144
+ "fuse_matmuls": false,
145
+ "gradient_checkpointing": false,
146
+ "hidden_act": "gelu",
147
+ "hidden_dropout": 0.1,
148
+ "hidden_dropout_prob": 0.1,
149
+ "hidden_size": 16,
150
+ "id2label": {
151
+ "0": "LABEL_0",
152
+ "1": "LABEL_1"
153
+ },
154
+ "initializer_range": 0.02,
155
+ "intermediate_size": 20,
156
+ "is_decoder": false,
157
+ "is_encoder_decoder": false,
158
+ "label2id": {
159
+ "LABEL_0": 0,
160
+ "LABEL_1": 1
161
+ },
162
+ "layer_norm_eps": 1e-05,
163
+ "layerdrop": 0.0,
164
+ "length_penalty": 1.0,
165
+ "mask_feature_length": 10,
166
+ "mask_feature_min_masks": 0,
167
+ "mask_feature_prob": 0.0,
168
+ "mask_time_length": 10,
169
+ "mask_time_min_masks": 2,
170
+ "mask_time_prob": 0.1,
171
+ "max_length": 20,
172
+ "min_length": 0,
173
+ "model_type": "wav2vec2",
174
+ "no_repeat_ngram_size": 0,
175
+ "num_adapter_layers": 3,
176
+ "num_attention_heads": 2,
177
+ "num_beam_groups": 1,
178
+ "num_beams": 1,
179
+ "num_codevector_groups": 2,
180
+ "num_codevectors_per_group": 320,
181
+ "num_conv_pos_embedding_groups": 2,
182
+ "num_conv_pos_embeddings": 16,
183
+ "num_feat_extract_layers": 3,
184
+ "num_hidden_layers": 4,
185
+ "num_negatives": 10,
186
+ "num_return_sequences": 1,
187
+ "output_attentions": false,
188
+ "output_hidden_size": 16,
189
+ "output_hidden_states": false,
190
+ "output_scores": false,
191
+ "pad_token_id": 0,
192
+ "prefix": null,
193
+ "problem_type": null,
194
+ "proj_codevector_dim": 256,
195
+ "pruned_heads": {},
196
+ "remove_invalid_values": false,
197
+ "repetition_penalty": 1.0,
198
+ "return_dict": true,
199
+ "return_dict_in_generate": false,
200
+ "sep_token_id": null,
201
+ "task_specific_params": null,
202
+ "tdnn_dilation": [
203
+ 1,
204
+ 2,
205
+ 3,
206
+ 1,
207
+ 1
208
+ ],
209
+ "tdnn_dim": [
210
+ 512,
211
+ 512,
212
+ 512,
213
+ 512,
214
+ 1500
215
+ ],
216
+ "tdnn_kernel": [
217
+ 5,
218
+ 3,
219
+ 3,
220
+ 1,
221
+ 1
222
+ ],
223
+ "temperature": 1.0,
224
+ "tie_encoder_decoder": false,
225
+ "tie_word_embeddings": true,
226
+ "tokenizer_class": null,
227
+ "top_k": 50,
228
+ "top_p": 1.0,
229
+ "torch_dtype": null,
230
+ "torchscript": false,
231
+ "transformers_version": "4.18.0.dev0",
232
+ "typical_p": 1.0,
233
+ "use_bfloat16": false,
234
+ "use_scan": true,
235
+ "use_weighted_layer_sum": false,
236
+ "vocab_size": 32,
237
+ "xvector_output_dim": 512
238
+ },
239
+ "eos_token_id": 2,
240
+ "is_encoder_decoder": true,
241
+ "max_length": 40,
242
+ "model_type": "speech-encoder-decoder",
243
+ "pad_token_id": 1,
244
+ "processor_class": "Wav2Vec2Processor",
245
+ "tie_word_embeddings": false,
246
+ "transformers_version": null,
247
+ "use_cache": false
248
+ }
create_model.py ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import jax.numpy as jnp
2
+ from transformers import AutoFeatureExtractor, AutoTokenizer
3
+ from models.modeling_flax_speech_encoder_decoder import FlaxSpeechEncoderDecoderModel
4
+
5
+ encoder_id = "hf-internal-testing/tiny-random-wav2vec2"
6
+ decoder_id = "hf-internal-testing/tiny-random-bart"
7
+
8
+ model = FlaxSpeechEncoderDecoderModel.from_encoder_decoder_pretrained(
9
+ encoder_id, decoder_id, encoder_from_pt=True, decoder_from_pt=True, encoder_add_adapter=True
10
+ )
11
+
12
+ model.config.encoder.feat_proj_dropout = 0.0
13
+ model.config.encoder.final_dropout = 0.0
14
+ model.config.encoder.mask_time_prob = 0.1
15
+ model.config.decoder_start_token_id = model.config.decoder.bos_token_id
16
+ model.config.pad_token_id = model.config.decoder.pad_token_id
17
+ model.config.eos_token_id = model.config.decoder.eos_token_id
18
+ model.config.max_length = 20
19
+ model.config.num_beams = 1
20
+ model.config.encoder.layerdrop = 0.0
21
+ model.config.use_cache = False
22
+ model.config.processor_class = "Wav2Vec2Processor"
23
+
24
+ # check if generation works
25
+ out = model.generate(jnp.ones((1, 2000)))
26
+
27
+ model.save_pretrained("./")
28
+
29
+ feature_extractor = AutoFeatureExtractor.from_pretrained(encoder_id)
30
+ feature_extractor.save_pretrained("./")
31
+ tokenizer = AutoTokenizer.from_pretrained(decoder_id)
32
+ tokenizer.save_pretrained("./")
create_scan_model.py ADDED
@@ -0,0 +1,61 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import jax.numpy as jnp
2
+ from transformers import AutoFeatureExtractor, AutoTokenizer
3
+ from models.modeling_flax_speech_encoder_decoder import FlaxSpeechEncoderDecoderModel
4
+ from flax.traverse_util import flatten_dict, unflatten_dict
5
+
6
+ encoder_id = "hf-internal-testing/tiny-random-wav2vec2"
7
+ decoder_id = "hf-internal-testing/tiny-random-bart"
8
+
9
+ 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)
10
+ 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)
11
+
12
+ model.config.encoder.feat_proj_dropout = 0.0
13
+ model.config.encoder.final_dropout = 0.0
14
+ model.config.encoder.mask_time_prob = 0.1
15
+ model.config.decoder_start_token_id = model.config.decoder.bos_token_id
16
+ model.config.pad_token_id = model.config.decoder.pad_token_id
17
+ model.config.eos_token_id = model.config.decoder.eos_token_id
18
+ model.config.max_length = 40
19
+ model.config.num_beams = 1
20
+ model.config.encoder.layerdrop = 0.0
21
+ model.config.use_cache = False
22
+ model.config.processor_class = "Wav2Vec2Processor"
23
+
24
+ def unrolled_to_scanned(model):
25
+ params = model.params
26
+ new_enc_params = {}
27
+ # get the key of a scanned module
28
+ for k in flatten_dict(params['encoder']['encoder']['layers']['0']):
29
+ # stack the weights for each layer of the scanned module into one matrix
30
+ 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)])
31
+ # append the correct prefix to the scanned modules' keys
32
+ new_enc_params = unflatten_dict({('encoder', 'layers', 'FlaxWav2Vec2EncoderLayers'): unflatten_dict(new_enc_params)})
33
+
34
+ # 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)
35
+ new_dec_params = {}
36
+ for k in flatten_dict(params['decoder']['model']['decoder']['layers']['0']):
37
+ 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)])
38
+ new_dec_params = unflatten_dict({('model', 'decoder', 'layers', 'FlaxBartDecoderLayers'): unflatten_dict(new_dec_params)})
39
+
40
+ # combine the encoder and decoder parameters
41
+ new_params = {'encoder': new_enc_params, 'decoder': new_dec_params}
42
+ new_params = flatten_dict(new_params)
43
+
44
+ # append parameters for non-scanned modules (i.e. all modules that do not contain the key 'layers')
45
+ for k in flatten_dict(params):
46
+ if 'layers' not in k or 'adapter' in k:
47
+ new_params[k] = flatten_dict(params)[k]
48
+
49
+ return unflatten_dict(new_params)
50
+
51
+ model.params = unrolled_to_scanned(unrolled_model)
52
+
53
+ # check if generation works
54
+ out = model.generate(jnp.ones((1, 2000)))
55
+
56
+ model.save_pretrained("./")
57
+
58
+ feature_extractor = AutoFeatureExtractor.from_pretrained(encoder_id)
59
+ feature_extractor.save_pretrained("./")
60
+ tokenizer = AutoTokenizer.from_pretrained(decoder_id)
61
+ tokenizer.save_pretrained("./")
events.out.tfevents.1651947549.t1v-n-4eb331dd-w-0.34345.0.v2 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:eb893c5ceaaec7846d75585c4d40dfb182cdee31a0ad4ac2179a673b07532463
3
+ size 40
events.out.tfevents.1651947657.t1v-n-4eb331dd-w-0.36195.0.v2 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b1a0a63521ce8f164c3b6480d5c6341d59f9221b3469f37c1fdc527ebfae8853
3
+ size 40
flax_model.msgpack ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1f770185c729bc3a29d8a2707034cb6d5877ead0981ccddaf12b5297b275324a
3
+ size 218688
get_ctc_tokenizer.py ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/get_ctc_tokenizer.py
merges.txt ADDED
@@ -0,0 +1,803 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #version: 0.2 - Trained by `huggingface/tokenizers`
2
+ Ġ t
3
+ h e
4
+ Ġ a
5
+ i n
6
+ Ġt he
7
+ e r
8
+ o n
9
+ Ġ ,
10
+ r e
11
+ Ġ s
12
+ e d
13
+ Ġ o
14
+ Ġ w
15
+ n d
16
+ a t
17
+ Ġ .
18
+ o r
19
+ i t
20
+ Ġ c
21
+ e n
22
+ Ġ f
23
+ i s
24
+ e s
25
+ a r
26
+ Ġo f
27
+ Ġ b
28
+ a n
29
+ Ġ in
30
+ a l
31
+ in g
32
+ Ġ p
33
+ Ġa nd
34
+ a s
35
+ Ġt o
36
+ r o
37
+ i c
38
+ Ġ m
39
+ Ġ d
40
+ Ġ h
41
+ i on
42
+ l e
43
+ o u
44
+ Ġ T
45
+ Ġ re
46
+ Ġ =
47
+ Ġ "
48
+ Ġ A
49
+ Ġ S
50
+ en t
51
+ i l
52
+ Ġt h
53
+ Ġ 1
54
+ s t
55
+ Ġ C
56
+ e l
57
+ o m
58
+ Ġ l
59
+ a m
60
+ Ġ Ċ
61
+ Ġ e
62
+ Ġ n
63
+ Ġ @
64
+ a d
65
+ a c
66
+ Ġw as
67
+ Ġ M
68
+ u r
69
+ ĠT he
70
+ e c
71
+ Ġ on
72
+ l y
73
+ Ġ B
74
+ Ġ I
75
+ Ġ g
76
+ Ġ '
77
+ e t
78
+ o l
79
+ i d
80
+ i v
81
+ i m
82
+ Ġf or
83
+ i r
84
+ - @
85
+ Ġ@ -@
86
+ i g
87
+ o t
88
+ t er
89
+ Ġa s
90
+ Ġ H
91
+ u s
92
+ o w
93
+ Ġs t
94
+ u t
95
+ it h
96
+ a y
97
+ Ġ 2
98
+ Ġ P
99
+ at ion
100
+ v er
101
+ Ġb e
102
+ he r
103
+ Ġth at
104
+ Ġw ith
105
+ Ġ R
106
+ c e
107
+ t h
108
+ Ġ D
109
+ Ġ is
110
+ u n
111
+ e m
112
+ Ġ F
113
+ Ġw h
114
+ u l
115
+ Ġb y
116
+ Ġa l
117
+ c h
118
+ Ġ )
119
+ Ġ (
120
+ Ġ W
121
+ Ġc on
122
+ r a
123
+ Ġ G
124
+ o s
125
+ Ġ L
126
+ Ġ N
127
+ Ġa t
128
+ er s
129
+ c t
130
+ Ġ it
131
+ Ġ1 9
132
+ ro m
133
+ a nd
134
+ Ġa n
135
+ u m
136
+ es t
137
+ Ġ J
138
+ a g
139
+ Ġ he
140
+ 0 0
141
+ is t
142
+ a in
143
+ o d
144
+ a v
145
+ r i
146
+ Ġ E
147
+ Ġ O
148
+ Ġf rom
149
+ Ġc om
150
+ Ġh is
151
+ o p
152
+ Ġp ro
153
+ re s
154
+ i es
155
+ i f
156
+ Ġ v
157
+ or t
158
+ er e
159
+ il l
160
+ l d
161
+ Ġd e
162
+ p p
163
+ Ġs u
164
+ o re
165
+ ĠI n
166
+ Ġ r
167
+ Ġs e
168
+ Ġw ere
169
+ e w
170
+ on g
171
+ ig h
172
+ ar d
173
+ at e
174
+ al l
175
+ ar t
176
+ a k
177
+ ic h
178
+ Ġc h
179
+ Ġo r
180
+ a b
181
+ an t
182
+ u d
183
+ o c
184
+ b er
185
+ Ġe x
186
+ g h
187
+ it y
188
+ at ed
189
+ p t
190
+ es s
191
+ e ar
192
+ Ġ K
193
+ Ġp l
194
+ am e
195
+ q u
196
+ iv e
197
+ ro u
198
+ Ġa re
199
+ Ġ â
200
+ Ġs h
201
+ Ġ k
202
+ ac k
203
+ ec t
204
+ Ġâ Ģ
205
+ Ġ U
206
+ Ġh ad
207
+ s e
208
+ Ġwh ich
209
+ re d
210
+ o v
211
+ ĠS t
212
+ as t
213
+ Ġs p
214
+ i an
215
+ Ġ y
216
+ m ent
217
+ Ġ le
218
+ Ġn ot
219
+ g e
220
+ or d
221
+ r it
222
+ i p
223
+ in e
224
+ el l
225
+ al ly
226
+ ou r
227
+ o st
228
+ igh t
229
+ t her
230
+ a p
231
+ Ġ u
232
+ is h
233
+ ĠC h
234
+ ou n
235
+ i a
236
+ Ġ 3
237
+ av e
238
+ ar y
239
+ u st
240
+ o g
241
+ Ġ2 00
242
+ Ġ un
243
+ ou s
244
+ ir st
245
+ Ġ V
246
+ c c
247
+ Ġin c
248
+ Ġ ;
249
+ Ġcom p
250
+ r u
251
+ ion s
252
+ Ġthe ir
253
+ Ġb ut
254
+ id e
255
+ u re
256
+ s o
257
+ Ġcon t
258
+ Ġin t
259
+ f ter
260
+ ic al
261
+ i al
262
+ Ġa r
263
+ Ġf irst
264
+ ou ld
265
+ Ġit s
266
+ he d
267
+ ĠâĢ ĵ
268
+ Ġw he
269
+ w o
270
+ ou t
271
+ u b
272
+ Ġ2 0
273
+ f f
274
+ Ġ :
275
+ u e
276
+ Ġ her
277
+ ow n
278
+ o k
279
+ Ġal so
280
+ Ġc l
281
+ p er
282
+ ig n
283
+ at er
284
+ r an
285
+ or m
286
+ i e
287
+ om e
288
+ or k
289
+ as s
290
+ i re
291
+ e nd
292
+ Ġre s
293
+ Ġa b
294
+ Ġa d
295
+ Ġ us
296
+ r y
297
+ Ġre c
298
+ Ġh ave
299
+ ag e
300
+ ĠH e
301
+ Ġ 4
302
+ Ġ ro
303
+ m er
304
+ Ġon e
305
+ on d
306
+ l ow
307
+ Ġh as
308
+ ĠT h
309
+ d u
310
+ Ġ 5
311
+ Ġp er
312
+ Ġbe en
313
+ im e
314
+ Ġt wo
315
+ en ce
316
+ l and
317
+ Ġ1 8
318
+ . @
319
+ Ġ@ .@
320
+ ul t
321
+ re e
322
+ ou gh
323
+ i le
324
+ Ġwh o
325
+ ĠA l
326
+ Ġs c
327
+ ur ing
328
+ p l
329
+ or y
330
+ it ion
331
+ r ic
332
+ ation s
333
+ Ġd is
334
+ Ġth is
335
+ Ġb ec
336
+ Ġa pp
337
+ i z
338
+ ĠI t
339
+ a re
340
+ ac h
341
+ l ud
342
+ ad e
343
+ Ġpl ay
344
+ Ġ j
345
+ Ġm an
346
+ ac t
347
+ el y
348
+ Ġp art
349
+ Ġd es
350
+ Ġa g
351
+ Ġthe y
352
+ Ġy ear
353
+ oun t
354
+ Ġ20 1
355
+ Ġo ver
356
+ Ġo ther
357
+ ou nd
358
+ Ġa fter
359
+ i b
360
+ o ver
361
+ Ġs er
362
+ Ġ en
363
+ Ġof f
364
+ Ġ im
365
+ ct ion
366
+ Ġ Y
367
+ k e
368
+ it e
369
+ , @
370
+ Ġ@ ,@
371
+ t e
372
+ ur n
373
+ Ġinc lud
374
+ res s
375
+ an ce
376
+ an g
377
+ Ġat t
378
+ ic e
379
+ ac e
380
+ ar k
381
+ Ġo ut
382
+ w n
383
+ p h
384
+ em ber
385
+ Ġp re
386
+ Ġu p
387
+ en s
388
+ m an
389
+ Ġe v
390
+ Ġt ime
391
+ nd er
392
+ rou gh
393
+ c ed
394
+ Ġf in
395
+ Ġint o
396
+ on e
397
+ p ort
398
+ rou nd
399
+ w e
400
+ re n
401
+ l es
402
+ in t
403
+ ĠO n
404
+ v el
405
+ Ġcom m
406
+ Ġs he
407
+ as on
408
+ am p
409
+ Ġt e
410
+ Ġw ould
411
+ w ard
412
+ Ġm ore
413
+ Ġ 6
414
+ i ed
415
+ os e
416
+ ri b
417
+ ĠU n
418
+ Ġal l
419
+ ing s
420
+ ter n
421
+ c es
422
+ ab le
423
+ Ġw e
424
+ it ed
425
+ e ver
426
+ ent s
427
+ Ġh im
428
+ as ed
429
+ or s
430
+ o y
431
+ o od
432
+ Ġc ent
433
+ i x
434
+ as e
435
+ il d
436
+ ĠA n
437
+ Ġ 7
438
+ Ġw ork
439
+ at es
440
+ i ous
441
+ at h
442
+ Ġp o
443
+ ro p
444
+ ol d
445
+ al s
446
+ is s
447
+ e y
448
+ ic t
449
+ Ġf e
450
+ Ġthe m
451
+ g an
452
+ Ġs ec
453
+ Ġb et
454
+ Ġwhe n
455
+ Ġs ong
456
+ Ġre m
457
+ e p
458
+ f orm
459
+ a il
460
+ f er
461
+ Ġe ar
462
+ ub l
463
+ a w
464
+ Ġk n
465
+ ak e
466
+ a us
467
+ Ġm ost
468
+ Ġcon s
469
+ Ġd uring
470
+ ĠA s
471
+ or th
472
+ Ġn ew
473
+ er ed
474
+ il m
475
+ v ed
476
+ at t
477
+ Ġon ly
478
+ Ġ 9
479
+ Ġd ec
480
+ Ġ 8
481
+ ic k
482
+ Ġg ame
483
+ on s
484
+ u g
485
+ Ġt r
486
+ f t
487
+ ot h
488
+ o ok
489
+ ĠM ar
490
+ re at
491
+ w ay
492
+ Ġc an
493
+ ol low
494
+ ou th
495
+ we en
496
+ ĠE n
497
+ Ġ19 9
498
+ ter s
499
+ Ġre l
500
+ in d
501
+ Ġab out
502
+ Ġse ason
503
+ Ġag ain
504
+ r al
505
+ Ġth ree
506
+ ation al
507
+ Ġu nder
508
+ ul ar
509
+ Ġm e
510
+ Ġth an
511
+ ĠC om
512
+ ĠA r
513
+ h ip
514
+ o b
515
+ Ġn e
516
+ Ġbet ween
517
+ Ġf l
518
+ h n
519
+ v e
520
+ Ġch ar
521
+ Ġc ol
522
+ Ġrec ord
523
+ i ew
524
+ r on
525
+ f ore
526
+ Ġth rough
527
+ is ion
528
+ or n
529
+ Ġ 00
530
+ oc k
531
+ Ġ ver
532
+ Ġl ater
533
+ Ġn um
534
+ Ġe nd
535
+ ol og
536
+ am es
537
+ Ġp os
538
+ Ġw rit
539
+ Ġpro du
540
+ Ġwh ile
541
+ Ġa ct
542
+ Ġre le
543
+ Ġf ilm
544
+ is hed
545
+ Ġp r
546
+ an s
547
+ Ġre g
548
+ Ġfor m
549
+ Ġas s
550
+ ĠS e
551
+ ur y
552
+ t ed
553
+ t s
554
+ Ġm ade
555
+ Ġsu b
556
+ Ġp e
557
+ Ġs o
558
+ or ld
559
+ Ġre t
560
+ ĠN ew
561
+ Ġsp ec
562
+ Ġa cc
563
+ Ġ qu
564
+ Ġwhe re
565
+ en er
566
+ Ġm ov
567
+ he s
568
+ mer ic
569
+ at ing
570
+ Ġin ter
571
+ ĠL e
572
+ ĠA meric
573
+ Ġ ra
574
+ Ġs ome
575
+ Ġc o
576
+ Ġl ar
577
+ Ġb u
578
+ Ġde f
579
+ b um
580
+ Ġa c
581
+ Ġm us
582
+ Ġf ollow
583
+ ĠA t
584
+ in s
585
+ iv ed
586
+ if ic
587
+ u al
588
+ Ġa m
589
+ Ġsu ch
590
+ Ġsec ond
591
+ i ke
592
+ Ġf our
593
+ Ġin d
594
+ an n
595
+ he n
596
+ Ġus ed
597
+ ĠR e
598
+ ic s
599
+ le ct
600
+ Ġd ay
601
+ i el
602
+ il y
603
+ ĠTh is
604
+ Ġ 0
605
+ Ġp ubl
606
+ Ġc all
607
+ ĠJ o
608
+ l l
609
+ Ġal bum
610
+ Ġ00 0
611
+ ran s
612
+ Ġd o
613
+ an y
614
+ Ġbe fore
615
+ ro s
616
+ ĠS h
617
+ Ġs y
618
+ a id
619
+ ĠEn g
620
+ Ġbe ing
621
+ Ġ1 0
622
+ u c
623
+ Ġe p
624
+ Ġsu pp
625
+ Ġthe re
626
+ Ġyear s
627
+ ar s
628
+ ow ever
629
+ Ġ ent
630
+ if e
631
+ Ġh igh
632
+ Ġf ound
633
+ ir d
634
+ Ġn o
635
+ Ġs et
636
+ in es
637
+ iv er
638
+ i o
639
+ ot her
640
+ j ect
641
+ Ġs ur
642
+ a j
643
+ t en
644
+ Ġt ra
645
+ Ġ1 2
646
+ is ed
647
+ it ies
648
+ vel op
649
+ Ġb l
650
+ al e
651
+ Ġser ies
652
+ Ġl oc
653
+ Ġnum ber
654
+ Ġp res
655
+ an e
656
+ aus e
657
+ od e
658
+ e k
659
+ t on
660
+ ĠS c
661
+ i er
662
+ is e
663
+ Ġse ver
664
+ in ce
665
+ Ġb oth
666
+ an k
667
+ ro w
668
+ ire ct
669
+ s on
670
+ Ġthe n
671
+ ĠB rit
672
+ i et
673
+ Ġ1 6
674
+ Ġep is
675
+ Ġinclud ing
676
+ it s
677
+ ig in
678
+ p r
679
+ Ġ /
680
+ Ġagain st
681
+ Ġw ell
682
+ Ġbec ame
683
+ Ġex p
684
+ Ġkn own
685
+ Ġt rans
686
+ Ġchar ac
687
+ ĠâĢ Ķ
688
+ r am
689
+ Ġb ack
690
+ Ġad d
691
+ Ġp op
692
+ Ġg o
693
+ ur ch
694
+ Ġdes c
695
+ Ġs ing
696
+ iel d
697
+ Ġper form
698
+ ain ed
699
+ Ġre ce
700
+ id ent
701
+ Ġe m
702
+ er t
703
+ u res
704
+ Ġin v
705
+ Ġde p
706
+ Ġ19 8
707
+ a ir
708
+ er n
709
+ at her
710
+ f ul
711
+ Ġ Z
712
+ Ġm on
713
+ Ġman y
714
+ Ġm ain
715
+ Ġst ud
716
+ Ġl ong
717
+ in n
718
+ th ough
719
+ u p
720
+ o ol
721
+ ĠUn ited
722
+ l ed
723
+ em ent
724
+ Ġ1 5
725
+ ow er
726
+ ĠJo hn
727
+ Ġo p
728
+ Ġ1 1
729
+ in ed
730
+ Ġm et
731
+ o ber
732
+ le y
733
+ Ġ1 7
734
+ Ġcent ury
735
+ Ġte am
736
+ Ġ est
737
+ ĠA fter
738
+ y l
739
+ Ġm in
740
+ u ch
741
+ ut e
742
+ Ġde velop
743
+ ĠS he
744
+ i am
745
+ Ġsh ow
746
+ el f
747
+ Ġre p
748
+ Ġcon c
749
+ at ive
750
+ Ġc re
751
+ over n
752
+ a red
753
+ Ġ19 4
754
+ Ġor igin
755
+ Ġs m
756
+ iv ers
757
+ a z
758
+ Ġle ad
759
+ Ġsever al
760
+ a h
761
+ Ġo b
762
+ Ġre v
763
+ Ġm ill
764
+ er m
765
+ u ally
766
+ o ot
767
+ Ġbe gan
768
+ Ġ19 6
769
+ i red
770
+ Ġd if
771
+ Ġcont in
772
+ Ġs ign
773
+ i k
774
+ ĠI nd
775
+ ment s
776
+ iz ed
777
+ Ġ19 7
778
+ Ġd irect
779
+ a u
780
+ Ġex t
781
+ ros s
782
+ em b
783
+ d er
784
+ Ġp ol
785
+ Ġm ay
786
+ a pt
787
+ el s
788
+ ĠW h
789
+ Ġcomp le
790
+ Ġar t
791
+ ĠB r
792
+ ĠI s
793
+ un e
794
+ t il
795
+ Ġc rit
796
+ Ġh ist
797
+ Ġear ly
798
+ Ġc ould
799
+ ĠC on
800
+ Ġd id
801
+ Ġb el
802
+ Ġcall ed
803
+ u ed
models ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/models
potatoes.txt DELETED
@@ -1 +0,0 @@
1
- Yoooo
 
 
preprocessor_config.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_normalize": true,
3
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
4
+ "feature_size": 1,
5
+ "padding_side": "right",
6
+ "padding_value": 0.0,
7
+ "return_attention_mask": false,
8
+ "sampling_rate": 16000
9
+ }
run_ctc_dummy.sh ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/run_ctc_dummy.sh
run_flax_speech_recognition_ctc.py ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/run_flax_speech_recognition_ctc.py
run_flax_speech_recognition_seq2seq.py ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/run_flax_speech_recognition_seq2seq.py
run_librispeech.sh ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/usr/bin/env bash
2
+ python run_flax_speech_recognition_seq2seq.py \
3
+ --dataset_name="hf-internal-testing/librispeech_asr_dummy" \
4
+ --model_name_or_path="./" \
5
+ --dataset_config_name="clean" \
6
+ --train_split_name="validation" \
7
+ --eval_split_name="validation" \
8
+ --test_split_name="validation[:90%]+validation[:95%]" \
9
+ --output_dir="./" \
10
+ --dataset_cache_dir="/home/sanchitgandhi/cache/huggingface/datasets" \
11
+ --preprocessing_num_workers="1" \
12
+ --length_column_name="input_length" \
13
+ --overwrite_output_dir \
14
+ --max_steps="15" \
15
+ --eval_steps="5" \
16
+ --save_steps="5" \
17
+ --per_device_train_batch_size="2" \
18
+ --per_device_eval_batch_size="2" \
19
+ --logging_steps="1" \
20
+ --max_duration_in_seconds="15" \
21
+ --max_target_length="64" \
22
+ --generation_max_length="40" \
23
+ --generation_num_beams="1" \
24
+ --final_generation_max_length="50" \
25
+ --final_generation_num_beams="2" \
26
+ --learning_rate="3e-4" \
27
+ --warmup_steps="500" \
28
+ --text_column_name="text" \
29
+ --save_total_limit="1" \
30
+ --wandb_project="flax-wav2vec2-2-bart-dummy" \
31
+ --freeze_feature_encoder \
32
+ --predict_with_generate \
33
+ --do_lower_case \
34
+ --do_train \
35
+ --do_eval \
36
+ --do_predict \
37
+ --push_to_hub
seq2seq.png ADDED
special_tokens_map.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "<unk>", "sep_token": "</s>", "pad_token": "<pad>", "cls_token": "<s>", "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}}
tests ADDED
@@ -0,0 +1 @@
 
 
1
+ /home/sanchitgandhi/seq2seq-speech/tests
tokenizer.json ADDED
@@ -0,0 +1,1890 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "version": "1.0",
3
+ "truncation": null,
4
+ "padding": null,
5
+ "added_tokens": [
6
+ {
7
+ "id": 0,
8
+ "content": "<s>",
9
+ "single_word": false,
10
+ "lstrip": false,
11
+ "rstrip": false,
12
+ "normalized": false,
13
+ "special": true
14
+ },
15
+ {
16
+ "id": 1,
17
+ "content": "<pad>",
18
+ "single_word": false,
19
+ "lstrip": false,
20
+ "rstrip": false,
21
+ "normalized": false,
22
+ "special": true
23
+ },
24
+ {
25
+ "id": 2,
26
+ "content": "</s>",
27
+ "single_word": false,
28
+ "lstrip": false,
29
+ "rstrip": false,
30
+ "normalized": false,
31
+ "special": true
32
+ },
33
+ {
34
+ "id": 3,
35
+ "content": "<unk>",
36
+ "single_word": false,
37
+ "lstrip": false,
38
+ "rstrip": false,
39
+ "normalized": false,
40
+ "special": true
41
+ },
42
+ {
43
+ "id": 4,
44
+ "content": "<mask>",
45
+ "single_word": false,
46
+ "lstrip": true,
47
+ "rstrip": false,
48
+ "normalized": false,
49
+ "special": true
50
+ }
51
+ ],
52
+ "normalizer": null,
53
+ "pre_tokenizer": {
54
+ "type": "ByteLevel",
55
+ "add_prefix_space": false,
56
+ "trim_offsets": true
57
+ },
58
+ "post_processor": {
59
+ "type": "RobertaProcessing",
60
+ "sep": [
61
+ "</s>",
62
+ 2
63
+ ],
64
+ "cls": [
65
+ "<s>",
66
+ 0
67
+ ],
68
+ "trim_offsets": true,
69
+ "add_prefix_space": false
70
+ },
71
+ "decoder": {
72
+ "type": "ByteLevel",
73
+ "add_prefix_space": true,
74
+ "trim_offsets": true
75
+ },
76
+ "model": {
77
+ "type": "BPE",
78
+ "dropout": null,
79
+ "unk_token": null,
80
+ "continuing_subword_prefix": "",
81
+ "end_of_word_suffix": "",
82
+ "fuse_unk": false,
83
+ "vocab": {
84
+ "<s>": 0,
85
+ "<pad>": 1,
86
+ "</s>": 2,
87
+ "<unk>": 3,
88
+ "<mask>": 4,
89
+ "!": 5,
90
+ "\"": 6,
91
+ "#": 7,
92
+ "$": 8,
93
+ "%": 9,
94
+ "&": 10,
95
+ "'": 11,
96
+ "(": 12,
97
+ ")": 13,
98
+ "*": 14,
99
+ "+": 15,
100
+ ",": 16,
101
+ "-": 17,
102
+ ".": 18,
103
+ "/": 19,
104
+ "0": 20,
105
+ "1": 21,
106
+ "2": 22,
107
+ "3": 23,
108
+ "4": 24,
109
+ "5": 25,
110
+ "6": 26,
111
+ "7": 27,
112
+ "8": 28,
113
+ "9": 29,
114
+ ":": 30,
115
+ ";": 31,
116
+ "<": 32,
117
+ "=": 33,
118
+ ">": 34,
119
+ "?": 35,
120
+ "@": 36,
121
+ "A": 37,
122
+ "B": 38,
123
+ "C": 39,
124
+ "D": 40,
125
+ "E": 41,
126
+ "F": 42,
127
+ "G": 43,
128
+ "H": 44,
129
+ "I": 45,
130
+ "J": 46,
131
+ "K": 47,
132
+ "L": 48,
133
+ "M": 49,
134
+ "N": 50,
135
+ "O": 51,
136
+ "P": 52,
137
+ "Q": 53,
138
+ "R": 54,
139
+ "S": 55,
140
+ "T": 56,
141
+ "U": 57,
142
+ "V": 58,
143
+ "W": 59,
144
+ "X": 60,
145
+ "Y": 61,
146
+ "Z": 62,
147
+ "[": 63,
148
+ "\\": 64,
149
+ "]": 65,
150
+ "^": 66,
151
+ "_": 67,
152
+ "`": 68,
153
+ "a": 69,
154
+ "b": 70,
155
+ "c": 71,
156
+ "d": 72,
157
+ "e": 73,
158
+ "f": 74,
159
+ "g": 75,
160
+ "h": 76,
161
+ "i": 77,
162
+ "j": 78,
163
+ "k": 79,
164
+ "l": 80,
165
+ "m": 81,
166
+ "n": 82,
167
+ "o": 83,
168
+ "p": 84,
169
+ "q": 85,
170
+ "r": 86,
171
+ "s": 87,
172
+ "t": 88,
173
+ "u": 89,
174
+ "v": 90,
175
+ "w": 91,
176
+ "x": 92,
177
+ "y": 93,
178
+ "z": 94,
179
+ "|": 95,
180
+ "}": 96,
181
+ "~": 97,
182
+ "¡": 98,
183
+ "¢": 99,
184
+ "£": 100,
185
+ "¤": 101,
186
+ "¥": 102,
187
+ "¦": 103,
188
+ "§": 104,
189
+ "¨": 105,
190
+ "©": 106,
191
+ "ª": 107,
192
+ "«": 108,
193
+ "¬": 109,
194
+ "®": 110,
195
+ "¯": 111,
196
+ "°": 112,
197
+ "±": 113,
198
+ "²": 114,
199
+ "³": 115,
200
+ "´": 116,
201
+ "µ": 117,
202
+ "¶": 118,
203
+ "·": 119,
204
+ "¸": 120,
205
+ "¹": 121,
206
+ "º": 122,
207
+ "»": 123,
208
+ "¼": 124,
209
+ "½": 125,
210
+ "¾": 126,
211
+ "¿": 127,
212
+ "Â": 128,
213
+ "Ã": 129,
214
+ "Ä": 130,
215
+ "Å": 131,
216
+ "Æ": 132,
217
+ "Ç": 133,
218
+ "È": 134,
219
+ "É": 135,
220
+ "Ê": 136,
221
+ "Ë": 137,
222
+ "Ì": 138,
223
+ "Í": 139,
224
+ "Î": 140,
225
+ "Ï": 141,
226
+ "Ð": 142,
227
+ "Ñ": 143,
228
+ "Ö": 144,
229
+ "×": 145,
230
+ "Ø": 146,
231
+ "Ù": 147,
232
+ "Ü": 148,
233
+ "à": 149,
234
+ "á": 150,
235
+ "â": 151,
236
+ "ã": 152,
237
+ "ä": 153,
238
+ "å": 154,
239
+ "æ": 155,
240
+ "ç": 156,
241
+ "è": 157,
242
+ "é": 158,
243
+ "ë": 159,
244
+ "ì": 160,
245
+ "ï": 161,
246
+ "Ċ": 162,
247
+ "Ġ": 163,
248
+ "Ģ": 164,
249
+ "ģ": 165,
250
+ "Ĥ": 166,
251
+ "ĥ": 167,
252
+ "Ħ": 168,
253
+ "ħ": 169,
254
+ "Ĩ": 170,
255
+ "ĩ": 171,
256
+ "Ī": 172,
257
+ "ī": 173,
258
+ "Ĭ": 174,
259
+ "ĭ": 175,
260
+ "Į": 176,
261
+ "į": 177,
262
+ "İ": 178,
263
+ "ı": 179,
264
+ "IJ": 180,
265
+ "ij": 181,
266
+ "Ĵ": 182,
267
+ "ĵ": 183,
268
+ "Ķ": 184,
269
+ "ķ": 185,
270
+ "ĸ": 186,
271
+ "Ĺ": 187,
272
+ "ĺ": 188,
273
+ "Ļ": 189,
274
+ "ļ": 190,
275
+ "Ľ": 191,
276
+ "ľ": 192,
277
+ "Ŀ": 193,
278
+ "ŀ": 194,
279
+ "Ł": 195,
280
+ "ł": 196,
281
+ "Ń": 197,
282
+ "Ġt": 198,
283
+ "he": 199,
284
+ "Ġa": 200,
285
+ "in": 201,
286
+ "Ġthe": 202,
287
+ "er": 203,
288
+ "on": 204,
289
+ "Ġ,": 205,
290
+ "re": 206,
291
+ "Ġs": 207,
292
+ "ed": 208,
293
+ "Ġo": 209,
294
+ "Ġw": 210,
295
+ "nd": 211,
296
+ "at": 212,
297
+ "Ġ.": 213,
298
+ "or": 214,
299
+ "it": 215,
300
+ "Ġc": 216,
301
+ "en": 217,
302
+ "Ġf": 218,
303
+ "is": 219,
304
+ "es": 220,
305
+ "ar": 221,
306
+ "Ġof": 222,
307
+ "Ġb": 223,
308
+ "an": 224,
309
+ "Ġin": 225,
310
+ "al": 226,
311
+ "ing": 227,
312
+ "Ġp": 228,
313
+ "Ġand": 229,
314
+ "as": 230,
315
+ "Ġto": 231,
316
+ "ro": 232,
317
+ "ic": 233,
318
+ "Ġm": 234,
319
+ "Ġd": 235,
320
+ "Ġh": 236,
321
+ "ion": 237,
322
+ "le": 238,
323
+ "ou": 239,
324
+ "ĠT": 240,
325
+ "Ġre": 241,
326
+ "Ġ=": 242,
327
+ "Ġ\"": 243,
328
+ "ĠA": 244,
329
+ "ĠS": 245,
330
+ "ent": 246,
331
+ "il": 247,
332
+ "Ġth": 248,
333
+ "Ġ1": 249,
334
+ "st": 250,
335
+ "ĠC": 251,
336
+ "el": 252,
337
+ "om": 253,
338
+ "Ġl": 254,
339
+ "am": 255,
340
+ "ĠĊ": 256,
341
+ "Ġe": 257,
342
+ "Ġn": 258,
343
+ "Ġ@": 259,
344
+ "ad": 260,
345
+ "ac": 261,
346
+ "Ġwas": 262,
347
+ "ĠM": 263,
348
+ "ur": 264,
349
+ "ĠThe": 265,
350
+ "ec": 266,
351
+ "Ġon": 267,
352
+ "ly": 268,
353
+ "ĠB": 269,
354
+ "ĠI": 270,
355
+ "Ġg": 271,
356
+ "Ġ'": 272,
357
+ "et": 273,
358
+ "ol": 274,
359
+ "id": 275,
360
+ "iv": 276,
361
+ "im": 277,
362
+ "Ġfor": 278,
363
+ "ir": 279,
364
+ "-@": 280,
365
+ "Ġ@-@": 281,
366
+ "ig": 282,
367
+ "ot": 283,
368
+ "ter": 284,
369
+ "Ġas": 285,
370
+ "ĠH": 286,
371
+ "us": 287,
372
+ "ow": 288,
373
+ "Ġst": 289,
374
+ "ut": 290,
375
+ "ith": 291,
376
+ "ay": 292,
377
+ "Ġ2": 293,
378
+ "ĠP": 294,
379
+ "ation": 295,
380
+ "ver": 296,
381
+ "Ġbe": 297,
382
+ "her": 298,
383
+ "Ġthat": 299,
384
+ "Ġwith": 300,
385
+ "ĠR": 301,
386
+ "ce": 302,
387
+ "th": 303,
388
+ "ĠD": 304,
389
+ "Ġis": 305,
390
+ "un": 306,
391
+ "em": 307,
392
+ "ĠF": 308,
393
+ "Ġwh": 309,
394
+ "ul": 310,
395
+ "Ġby": 311,
396
+ "Ġal": 312,
397
+ "ch": 313,
398
+ "Ġ)": 314,
399
+ "Ġ(": 315,
400
+ "ĠW": 316,
401
+ "Ġcon": 317,
402
+ "ra": 318,
403
+ "ĠG": 319,
404
+ "os": 320,
405
+ "ĠL": 321,
406
+ "ĠN": 322,
407
+ "Ġat": 323,
408
+ "ers": 324,
409
+ "ct": 325,
410
+ "Ġit": 326,
411
+ "Ġ19": 327,
412
+ "rom": 328,
413
+ "and": 329,
414
+ "Ġan": 330,
415
+ "um": 331,
416
+ "est": 332,
417
+ "ĠJ": 333,
418
+ "ag": 334,
419
+ "Ġhe": 335,
420
+ "00": 336,
421
+ "ist": 337,
422
+ "ain": 338,
423
+ "od": 339,
424
+ "av": 340,
425
+ "ri": 341,
426
+ "ĠE": 342,
427
+ "ĠO": 343,
428
+ "Ġfrom": 344,
429
+ "Ġcom": 345,
430
+ "Ġhis": 346,
431
+ "op": 347,
432
+ "Ġpro": 348,
433
+ "res": 349,
434
+ "ies": 350,
435
+ "if": 351,
436
+ "Ġv": 352,
437
+ "ort": 353,
438
+ "ere": 354,
439
+ "ill": 355,
440
+ "ld": 356,
441
+ "Ġde": 357,
442
+ "pp": 358,
443
+ "Ġsu": 359,
444
+ "ore": 360,
445
+ "ĠIn": 361,
446
+ "Ġr": 362,
447
+ "Ġse": 363,
448
+ "Ġwere": 364,
449
+ "ew": 365,
450
+ "ong": 366,
451
+ "igh": 367,
452
+ "ard": 368,
453
+ "ate": 369,
454
+ "all": 370,
455
+ "art": 371,
456
+ "ak": 372,
457
+ "ich": 373,
458
+ "Ġch": 374,
459
+ "Ġor": 375,
460
+ "ab": 376,
461
+ "ant": 377,
462
+ "ud": 378,
463
+ "oc": 379,
464
+ "ber": 380,
465
+ "Ġex": 381,
466
+ "gh": 382,
467
+ "ity": 383,
468
+ "ated": 384,
469
+ "pt": 385,
470
+ "ess": 386,
471
+ "ear": 387,
472
+ "ĠK": 388,
473
+ "Ġpl": 389,
474
+ "ame": 390,
475
+ "qu": 391,
476
+ "ive": 392,
477
+ "rou": 393,
478
+ "Ġare": 394,
479
+ "Ġâ": 395,
480
+ "Ġsh": 396,
481
+ "Ġk": 397,
482
+ "ack": 398,
483
+ "ect": 399,
484
+ "ĠâĢ": 400,
485
+ "ĠU": 401,
486
+ "Ġhad": 402,
487
+ "se": 403,
488
+ "Ġwhich": 404,
489
+ "red": 405,
490
+ "ov": 406,
491
+ "ĠSt": 407,
492
+ "ast": 408,
493
+ "Ġsp": 409,
494
+ "ian": 410,
495
+ "Ġy": 411,
496
+ "ment": 412,
497
+ "Ġle": 413,
498
+ "Ġnot": 414,
499
+ "ge": 415,
500
+ "ord": 416,
501
+ "rit": 417,
502
+ "ip": 418,
503
+ "ine": 419,
504
+ "ell": 420,
505
+ "ally": 421,
506
+ "our": 422,
507
+ "ost": 423,
508
+ "ight": 424,
509
+ "ther": 425,
510
+ "ap": 426,
511
+ "Ġu": 427,
512
+ "ish": 428,
513
+ "ĠCh": 429,
514
+ "oun": 430,
515
+ "ia": 431,
516
+ "Ġ3": 432,
517
+ "ave": 433,
518
+ "ary": 434,
519
+ "ust": 435,
520
+ "og": 436,
521
+ "Ġ200": 437,
522
+ "Ġun": 438,
523
+ "ous": 439,
524
+ "irst": 440,
525
+ "ĠV": 441,
526
+ "cc": 442,
527
+ "Ġinc": 443,
528
+ "Ġ;": 444,
529
+ "Ġcomp": 445,
530
+ "ru": 446,
531
+ "ions": 447,
532
+ "Ġtheir": 448,
533
+ "Ġbut": 449,
534
+ "ide": 450,
535
+ "ure": 451,
536
+ "so": 452,
537
+ "Ġcont": 453,
538
+ "Ġint": 454,
539
+ "fter": 455,
540
+ "ical": 456,
541
+ "ial": 457,
542
+ "Ġar": 458,
543
+ "Ġfirst": 459,
544
+ "ould": 460,
545
+ "Ġits": 461,
546
+ "hed": 462,
547
+ "ĠâĢĵ": 463,
548
+ "Ġwhe": 464,
549
+ "wo": 465,
550
+ "out": 466,
551
+ "ub": 467,
552
+ "Ġ20": 468,
553
+ "ff": 469,
554
+ "Ġ:": 470,
555
+ "ue": 471,
556
+ "Ġher": 472,
557
+ "own": 473,
558
+ "ok": 474,
559
+ "Ġalso": 475,
560
+ "Ġcl": 476,
561
+ "per": 477,
562
+ "ign": 478,
563
+ "ater": 479,
564
+ "ran": 480,
565
+ "orm": 481,
566
+ "ie": 482,
567
+ "ome": 483,
568
+ "ork": 484,
569
+ "ass": 485,
570
+ "ire": 486,
571
+ "end": 487,
572
+ "Ġres": 488,
573
+ "Ġab": 489,
574
+ "Ġad": 490,
575
+ "Ġus": 491,
576
+ "ry": 492,
577
+ "Ġrec": 493,
578
+ "Ġhave": 494,
579
+ "age": 495,
580
+ "ĠHe": 496,
581
+ "Ġ4": 497,
582
+ "Ġro": 498,
583
+ "mer": 499,
584
+ "Ġone": 500,
585
+ "ond": 501,
586
+ "low": 502,
587
+ "Ġhas": 503,
588
+ "ĠTh": 504,
589
+ "du": 505,
590
+ "Ġ5": 506,
591
+ "Ġper": 507,
592
+ "Ġbeen": 508,
593
+ "ime": 509,
594
+ "Ġtwo": 510,
595
+ "ence": 511,
596
+ "land": 512,
597
+ "Ġ18": 513,
598
+ ".@": 514,
599
+ "Ġ@.@": 515,
600
+ "ult": 516,
601
+ "ree": 517,
602
+ "ough": 518,
603
+ "ile": 519,
604
+ "Ġwho": 520,
605
+ "ĠAl": 521,
606
+ "Ġsc": 522,
607
+ "uring": 523,
608
+ "pl": 524,
609
+ "ory": 525,
610
+ "ition": 526,
611
+ "ric": 527,
612
+ "ations": 528,
613
+ "Ġdis": 529,
614
+ "Ġthis": 530,
615
+ "Ġbec": 531,
616
+ "Ġapp": 532,
617
+ "iz": 533,
618
+ "ĠIt": 534,
619
+ "are": 535,
620
+ "ach": 536,
621
+ "lud": 537,
622
+ "ade": 538,
623
+ "Ġplay": 539,
624
+ "Ġj": 540,
625
+ "Ġman": 541,
626
+ "act": 542,
627
+ "ely": 543,
628
+ "Ġpart": 544,
629
+ "Ġdes": 545,
630
+ "Ġag": 546,
631
+ "Ġthey": 547,
632
+ "Ġyear": 548,
633
+ "ount": 549,
634
+ "Ġ201": 550,
635
+ "Ġover": 551,
636
+ "Ġother": 552,
637
+ "ound": 553,
638
+ "Ġafter": 554,
639
+ "ib": 555,
640
+ "over": 556,
641
+ "Ġser": 557,
642
+ "Ġen": 558,
643
+ "Ġoff": 559,
644
+ "Ġim": 560,
645
+ "ction": 561,
646
+ "ĠY": 562,
647
+ "ke": 563,
648
+ "ite": 564,
649
+ ",@": 565,
650
+ "Ġ@,@": 566,
651
+ "te": 567,
652
+ "urn": 568,
653
+ "Ġinclud": 569,
654
+ "ress": 570,
655
+ "ance": 571,
656
+ "ang": 572,
657
+ "Ġatt": 573,
658
+ "ice": 574,
659
+ "ace": 575,
660
+ "ark": 576,
661
+ "Ġout": 577,
662
+ "wn": 578,
663
+ "ph": 579,
664
+ "ember": 580,
665
+ "Ġpre": 581,
666
+ "Ġup": 582,
667
+ "ens": 583,
668
+ "man": 584,
669
+ "Ġev": 585,
670
+ "Ġtime": 586,
671
+ "nder": 587,
672
+ "rough": 588,
673
+ "ced": 589,
674
+ "Ġfin": 590,
675
+ "Ġinto": 591,
676
+ "one": 592,
677
+ "port": 593,
678
+ "round": 594,
679
+ "we": 595,
680
+ "ren": 596,
681
+ "les": 597,
682
+ "int": 598,
683
+ "ĠOn": 599,
684
+ "vel": 600,
685
+ "Ġcomm": 601,
686
+ "Ġshe": 602,
687
+ "ason": 603,
688
+ "amp": 604,
689
+ "Ġte": 605,
690
+ "Ġwould": 606,
691
+ "ward": 607,
692
+ "Ġmore": 608,
693
+ "Ġ6": 609,
694
+ "ied": 610,
695
+ "ose": 611,
696
+ "rib": 612,
697
+ "ĠUn": 613,
698
+ "Ġall": 614,
699
+ "ings": 615,
700
+ "tern": 616,
701
+ "ces": 617,
702
+ "able": 618,
703
+ "Ġwe": 619,
704
+ "ited": 620,
705
+ "ever": 621,
706
+ "ents": 622,
707
+ "Ġhim": 623,
708
+ "ased": 624,
709
+ "ors": 625,
710
+ "oy": 626,
711
+ "ood": 627,
712
+ "Ġcent": 628,
713
+ "ix": 629,
714
+ "ase": 630,
715
+ "ild": 631,
716
+ "ĠAn": 632,
717
+ "Ġ7": 633,
718
+ "Ġwork": 634,
719
+ "ates": 635,
720
+ "ious": 636,
721
+ "ath": 637,
722
+ "Ġpo": 638,
723
+ "rop": 639,
724
+ "old": 640,
725
+ "als": 641,
726
+ "iss": 642,
727
+ "ey": 643,
728
+ "ict": 644,
729
+ "Ġfe": 645,
730
+ "Ġthem": 646,
731
+ "gan": 647,
732
+ "Ġsec": 648,
733
+ "Ġbet": 649,
734
+ "Ġwhen": 650,
735
+ "Ġsong": 651,
736
+ "Ġrem": 652,
737
+ "ep": 653,
738
+ "form": 654,
739
+ "ail": 655,
740
+ "fer": 656,
741
+ "Ġear": 657,
742
+ "ubl": 658,
743
+ "aw": 659,
744
+ "Ġkn": 660,
745
+ "ake": 661,
746
+ "aus": 662,
747
+ "Ġmost": 663,
748
+ "Ġcons": 664,
749
+ "Ġduring": 665,
750
+ "ĠAs": 666,
751
+ "orth": 667,
752
+ "Ġnew": 668,
753
+ "ered": 669,
754
+ "ilm": 670,
755
+ "ved": 671,
756
+ "att": 672,
757
+ "Ġonly": 673,
758
+ "Ġ9": 674,
759
+ "Ġdec": 675,
760
+ "Ġ8": 676,
761
+ "ick": 677,
762
+ "Ġgame": 678,
763
+ "ons": 679,
764
+ "ug": 680,
765
+ "Ġtr": 681,
766
+ "ft": 682,
767
+ "oth": 683,
768
+ "ook": 684,
769
+ "ĠMar": 685,
770
+ "reat": 686,
771
+ "way": 687,
772
+ "Ġcan": 688,
773
+ "ollow": 689,
774
+ "outh": 690,
775
+ "ween": 691,
776
+ "ĠEn": 692,
777
+ "Ġ199": 693,
778
+ "ters": 694,
779
+ "Ġrel": 695,
780
+ "ind": 696,
781
+ "Ġabout": 697,
782
+ "Ġseason": 698,
783
+ "Ġagain": 699,
784
+ "ral": 700,
785
+ "Ġthree": 701,
786
+ "ational": 702,
787
+ "Ġunder": 703,
788
+ "ular": 704,
789
+ "Ġme": 705,
790
+ "Ġthan": 706,
791
+ "ĠCom": 707,
792
+ "ĠAr": 708,
793
+ "hip": 709,
794
+ "ob": 710,
795
+ "Ġne": 711,
796
+ "Ġbetween": 712,
797
+ "Ġfl": 713,
798
+ "hn": 714,
799
+ "ve": 715,
800
+ "Ġchar": 716,
801
+ "Ġcol": 717,
802
+ "Ġrecord": 718,
803
+ "iew": 719,
804
+ "ron": 720,
805
+ "fore": 721,
806
+ "Ġthrough": 722,
807
+ "ision": 723,
808
+ "orn": 724,
809
+ "Ġ00": 725,
810
+ "ock": 726,
811
+ "Ġver": 727,
812
+ "Ġlater": 728,
813
+ "Ġnum": 729,
814
+ "Ġend": 730,
815
+ "olog": 731,
816
+ "ames": 732,
817
+ "Ġpos": 733,
818
+ "Ġwrit": 734,
819
+ "Ġprodu": 735,
820
+ "Ġwhile": 736,
821
+ "Ġact": 737,
822
+ "Ġrele": 738,
823
+ "Ġfilm": 739,
824
+ "ished": 740,
825
+ "Ġpr": 741,
826
+ "ans": 742,
827
+ "Ġreg": 743,
828
+ "Ġform": 744,
829
+ "Ġass": 745,
830
+ "ĠSe": 746,
831
+ "ury": 747,
832
+ "ted": 748,
833
+ "ts": 749,
834
+ "Ġmade": 750,
835
+ "Ġsub": 751,
836
+ "Ġpe": 752,
837
+ "Ġso": 753,
838
+ "orld": 754,
839
+ "Ġret": 755,
840
+ "ĠNew": 756,
841
+ "Ġspec": 757,
842
+ "Ġacc": 758,
843
+ "Ġqu": 759,
844
+ "Ġwhere": 760,
845
+ "ener": 761,
846
+ "Ġmov": 762,
847
+ "hes": 763,
848
+ "meric": 764,
849
+ "ating": 765,
850
+ "Ġinter": 766,
851
+ "ĠLe": 767,
852
+ "ĠAmeric": 768,
853
+ "Ġra": 769,
854
+ "Ġsome": 770,
855
+ "Ġco": 771,
856
+ "Ġlar": 772,
857
+ "Ġbu": 773,
858
+ "Ġdef": 774,
859
+ "bum": 775,
860
+ "Ġac": 776,
861
+ "Ġmus": 777,
862
+ "Ġfollow": 778,
863
+ "ĠAt": 779,
864
+ "ins": 780,
865
+ "ived": 781,
866
+ "ific": 782,
867
+ "ual": 783,
868
+ "Ġam": 784,
869
+ "Ġsuch": 785,
870
+ "Ġsecond": 786,
871
+ "ike": 787,
872
+ "Ġfour": 788,
873
+ "Ġind": 789,
874
+ "ann": 790,
875
+ "hen": 791,
876
+ "Ġused": 792,
877
+ "ĠRe": 793,
878
+ "ics": 794,
879
+ "lect": 795,
880
+ "Ġday": 796,
881
+ "iel": 797,
882
+ "ily": 798,
883
+ "ĠThis": 799,
884
+ "Ġ0": 800,
885
+ "Ġpubl": 801,
886
+ "Ġcall": 802,
887
+ "ĠJo": 803,
888
+ "ll": 804,
889
+ "Ġalbum": 805,
890
+ "Ġ000": 806,
891
+ "rans": 807,
892
+ "Ġdo": 808,
893
+ "any": 809,
894
+ "Ġbefore": 810,
895
+ "ros": 811,
896
+ "ĠSh": 812,
897
+ "Ġsy": 813,
898
+ "aid": 814,
899
+ "ĠEng": 815,
900
+ "Ġbeing": 816,
901
+ "Ġ10": 817,
902
+ "uc": 818,
903
+ "Ġep": 819,
904
+ "Ġsupp": 820,
905
+ "Ġthere": 821,
906
+ "Ġyears": 822,
907
+ "ars": 823,
908
+ "owever": 824,
909
+ "Ġent": 825,
910
+ "ife": 826,
911
+ "Ġhigh": 827,
912
+ "Ġfound": 828,
913
+ "ird": 829,
914
+ "Ġno": 830,
915
+ "Ġset": 831,
916
+ "ines": 832,
917
+ "iver": 833,
918
+ "io": 834,
919
+ "other": 835,
920
+ "ject": 836,
921
+ "Ġsur": 837,
922
+ "aj": 838,
923
+ "ten": 839,
924
+ "Ġtra": 840,
925
+ "Ġ12": 841,
926
+ "ised": 842,
927
+ "ities": 843,
928
+ "velop": 844,
929
+ "Ġbl": 845,
930
+ "ale": 846,
931
+ "Ġseries": 847,
932
+ "Ġloc": 848,
933
+ "Ġnumber": 849,
934
+ "Ġpres": 850,
935
+ "ane": 851,
936
+ "ause": 852,
937
+ "ode": 853,
938
+ "ek": 854,
939
+ "ton": 855,
940
+ "ĠSc": 856,
941
+ "ier": 857,
942
+ "ise": 858,
943
+ "Ġsever": 859,
944
+ "ince": 860,
945
+ "Ġboth": 861,
946
+ "ank": 862,
947
+ "row": 863,
948
+ "irect": 864,
949
+ "son": 865,
950
+ "Ġthen": 866,
951
+ "ĠBrit": 867,
952
+ "iet": 868,
953
+ "Ġ16": 869,
954
+ "Ġepis": 870,
955
+ "Ġincluding": 871,
956
+ "its": 872,
957
+ "igin": 873,
958
+ "pr": 874,
959
+ "Ġ/": 875,
960
+ "Ġagainst": 876,
961
+ "Ġwell": 877,
962
+ "Ġbecame": 878,
963
+ "Ġexp": 879,
964
+ "Ġknown": 880,
965
+ "Ġtrans": 881,
966
+ "Ġcharac": 882,
967
+ "ĠâĢĶ": 883,
968
+ "ram": 884,
969
+ "Ġback": 885,
970
+ "Ġadd": 886,
971
+ "Ġpop": 887,
972
+ "Ġgo": 888,
973
+ "urch": 889,
974
+ "Ġdesc": 890,
975
+ "Ġsing": 891,
976
+ "ield": 892,
977
+ "Ġperform": 893,
978
+ "ained": 894,
979
+ "Ġrece": 895,
980
+ "ident": 896,
981
+ "Ġem": 897,
982
+ "ert": 898,
983
+ "ures": 899,
984
+ "Ġinv": 900,
985
+ "Ġdep": 901,
986
+ "Ġ198": 902,
987
+ "air": 903,
988
+ "ern": 904,
989
+ "ather": 905,
990
+ "ful": 906,
991
+ "ĠZ": 907,
992
+ "Ġmon": 908,
993
+ "Ġmany": 909,
994
+ "Ġmain": 910,
995
+ "Ġstud": 911,
996
+ "Ġlong": 912,
997
+ "inn": 913,
998
+ "though": 914,
999
+ "up": 915,
1000
+ "ool": 916,
1001
+ "ĠUnited": 917,
1002
+ "led": 918,
1003
+ "ement": 919,
1004
+ "Ġ15": 920,
1005
+ "ower": 921,
1006
+ "ĠJohn": 922,
1007
+ "Ġop": 923,
1008
+ "Ġ11": 924,
1009
+ "ined": 925,
1010
+ "Ġmet": 926,
1011
+ "ober": 927,
1012
+ "ley": 928,
1013
+ "Ġ17": 929,
1014
+ "Ġcentury": 930,
1015
+ "Ġteam": 931,
1016
+ "Ġest": 932,
1017
+ "ĠAfter": 933,
1018
+ "yl": 934,
1019
+ "Ġmin": 935,
1020
+ "uch": 936,
1021
+ "ute": 937,
1022
+ "Ġdevelop": 938,
1023
+ "ĠShe": 939,
1024
+ "iam": 940,
1025
+ "Ġshow": 941,
1026
+ "elf": 942,
1027
+ "Ġrep": 943,
1028
+ "Ġconc": 944,
1029
+ "ative": 945,
1030
+ "Ġcre": 946,
1031
+ "overn": 947,
1032
+ "ared": 948,
1033
+ "Ġ194": 949,
1034
+ "Ġorigin": 950,
1035
+ "Ġsm": 951,
1036
+ "ivers": 952,
1037
+ "az": 953,
1038
+ "Ġlead": 954,
1039
+ "Ġseveral": 955,
1040
+ "ah": 956,
1041
+ "Ġob": 957,
1042
+ "Ġrev": 958,
1043
+ "Ġmill": 959,
1044
+ "erm": 960,
1045
+ "ually": 961,
1046
+ "oot": 962,
1047
+ "Ġbegan": 963,
1048
+ "Ġ196": 964,
1049
+ "ired": 965,
1050
+ "Ġdif": 966,
1051
+ "Ġcontin": 967,
1052
+ "Ġsign": 968,
1053
+ "ik": 969,
1054
+ "ĠInd": 970,
1055
+ "ments": 971,
1056
+ "ized": 972,
1057
+ "Ġ197": 973,
1058
+ "Ġdirect": 974,
1059
+ "au": 975,
1060
+ "Ġext": 976,
1061
+ "ross": 977,
1062
+ "emb": 978,
1063
+ "der": 979,
1064
+ "Ġpol": 980,
1065
+ "Ġmay": 981,
1066
+ "apt": 982,
1067
+ "els": 983,
1068
+ "ĠWh": 984,
1069
+ "Ġcomple": 985,
1070
+ "Ġart": 986,
1071
+ "ĠBr": 987,
1072
+ "ĠIs": 988,
1073
+ "une": 989,
1074
+ "til": 990,
1075
+ "Ġcrit": 991,
1076
+ "Ġhist": 992,
1077
+ "Ġearly": 993,
1078
+ "Ġcould": 994,
1079
+ "ĠCon": 995,
1080
+ "Ġdid": 996,
1081
+ "Ġbel": 997,
1082
+ "Ġcalled": 998,
1083
+ "ued": 999
1084
+ },
1085
+ "merges": [
1086
+ "Ġ t",
1087
+ "h e",
1088
+ "Ġ a",
1089
+ "i n",
1090
+ "Ġt he",
1091
+ "e r",
1092
+ "o n",
1093
+ "Ġ ,",
1094
+ "r e",
1095
+ "Ġ s",
1096
+ "e d",
1097
+ "Ġ o",
1098
+ "Ġ w",
1099
+ "n d",
1100
+ "a t",
1101
+ "Ġ .",
1102
+ "o r",
1103
+ "i t",
1104
+ "Ġ c",
1105
+ "e n",
1106
+ "Ġ f",
1107
+ "i s",
1108
+ "e s",
1109
+ "a r",
1110
+ "Ġo f",
1111
+ "Ġ b",
1112
+ "a n",
1113
+ "Ġ in",
1114
+ "a l",
1115
+ "in g",
1116
+ "Ġ p",
1117
+ "Ġa nd",
1118
+ "a s",
1119
+ "Ġt o",
1120
+ "r o",
1121
+ "i c",
1122
+ "Ġ m",
1123
+ "Ġ d",
1124
+ "Ġ h",
1125
+ "i on",
1126
+ "l e",
1127
+ "o u",
1128
+ "Ġ T",
1129
+ "Ġ re",
1130
+ "Ġ =",
1131
+ "Ġ \"",
1132
+ "Ġ A",
1133
+ "Ġ S",
1134
+ "en t",
1135
+ "i l",
1136
+ "Ġt h",
1137
+ "Ġ 1",
1138
+ "s t",
1139
+ "Ġ C",
1140
+ "e l",
1141
+ "o m",
1142
+ "Ġ l",
1143
+ "a m",
1144
+ "Ġ Ċ",
1145
+ "Ġ e",
1146
+ "Ġ n",
1147
+ "Ġ @",
1148
+ "a d",
1149
+ "a c",
1150
+ "Ġw as",
1151
+ "Ġ M",
1152
+ "u r",
1153
+ "ĠT he",
1154
+ "e c",
1155
+ "Ġ on",
1156
+ "l y",
1157
+ "Ġ B",
1158
+ "Ġ I",
1159
+ "Ġ g",
1160
+ "Ġ '",
1161
+ "e t",
1162
+ "o l",
1163
+ "i d",
1164
+ "i v",
1165
+ "i m",
1166
+ "Ġf or",
1167
+ "i r",
1168
+ "- @",
1169
+ "Ġ@ -@",
1170
+ "i g",
1171
+ "o t",
1172
+ "t er",
1173
+ "Ġa s",
1174
+ "Ġ H",
1175
+ "u s",
1176
+ "o w",
1177
+ "Ġs t",
1178
+ "u t",
1179
+ "it h",
1180
+ "a y",
1181
+ "Ġ 2",
1182
+ "Ġ P",
1183
+ "at ion",
1184
+ "v er",
1185
+ "Ġb e",
1186
+ "he r",
1187
+ "Ġth at",
1188
+ "Ġw ith",
1189
+ "Ġ R",
1190
+ "c e",
1191
+ "t h",
1192
+ "Ġ D",
1193
+ "Ġ is",
1194
+ "u n",
1195
+ "e m",
1196
+ "Ġ F",
1197
+ "Ġw h",
1198
+ "u l",
1199
+ "Ġb y",
1200
+ "Ġa l",
1201
+ "c h",
1202
+ "Ġ )",
1203
+ "Ġ (",
1204
+ "Ġ W",
1205
+ "Ġc on",
1206
+ "r a",
1207
+ "Ġ G",
1208
+ "o s",
1209
+ "Ġ L",
1210
+ "Ġ N",
1211
+ "Ġa t",
1212
+ "er s",
1213
+ "c t",
1214
+ "Ġ it",
1215
+ "Ġ1 9",
1216
+ "ro m",
1217
+ "a nd",
1218
+ "Ġa n",
1219
+ "u m",
1220
+ "es t",
1221
+ "Ġ J",
1222
+ "a g",
1223
+ "Ġ he",
1224
+ "0 0",
1225
+ "is t",
1226
+ "a in",
1227
+ "o d",
1228
+ "a v",
1229
+ "r i",
1230
+ "Ġ E",
1231
+ "Ġ O",
1232
+ "Ġf rom",
1233
+ "Ġc om",
1234
+ "Ġh is",
1235
+ "o p",
1236
+ "Ġp ro",
1237
+ "re s",
1238
+ "i es",
1239
+ "i f",
1240
+ "Ġ v",
1241
+ "or t",
1242
+ "er e",
1243
+ "il l",
1244
+ "l d",
1245
+ "Ġd e",
1246
+ "p p",
1247
+ "Ġs u",
1248
+ "o re",
1249
+ "ĠI n",
1250
+ "Ġ r",
1251
+ "Ġs e",
1252
+ "Ġw ere",
1253
+ "e w",
1254
+ "on g",
1255
+ "ig h",
1256
+ "ar d",
1257
+ "at e",
1258
+ "al l",
1259
+ "ar t",
1260
+ "a k",
1261
+ "ic h",
1262
+ "Ġc h",
1263
+ "Ġo r",
1264
+ "a b",
1265
+ "an t",
1266
+ "u d",
1267
+ "o c",
1268
+ "b er",
1269
+ "Ġe x",
1270
+ "g h",
1271
+ "it y",
1272
+ "at ed",
1273
+ "p t",
1274
+ "es s",
1275
+ "e ar",
1276
+ "Ġ K",
1277
+ "Ġp l",
1278
+ "am e",
1279
+ "q u",
1280
+ "iv e",
1281
+ "ro u",
1282
+ "Ġa re",
1283
+ "Ġ â",
1284
+ "Ġs h",
1285
+ "Ġ k",
1286
+ "ac k",
1287
+ "ec t",
1288
+ "Ġâ Ģ",
1289
+ "Ġ U",
1290
+ "Ġh ad",
1291
+ "s e",
1292
+ "Ġwh ich",
1293
+ "re d",
1294
+ "o v",
1295
+ "ĠS t",
1296
+ "as t",
1297
+ "Ġs p",
1298
+ "i an",
1299
+ "Ġ y",
1300
+ "m ent",
1301
+ "Ġ le",
1302
+ "Ġn ot",
1303
+ "g e",
1304
+ "or d",
1305
+ "r it",
1306
+ "i p",
1307
+ "in e",
1308
+ "el l",
1309
+ "al ly",
1310
+ "ou r",
1311
+ "o st",
1312
+ "igh t",
1313
+ "t her",
1314
+ "a p",
1315
+ "Ġ u",
1316
+ "is h",
1317
+ "ĠC h",
1318
+ "ou n",
1319
+ "i a",
1320
+ "Ġ 3",
1321
+ "av e",
1322
+ "ar y",
1323
+ "u st",
1324
+ "o g",
1325
+ "Ġ2 00",
1326
+ "Ġ un",
1327
+ "ou s",
1328
+ "ir st",
1329
+ "Ġ V",
1330
+ "c c",
1331
+ "Ġin c",
1332
+ "Ġ ;",
1333
+ "Ġcom p",
1334
+ "r u",
1335
+ "ion s",
1336
+ "Ġthe ir",
1337
+ "Ġb ut",
1338
+ "id e",
1339
+ "u re",
1340
+ "s o",
1341
+ "Ġcon t",
1342
+ "Ġin t",
1343
+ "f ter",
1344
+ "ic al",
1345
+ "i al",
1346
+ "Ġa r",
1347
+ "Ġf irst",
1348
+ "ou ld",
1349
+ "Ġit s",
1350
+ "he d",
1351
+ "ĠâĢ ĵ",
1352
+ "Ġw he",
1353
+ "w o",
1354
+ "ou t",
1355
+ "u b",
1356
+ "Ġ2 0",
1357
+ "f f",
1358
+ "Ġ :",
1359
+ "u e",
1360
+ "Ġ her",
1361
+ "ow n",
1362
+ "o k",
1363
+ "Ġal so",
1364
+ "Ġc l",
1365
+ "p er",
1366
+ "ig n",
1367
+ "at er",
1368
+ "r an",
1369
+ "or m",
1370
+ "i e",
1371
+ "om e",
1372
+ "or k",
1373
+ "as s",
1374
+ "i re",
1375
+ "e nd",
1376
+ "Ġre s",
1377
+ "Ġa b",
1378
+ "Ġa d",
1379
+ "Ġ us",
1380
+ "r y",
1381
+ "Ġre c",
1382
+ "Ġh ave",
1383
+ "ag e",
1384
+ "ĠH e",
1385
+ "Ġ 4",
1386
+ "Ġ ro",
1387
+ "m er",
1388
+ "Ġon e",
1389
+ "on d",
1390
+ "l ow",
1391
+ "Ġh as",
1392
+ "ĠT h",
1393
+ "d u",
1394
+ "Ġ 5",
1395
+ "Ġp er",
1396
+ "Ġbe en",
1397
+ "im e",
1398
+ "Ġt wo",
1399
+ "en ce",
1400
+ "l and",
1401
+ "Ġ1 8",
1402
+ ". @",
1403
+ "Ġ@ .@",
1404
+ "ul t",
1405
+ "re e",
1406
+ "ou gh",
1407
+ "i le",
1408
+ "Ġwh o",
1409
+ "ĠA l",
1410
+ "Ġs c",
1411
+ "ur ing",
1412
+ "p l",
1413
+ "or y",
1414
+ "it ion",
1415
+ "r ic",
1416
+ "ation s",
1417
+ "Ġd is",
1418
+ "Ġth is",
1419
+ "Ġb ec",
1420
+ "Ġa pp",
1421
+ "i z",
1422
+ "ĠI t",
1423
+ "a re",
1424
+ "ac h",
1425
+ "l ud",
1426
+ "ad e",
1427
+ "Ġpl ay",
1428
+ "Ġ j",
1429
+ "Ġm an",
1430
+ "ac t",
1431
+ "el y",
1432
+ "Ġp art",
1433
+ "Ġd es",
1434
+ "Ġa g",
1435
+ "Ġthe y",
1436
+ "Ġy ear",
1437
+ "oun t",
1438
+ "Ġ20 1",
1439
+ "Ġo ver",
1440
+ "Ġo ther",
1441
+ "ou nd",
1442
+ "Ġa fter",
1443
+ "i b",
1444
+ "o ver",
1445
+ "Ġs er",
1446
+ "Ġ en",
1447
+ "Ġof f",
1448
+ "Ġ im",
1449
+ "ct ion",
1450
+ "Ġ Y",
1451
+ "k e",
1452
+ "it e",
1453
+ ", @",
1454
+ "Ġ@ ,@",
1455
+ "t e",
1456
+ "ur n",
1457
+ "Ġinc lud",
1458
+ "res s",
1459
+ "an ce",
1460
+ "an g",
1461
+ "Ġat t",
1462
+ "ic e",
1463
+ "ac e",
1464
+ "ar k",
1465
+ "Ġo ut",
1466
+ "w n",
1467
+ "p h",
1468
+ "em ber",
1469
+ "Ġp re",
1470
+ "Ġu p",
1471
+ "en s",
1472
+ "m an",
1473
+ "Ġe v",
1474
+ "Ġt ime",
1475
+ "nd er",
1476
+ "rou gh",
1477
+ "c ed",
1478
+ "Ġf in",
1479
+ "Ġint o",
1480
+ "on e",
1481
+ "p ort",
1482
+ "rou nd",
1483
+ "w e",
1484
+ "re n",
1485
+ "l es",
1486
+ "in t",
1487
+ "ĠO n",
1488
+ "v el",
1489
+ "Ġcom m",
1490
+ "Ġs he",
1491
+ "as on",
1492
+ "am p",
1493
+ "Ġt e",
1494
+ "Ġw ould",
1495
+ "w ard",
1496
+ "Ġm ore",
1497
+ "Ġ 6",
1498
+ "i ed",
1499
+ "os e",
1500
+ "ri b",
1501
+ "ĠU n",
1502
+ "Ġal l",
1503
+ "ing s",
1504
+ "ter n",
1505
+ "c es",
1506
+ "ab le",
1507
+ "Ġw e",
1508
+ "it ed",
1509
+ "e ver",
1510
+ "ent s",
1511
+ "Ġh im",
1512
+ "as ed",
1513
+ "or s",
1514
+ "o y",
1515
+ "o od",
1516
+ "Ġc ent",
1517
+ "i x",
1518
+ "as e",
1519
+ "il d",
1520
+ "ĠA n",
1521
+ "Ġ 7",
1522
+ "Ġw ork",
1523
+ "at es",
1524
+ "i ous",
1525
+ "at h",
1526
+ "Ġp o",
1527
+ "ro p",
1528
+ "ol d",
1529
+ "al s",
1530
+ "is s",
1531
+ "e y",
1532
+ "ic t",
1533
+ "Ġf e",
1534
+ "Ġthe m",
1535
+ "g an",
1536
+ "Ġs ec",
1537
+ "Ġb et",
1538
+ "Ġwhe n",
1539
+ "Ġs ong",
1540
+ "Ġre m",
1541
+ "e p",
1542
+ "f orm",
1543
+ "a il",
1544
+ "f er",
1545
+ "Ġe ar",
1546
+ "ub l",
1547
+ "a w",
1548
+ "Ġk n",
1549
+ "ak e",
1550
+ "a us",
1551
+ "Ġm ost",
1552
+ "Ġcon s",
1553
+ "Ġd uring",
1554
+ "ĠA s",
1555
+ "or th",
1556
+ "Ġn ew",
1557
+ "er ed",
1558
+ "il m",
1559
+ "v ed",
1560
+ "at t",
1561
+ "Ġon ly",
1562
+ "Ġ 9",
1563
+ "Ġd ec",
1564
+ "Ġ 8",
1565
+ "ic k",
1566
+ "Ġg ame",
1567
+ "on s",
1568
+ "u g",
1569
+ "Ġt r",
1570
+ "f t",
1571
+ "ot h",
1572
+ "o ok",
1573
+ "ĠM ar",
1574
+ "re at",
1575
+ "w ay",
1576
+ "Ġc an",
1577
+ "ol low",
1578
+ "ou th",
1579
+ "we en",
1580
+ "ĠE n",
1581
+ "Ġ19 9",
1582
+ "ter s",
1583
+ "Ġre l",
1584
+ "in d",
1585
+ "Ġab out",
1586
+ "Ġse ason",
1587
+ "Ġag ain",
1588
+ "r al",
1589
+ "Ġth ree",
1590
+ "ation al",
1591
+ "Ġu nder",
1592
+ "ul ar",
1593
+ "Ġm e",
1594
+ "Ġth an",
1595
+ "ĠC om",
1596
+ "ĠA r",
1597
+ "h ip",
1598
+ "o b",
1599
+ "Ġn e",
1600
+ "Ġbet ween",
1601
+ "Ġf l",
1602
+ "h n",
1603
+ "v e",
1604
+ "Ġch ar",
1605
+ "Ġc ol",
1606
+ "Ġrec ord",
1607
+ "i ew",
1608
+ "r on",
1609
+ "f ore",
1610
+ "Ġth rough",
1611
+ "is ion",
1612
+ "or n",
1613
+ "Ġ 00",
1614
+ "oc k",
1615
+ "Ġ ver",
1616
+ "Ġl ater",
1617
+ "Ġn um",
1618
+ "Ġe nd",
1619
+ "ol og",
1620
+ "am es",
1621
+ "Ġp os",
1622
+ "Ġw rit",
1623
+ "Ġpro du",
1624
+ "Ġwh ile",
1625
+ "Ġa ct",
1626
+ "Ġre le",
1627
+ "Ġf ilm",
1628
+ "is hed",
1629
+ "Ġp r",
1630
+ "an s",
1631
+ "Ġre g",
1632
+ "Ġfor m",
1633
+ "Ġas s",
1634
+ "ĠS e",
1635
+ "ur y",
1636
+ "t ed",
1637
+ "t s",
1638
+ "Ġm ade",
1639
+ "Ġsu b",
1640
+ "Ġp e",
1641
+ "Ġs o",
1642
+ "or ld",
1643
+ "Ġre t",
1644
+ "ĠN ew",
1645
+ "Ġsp ec",
1646
+ "Ġa cc",
1647
+ "Ġ qu",
1648
+ "Ġwhe re",
1649
+ "en er",
1650
+ "Ġm ov",
1651
+ "he s",
1652
+ "mer ic",
1653
+ "at ing",
1654
+ "Ġin ter",
1655
+ "ĠL e",
1656
+ "ĠA meric",
1657
+ "Ġ ra",
1658
+ "Ġs ome",
1659
+ "Ġc o",
1660
+ "Ġl ar",
1661
+ "Ġb u",
1662
+ "Ġde f",
1663
+ "b um",
1664
+ "Ġa c",
1665
+ "Ġm us",
1666
+ "Ġf ollow",
1667
+ "ĠA t",
1668
+ "in s",
1669
+ "iv ed",
1670
+ "if ic",
1671
+ "u al",
1672
+ "Ġa m",
1673
+ "Ġsu ch",
1674
+ "Ġsec ond",
1675
+ "i ke",
1676
+ "Ġf our",
1677
+ "Ġin d",
1678
+ "an n",
1679
+ "he n",
1680
+ "Ġus ed",
1681
+ "ĠR e",
1682
+ "ic s",
1683
+ "le ct",
1684
+ "Ġd ay",
1685
+ "i el",
1686
+ "il y",
1687
+ "ĠTh is",
1688
+ "Ġ 0",
1689
+ "Ġp ubl",
1690
+ "Ġc all",
1691
+ "ĠJ o",
1692
+ "l l",
1693
+ "Ġal bum",
1694
+ "Ġ00 0",
1695
+ "ran s",
1696
+ "Ġd o",
1697
+ "an y",
1698
+ "Ġbe fore",
1699
+ "ro s",
1700
+ "ĠS h",
1701
+ "Ġs y",
1702
+ "a id",
1703
+ "ĠEn g",
1704
+ "Ġbe ing",
1705
+ "Ġ1 0",
1706
+ "u c",
1707
+ "Ġe p",
1708
+ "Ġsu pp",
1709
+ "Ġthe re",
1710
+ "Ġyear s",
1711
+ "ar s",
1712
+ "ow ever",
1713
+ "Ġ ent",
1714
+ "if e",
1715
+ "Ġh igh",
1716
+ "Ġf ound",
1717
+ "ir d",
1718
+ "Ġn o",
1719
+ "Ġs et",
1720
+ "in es",
1721
+ "iv er",
1722
+ "i o",
1723
+ "ot her",
1724
+ "j ect",
1725
+ "Ġs ur",
1726
+ "a j",
1727
+ "t en",
1728
+ "Ġt ra",
1729
+ "Ġ1 2",
1730
+ "is ed",
1731
+ "it ies",
1732
+ "vel op",
1733
+ "Ġb l",
1734
+ "al e",
1735
+ "Ġser ies",
1736
+ "Ġl oc",
1737
+ "Ġnum ber",
1738
+ "Ġp res",
1739
+ "an e",
1740
+ "aus e",
1741
+ "od e",
1742
+ "e k",
1743
+ "t on",
1744
+ "ĠS c",
1745
+ "i er",
1746
+ "is e",
1747
+ "Ġse ver",
1748
+ "in ce",
1749
+ "Ġb oth",
1750
+ "an k",
1751
+ "ro w",
1752
+ "ire ct",
1753
+ "s on",
1754
+ "Ġthe n",
1755
+ "ĠB rit",
1756
+ "i et",
1757
+ "Ġ1 6",
1758
+ "Ġep is",
1759
+ "Ġinclud ing",
1760
+ "it s",
1761
+ "ig in",
1762
+ "p r",
1763
+ "Ġ /",
1764
+ "Ġagain st",
1765
+ "Ġw ell",
1766
+ "Ġbec ame",
1767
+ "Ġex p",
1768
+ "Ġkn own",
1769
+ "Ġt rans",
1770
+ "Ġchar ac",
1771
+ "ĠâĢ Ķ",
1772
+ "r am",
1773
+ "Ġb ack",
1774
+ "Ġad d",
1775
+ "Ġp op",
1776
+ "Ġg o",
1777
+ "ur ch",
1778
+ "Ġdes c",
1779
+ "Ġs ing",
1780
+ "iel d",
1781
+ "Ġper form",
1782
+ "ain ed",
1783
+ "Ġre ce",
1784
+ "id ent",
1785
+ "Ġe m",
1786
+ "er t",
1787
+ "u res",
1788
+ "Ġin v",
1789
+ "Ġde p",
1790
+ "Ġ19 8",
1791
+ "a ir",
1792
+ "er n",
1793
+ "at her",
1794
+ "f ul",
1795
+ "Ġ Z",
1796
+ "Ġm on",
1797
+ "Ġman y",
1798
+ "Ġm ain",
1799
+ "Ġst ud",
1800
+ "Ġl ong",
1801
+ "in n",
1802
+ "th ough",
1803
+ "u p",
1804
+ "o ol",
1805
+ "ĠUn ited",
1806
+ "l ed",
1807
+ "em ent",
1808
+ "Ġ1 5",
1809
+ "ow er",
1810
+ "ĠJo hn",
1811
+ "Ġo p",
1812
+ "Ġ1 1",
1813
+ "in ed",
1814
+ "Ġm et",
1815
+ "o ber",
1816
+ "le y",
1817
+ "Ġ1 7",
1818
+ "Ġcent ury",
1819
+ "Ġte am",
1820
+ "Ġ est",
1821
+ "ĠA fter",
1822
+ "y l",
1823
+ "Ġm in",
1824
+ "u ch",
1825
+ "ut e",
1826
+ "Ġde velop",
1827
+ "ĠS he",
1828
+ "i am",
1829
+ "Ġsh ow",
1830
+ "el f",
1831
+ "Ġre p",
1832
+ "Ġcon c",
1833
+ "at ive",
1834
+ "Ġc re",
1835
+ "over n",
1836
+ "a red",
1837
+ "Ġ19 4",
1838
+ "Ġor igin",
1839
+ "Ġs m",
1840
+ "iv ers",
1841
+ "a z",
1842
+ "Ġle ad",
1843
+ "Ġsever al",
1844
+ "a h",
1845
+ "Ġo b",
1846
+ "Ġre v",
1847
+ "Ġm ill",
1848
+ "er m",
1849
+ "u ally",
1850
+ "o ot",
1851
+ "Ġbe gan",
1852
+ "Ġ19 6",
1853
+ "i red",
1854
+ "Ġd if",
1855
+ "Ġcont in",
1856
+ "Ġs ign",
1857
+ "i k",
1858
+ "ĠI nd",
1859
+ "ment s",
1860
+ "iz ed",
1861
+ "Ġ19 7",
1862
+ "Ġd irect",
1863
+ "a u",
1864
+ "Ġex t",
1865
+ "ros s",
1866
+ "em b",
1867
+ "d er",
1868
+ "Ġp ol",
1869
+ "Ġm ay",
1870
+ "a pt",
1871
+ "el s",
1872
+ "ĠW h",
1873
+ "Ġcomp le",
1874
+ "Ġar t",
1875
+ "ĠB r",
1876
+ "ĠI s",
1877
+ "un e",
1878
+ "t il",
1879
+ "Ġc rit",
1880
+ "Ġh ist",
1881
+ "Ġear ly",
1882
+ "Ġc ould",
1883
+ "ĠC on",
1884
+ "Ġd id",
1885
+ "Ġb el",
1886
+ "Ġcall ed",
1887
+ "u ed"
1888
+ ]
1889
+ }
1890
+ }
tokenizer_config.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"errors": "replace", "bos_token": "<s>", "eos_token": "</s>", "sep_token": "</s>", "cls_token": "<s>", "unk_token": "<unk>", "pad_token": "<pad>", "mask_token": {"content": "<mask>", "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"}
vocab.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"<s>":0,"<pad>":1,"</s>":2,"<unk>":3,"<mask>":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}
wandb/debug-internal.log ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20220507_182041-10w2xueo/logs/debug-internal.log
wandb/debug.log ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20220507_182041-10w2xueo/logs/debug.log
wandb/latest-run ADDED
@@ -0,0 +1 @@
 
 
1
+ run-20220507_182041-10w2xueo
wandb/run-20220507_174148-2l3y3icw/files/config.yaml ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ cli_version: 0.12.11
7
+ framework: huggingface
8
+ huggingface_version: 4.18.0.dev0
9
+ is_jupyter_run: false
10
+ is_kaggle_kernel: false
11
+ python_version: 3.8.10
12
+ start_time: 1651945308
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 2
17
+ - 3
18
+ - 11
19
+ - 12
20
+ - 45
21
+ - 49
22
+ - 51
23
+ 2:
24
+ - 1
25
+ - 2
26
+ - 3
27
+ - 11
28
+ - 12
29
+ - 45
30
+ - 49
31
+ - 51
32
+ 4: 3.8.10
33
+ 5: 0.12.11
34
+ 6: 4.18.0.dev0
35
+ 8:
36
+ - 5
wandb/run-20220507_174148-2l3y3icw/files/output.log ADDED
@@ -0,0 +1,128 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 05/07/2022 17:41:51 - INFO - __main__ - Training/evaluation parameters FlaxSeq2SeqTrainingArguments(
2
+ _n_gpu=-1,
3
+ adafactor=False,
4
+ adam_beta1=0.9,
5
+ adam_beta2=0.999,
6
+ adam_epsilon=1e-08,
7
+ bf16=False,
8
+ bf16_full_eval=False,
9
+ data_seed=None,
10
+ dataloader_drop_last=False,
11
+ dataloader_num_workers=0,
12
+ dataloader_pin_memory=True,
13
+ ddp_bucket_cap_mb=None,
14
+ ddp_find_unused_parameters=None,
15
+ debug=,
16
+ deepspeed=None,
17
+ disable_tqdm=None,
18
+ do_eval=True,
19
+ do_predict=True,
20
+ do_train=True,
21
+ eval_accumulation_steps=None,
22
+ eval_delay=0,
23
+ eval_steps=5,
24
+ evaluation_strategy=no,
25
+ final_generation_max_length=50,
26
+ final_generation_num_beams=2,
27
+ fp16=False,
28
+ fp16_backend=auto,
29
+ fp16_full_eval=False,
30
+ fp16_opt_level=O1,
31
+ generation_length_penalty=1,
32
+ generation_max_length=40,
33
+ generation_num_beams=1,
34
+ gradient_accumulation_steps=1,
35
+ gradient_checkpointing=False,
36
+ greater_is_better=None,
37
+ group_by_length=False,
38
+ half_precision_backend=auto,
39
+ hub_model_id=None,
40
+ hub_strategy=every_save,
41
+ hub_token=<HUB_TOKEN>,
42
+ ignore_data_skip=False,
43
+ label_names=None,
44
+ label_smoothing_factor=0.0,
45
+ learning_rate=0.0003,
46
+ length_column_name=input_length,
47
+ load_best_model_at_end=False,
48
+ local_rank=-1,
49
+ log_level=passive,
50
+ log_level_replica=passive,
51
+ log_on_each_node=True,
52
+ logging_dir=None,
53
+ logging_first_step=False,
54
+ logging_nan_inf_filter=True,
55
+ logging_steps=1,
56
+ logging_strategy=steps,
57
+ lr_scheduler_type=linear,
58
+ matmul_precision=default,
59
+ max_grad_norm=1.0,
60
+ max_steps=15,
61
+ metric_for_best_model=None,
62
+ mp_parameters=,
63
+ no_cuda=False,
64
+ num_train_epochs=5.0,
65
+ optim=adamw_hf,
66
+ output_dir=./,
67
+ overwrite_output_dir=True,
68
+ past_index=-1,
69
+ per_device_eval_batch_size=2,
70
+ per_device_train_batch_size=4,
71
+ precision=full,
72
+ predict_with_generate=True,
73
+ prediction_loss_only=False,
74
+ push_to_hub=False,
75
+ push_to_hub_model_id=None,
76
+ push_to_hub_organization=None,
77
+ push_to_hub_token=<PUSH_TO_HUB_TOKEN>,
78
+ remove_unused_columns=True,
79
+ report_to=None,
80
+ resume_from_checkpoint=None,
81
+ run_name=None,
82
+ save_on_each_node=False,
83
+ save_steps=10,
84
+ save_strategy=steps,
85
+ save_total_limit=1,
86
+ seed=42,
87
+ sharded_ddp=,
88
+ skip_memory_metrics=True,
89
+ sortish_sampler=False,
90
+ tf32=None,
91
+ tpu_metrics_debug=False,
92
+ tpu_num_cores=None,
93
+ use_legacy_prediction_loop=False,
94
+ warmup_ratio=0.0,
95
+ warmup_steps=500,
96
+ weight_decay=0.0,
97
+ xpu_backend=None,
98
+ )
99
+ 05/07/2022 17:41:51 - INFO - __main__ - JAX devices: 8, matmul precision: default
100
+ 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)
101
+ 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)
102
+ 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)
103
+ Traceback (most recent call last):
104
+ File "run_flax_speech_recognition_seq2seq.py", line 1388, in <module>
105
+ main()
106
+ File "run_flax_speech_recognition_seq2seq.py", line 729, in main
107
+ raw_datasets[split] = load_dataset(
108
+ File "/home/sanchitgandhi/datasets/src/datasets/load.py", line 1703, in load_dataset
109
+ ds = builder_instance.as_dataset(split=split, ignore_verifications=ignore_verifications, in_memory=keep_in_memory)
110
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 774, in as_dataset
111
+ datasets = map_nested(
112
+ File "/home/sanchitgandhi/datasets/src/datasets/utils/py_utils.py", line 306, in map_nested
113
+ return function(data_struct)
114
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 805, in _build_single_dataset
115
+ ds = self._as_dataset(
116
+ File "/home/sanchitgandhi/datasets/src/datasets/builder.py", line 873, in _as_dataset
117
+ dataset_kwargs = ArrowReader(self._cache_dir, self.info).read(
118
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 210, in read
119
+ files = self.get_file_instructions(name, instructions, split_infos)
120
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 183, in get_file_instructions
121
+ file_instructions = make_file_instructions(
122
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 104, in make_file_instructions
123
+ instruction = ReadInstruction.from_spec(instruction)
124
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 560, in from_spec
125
+ instruction = _str_to_read_instruction(subs[0])
126
+ File "/home/sanchitgandhi/datasets/src/datasets/arrow_reader.py", line 396, in _str_to_read_instruction
127
+ raise AssertionError(f"Unrecognized instruction format: {spec}")
128
+ AssertionError: Unrecognized instruction format: validation[:90%]
wandb/run-20220507_174148-2l3y3icw/files/requirements.txt ADDED
@@ -0,0 +1,182 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==1.0.0
2
+ aiohttp==3.8.1
3
+ aiosignal==1.2.0
4
+ anyio==3.5.0
5
+ appdirs==1.4.4
6
+ argon2-cffi-bindings==21.2.0
7
+ argon2-cffi==21.3.0
8
+ asttokens==2.0.5
9
+ astunparse==1.6.3
10
+ async-timeout==4.0.2
11
+ attrs==21.4.0
12
+ audioread==2.1.9
13
+ babel==2.9.1
14
+ backcall==0.2.0
15
+ beautifulsoup4==4.10.0
16
+ bleach==4.1.0
17
+ cachetools==5.0.0
18
+ certifi==2021.10.8
19
+ cffi==1.15.0
20
+ charset-normalizer==2.0.12
21
+ chex==0.1.1
22
+ click==8.1.0
23
+ cycler==0.11.0
24
+ datasets==2.0.1.dev0
25
+ debugpy==1.6.0
26
+ decorator==5.1.1
27
+ defusedxml==0.7.1
28
+ dill==0.3.4
29
+ dm-tree==0.1.6
30
+ docker-pycreds==0.4.0
31
+ entrypoints==0.4
32
+ executing==0.8.3
33
+ filelock==3.6.0
34
+ flatbuffers==2.0
35
+ flax==0.4.1
36
+ fonttools==4.31.2
37
+ frozenlist==1.3.0
38
+ fsspec==2022.2.0
39
+ gast==0.5.3
40
+ gitdb==4.0.9
41
+ gitpython==3.1.27
42
+ google-auth-oauthlib==0.4.6
43
+ google-auth==2.6.2
44
+ google-pasta==0.2.0
45
+ grpcio==1.44.0
46
+ h5py==3.6.0
47
+ huggingface-hub==0.4.0
48
+ idna==3.3
49
+ importlib-metadata==4.11.3
50
+ importlib-resources==5.6.0
51
+ iniconfig==1.1.1
52
+ ipdb==0.13.9
53
+ ipykernel==6.10.0
54
+ ipython-genutils==0.2.0
55
+ ipython==8.2.0
56
+ jax==0.3.4
57
+ jaxlib==0.3.2
58
+ jedi==0.18.1
59
+ jinja2==3.1.1
60
+ jiwer==2.3.0
61
+ joblib==1.1.0
62
+ json5==0.9.6
63
+ jsonschema==4.4.0
64
+ jupyter-client==7.2.1
65
+ jupyter-core==4.9.2
66
+ jupyter-server==1.16.0
67
+ jupyterlab-pygments==0.1.2
68
+ jupyterlab-server==2.12.0
69
+ jupyterlab==3.3.2
70
+ keras-preprocessing==1.1.2
71
+ keras==2.8.0
72
+ kiwisolver==1.4.2
73
+ libclang==13.0.0
74
+ librosa==0.9.1
75
+ libtpu-nightly==0.1.dev20220315
76
+ llvmlite==0.38.0
77
+ markdown==3.3.6
78
+ markupsafe==2.1.1
79
+ matplotlib-inline==0.1.3
80
+ matplotlib==3.5.1
81
+ mistune==0.8.4
82
+ msgpack==1.0.3
83
+ multidict==6.0.2
84
+ multiprocess==0.70.12.2
85
+ nbclassic==0.3.7
86
+ nbclient==0.5.13
87
+ nbconvert==6.4.5
88
+ nbformat==5.2.0
89
+ nest-asyncio==1.5.4
90
+ notebook-shim==0.1.0
91
+ notebook==6.4.10
92
+ numba==0.55.1
93
+ numpy==1.21.0
94
+ oauthlib==3.2.0
95
+ opt-einsum==3.3.0
96
+ optax==0.1.1
97
+ packaging==21.3
98
+ pandas==1.4.1
99
+ pandocfilters==1.5.0
100
+ parso==0.8.3
101
+ pathtools==0.1.2
102
+ pexpect==4.8.0
103
+ pickleshare==0.7.5
104
+ pillow==9.0.1
105
+ pip==20.0.2
106
+ pkg-resources==0.0.0
107
+ pluggy==1.0.0
108
+ pooch==1.6.0
109
+ prometheus-client==0.13.1
110
+ promise==2.3
111
+ prompt-toolkit==3.0.28
112
+ protobuf==3.19.4
113
+ psutil==5.9.0
114
+ ptyprocess==0.7.0
115
+ pure-eval==0.2.2
116
+ py==1.11.0
117
+ pyarrow==7.0.0
118
+ pyasn1-modules==0.2.8
119
+ pyasn1==0.4.8
120
+ pycparser==2.21
121
+ pygments==2.11.2
122
+ pyparsing==3.0.7
123
+ pyrsistent==0.18.1
124
+ pytest==7.1.2
125
+ python-dateutil==2.8.2
126
+ python-levenshtein==0.12.2
127
+ pytz==2022.1
128
+ pyyaml==6.0
129
+ pyzmq==22.3.0
130
+ regex==2022.3.15
131
+ requests-oauthlib==1.3.1
132
+ requests==2.27.1
133
+ resampy==0.2.2
134
+ responses==0.18.0
135
+ rsa==4.8
136
+ sacremoses==0.0.49
137
+ scikit-learn==1.0.2
138
+ scipy==1.8.0
139
+ send2trash==1.8.0
140
+ sentry-sdk==1.5.8
141
+ setproctitle==1.2.2
142
+ setuptools==44.0.0
143
+ shortuuid==1.0.8
144
+ six==1.16.0
145
+ smmap==5.0.0
146
+ sniffio==1.2.0
147
+ soundfile==0.10.3.post1
148
+ soupsieve==2.3.1
149
+ stack-data==0.2.0
150
+ tensorboard-data-server==0.6.1
151
+ tensorboard-plugin-wit==1.8.1
152
+ tensorboard==2.8.0
153
+ tensorflow-io-gcs-filesystem==0.24.0
154
+ tensorflow==2.8.0
155
+ termcolor==1.1.0
156
+ terminado==0.13.3
157
+ testpath==0.6.0
158
+ tf-estimator-nightly==2.8.0.dev2021122109
159
+ threadpoolctl==3.1.0
160
+ tokenizers==0.11.6
161
+ toml==0.10.2
162
+ tomli==2.0.1
163
+ toolz==0.11.2
164
+ torch==1.11.0+cpu
165
+ torchaudio==0.11.0+cpu
166
+ tornado==6.1
167
+ tqdm==4.63.1
168
+ traitlets==5.1.1
169
+ transformers==4.18.0.dev0
170
+ typing-extensions==4.1.1
171
+ urllib3==1.26.9
172
+ wandb==0.12.11
173
+ wcwidth==0.2.5
174
+ webencodings==0.5.1
175
+ websocket-client==1.3.2
176
+ werkzeug==2.1.0
177
+ wheel==0.37.1
178
+ wrapt==1.14.0
179
+ xxhash==3.0.0
180
+ yarl==1.7.2
181
+ yaspin==2.1.0
182
+ zipp==3.7.0
wandb/run-20220507_174148-2l3y3icw/files/wandb-metadata.json ADDED
@@ -0,0 +1,58 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.4.0-1043-gcp-x86_64-with-glibc2.29",
3
+ "python": "3.8.10",
4
+ "heartbeatAt": "2022-05-07T17:41:51.879768",
5
+ "startedAt": "2022-05-07T17:41:48.769592",
6
+ "docker": null,
7
+ "cpu_count": 96,
8
+ "cuda": null,
9
+ "args": [
10
+ "--dataset_name=hf-internal-testing/librispeech_asr_dummy",
11
+ "--model_name_or_path=./",
12
+ "--dataset_config_name=clean",
13
+ "--train_split_name=validation",
14
+ "--eval_split_name=validation",
15
+ "--test_split_name=validation[:90%] + validation[:95%]",
16
+ "--output_dir=./",
17
+ "--dataset_cache_dir=/home/sanchitgandhi/cache/huggingface/datasets",
18
+ "--preprocessing_num_workers=1",
19
+ "--length_column_name=input_length",
20
+ "--overwrite_output_dir",
21
+ "--num_train_epochs=5",
22
+ "--max_steps=15",
23
+ "--eval_steps=5",
24
+ "--save_steps=10",
25
+ "--per_device_train_batch_size=4",
26
+ "--per_device_eval_batch_size=2",
27
+ "--logging_steps=1",
28
+ "--max_duration_in_seconds=15",
29
+ "--max_target_length=64",
30
+ "--generation_max_length=40",
31
+ "--generation_num_beams=1",
32
+ "--final_generation_max_length=50",
33
+ "--final_generation_num_beams=2",
34
+ "--learning_rate=3e-4",
35
+ "--warmup_steps=500",
36
+ "--text_column_name=text",
37
+ "--save_total_limit=1",
38
+ "--wandb_project=flax-wav2vec2-2-bart-dummy",
39
+ "--freeze_feature_encoder",
40
+ "--predict_with_generate",
41
+ "--do_lower_case",
42
+ "--do_train",
43
+ "--do_eval",
44
+ "--do_predict"
45
+ ],
46
+ "state": "running",
47
+ "program": "run_flax_speech_recognition_seq2seq.py",
48
+ "codePath": "run_flax_speech_recognition_seq2seq.py",
49
+ "git": {
50
+ "remote": "https://huggingface.co/sanchit-gandhi/flax-wav2vec2-2-bart-dummy",
51
+ "commit": "5dfee5ca9b62c06b3731efc3524d24c1f57dc9c0"
52
+ },
53
+ "email": "sanchit@huggingface.co",
54
+ "root": "/home/sanchitgandhi/flax-wav2vec2-2-bart-dummy",
55
+ "host": "t1v-n-4eb331dd-w-0",
56
+ "username": "sanchitgandhi",
57
+ "executable": "/home/sanchitgandhi/venv/bin/python"
58
+ }
wandb/run-20220507_174148-2l3y3icw/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb": {"runtime": 6}}
wandb/run-20220507_174148-2l3y3icw/logs/debug-internal.log ADDED
@@ -0,0 +1,140 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 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
3
+ 2022-05-07 17:41:49,610 DEBUG SenderThread:14620 [sender.py:send():235] send: header
4
+ 2022-05-07 17:41:49,610 DEBUG SenderThread:14620 [sender.py:send():235] send: run
5
+ 2022-05-07 17:41:49,678 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: check_version
6
+ 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
7
+ 2022-05-07 17:41:49,678 INFO SenderThread:14620 [sender.py:_start_run_threads():812] run started: 2l3y3icw with start time 1651945308
8
+ 2022-05-07 17:41:49,678 DEBUG SenderThread:14620 [sender.py:send():235] send: summary
9
+ 2022-05-07 17:41:49,679 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
10
+ 2022-05-07 17:41:49,679 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: check_version
11
+ 2022-05-07 17:41:49,739 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: run_start
12
+ 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
13
+ 2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:__init__():37] meta init
14
+ 2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:__init__():51] meta init done
15
+ 2022-05-07 17:41:51,879 DEBUG HandlerThread:14620 [meta.py:probe():211] probe
16
+ 2022-05-07 17:41:51,880 DEBUG HandlerThread:14620 [meta.py:_setup_git():201] setup git
17
+ 2022-05-07 17:41:51,909 DEBUG HandlerThread:14620 [meta.py:_setup_git():208] setup git done
18
+ 2022-05-07 17:41:51,909 DEBUG HandlerThread:14620 [meta.py:_save_pip():55] save pip
19
+ 2022-05-07 17:41:51,910 DEBUG HandlerThread:14620 [meta.py:_save_pip():69] save pip done
20
+ 2022-05-07 17:41:51,910 DEBUG HandlerThread:14620 [meta.py:probe():249] probe done
21
+ 2022-05-07 17:41:51,912 DEBUG SenderThread:14620 [sender.py:send():235] send: files
22
+ 2022-05-07 17:41:51,913 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-metadata.json with policy now
23
+ 2022-05-07 17:41:51,918 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: stop_status
24
+ 2022-05-07 17:41:51,918 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: stop_status
25
+ 2022-05-07 17:41:51,948 DEBUG SenderThread:14620 [sender.py:send():235] send: telemetry
26
+ 2022-05-07 17:41:52,187 INFO Thread-11 :14620 [upload_job.py:push():137] Uploaded file /tmp/tmpandpth3dwandb/1ih5opi9-wandb-metadata.json
27
+ 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
28
+ 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
29
+ 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
30
+ 2022-05-07 17:41:53,838 DEBUG SenderThread:14620 [sender.py:send():235] send: telemetry
31
+ 2022-05-07 17:41:53,838 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: partial_history
32
+ 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
33
+ 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
34
+ 2022-05-07 17:41:56,439 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
35
+ 2022-05-07 17:41:56,439 DEBUG SenderThread:14620 [sender.py:send():235] send: exit
36
+ 2022-05-07 17:41:56,439 INFO SenderThread:14620 [sender.py:send_exit():371] handling exit code: 1
37
+ 2022-05-07 17:41:56,439 INFO SenderThread:14620 [sender.py:send_exit():373] handling runtime: 6
38
+ 2022-05-07 17:41:56,440 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
39
+ 2022-05-07 17:41:56,440 INFO SenderThread:14620 [sender.py:send_exit():379] send defer
40
+ 2022-05-07 17:41:56,440 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
41
+ 2022-05-07 17:41:56,441 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
42
+ 2022-05-07 17:41:56,441 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 0
43
+ 2022-05-07 17:41:56,441 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
44
+ 2022-05-07 17:41:56,441 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 0
45
+ 2022-05-07 17:41:56,441 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 1
46
+ 2022-05-07 17:41:56,441 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
47
+ 2022-05-07 17:41:56,441 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 1
48
+ 2022-05-07 17:41:56,501 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
49
+ 2022-05-07 17:41:56,501 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 1
50
+ 2022-05-07 17:41:56,501 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 2
51
+ 2022-05-07 17:41:56,501 DEBUG SenderThread:14620 [sender.py:send():235] send: stats
52
+ 2022-05-07 17:41:56,502 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
53
+ 2022-05-07 17:41:56,502 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 2
54
+ 2022-05-07 17:41:56,502 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
55
+ 2022-05-07 17:41:56,502 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 2
56
+ 2022-05-07 17:41:56,502 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 3
57
+ 2022-05-07 17:41:56,502 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
58
+ 2022-05-07 17:41:56,502 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 3
59
+ 2022-05-07 17:41:56,503 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
60
+ 2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 3
61
+ 2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 4
62
+ 2022-05-07 17:41:56,503 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
63
+ 2022-05-07 17:41:56,503 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 4
64
+ 2022-05-07 17:41:56,503 DEBUG SenderThread:14620 [sender.py:send():235] send: summary
65
+ 2022-05-07 17:41:56,503 INFO SenderThread:14620 [sender.py:_save_file():947] saving file wandb-summary.json with policy end
66
+ 2022-05-07 17:41:56,504 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
67
+ 2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 4
68
+ 2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 5
69
+ 2022-05-07 17:41:56,504 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
70
+ 2022-05-07 17:41:56,504 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 5
71
+ 2022-05-07 17:41:56,504 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
72
+ 2022-05-07 17:41:56,504 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 5
73
+ 2022-05-07 17:41:56,542 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
74
+ 2022-05-07 17:41:56,563 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 6
75
+ 2022-05-07 17:41:56,563 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
76
+ 2022-05-07 17:41:56,564 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
77
+ 2022-05-07 17:41:56,564 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 6
78
+ 2022-05-07 17:41:56,564 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
79
+ 2022-05-07 17:41:56,564 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 6
80
+ 2022-05-07 17:41:56,564 INFO SenderThread:14620 [dir_watcher.py:finish():283] shutting down directory watcher
81
+ 2022-05-07 17:41:56,665 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
82
+ 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
83
+ 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
84
+ 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
85
+ 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
86
+ 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
87
+ 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
88
+ 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
89
+ 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
90
+ 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
91
+ 2022-05-07 17:41:56,692 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 7
92
+ 2022-05-07 17:41:56,693 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
93
+ 2022-05-07 17:41:56,693 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
94
+ 2022-05-07 17:41:56,693 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 7
95
+ 2022-05-07 17:41:56,696 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
96
+ 2022-05-07 17:41:56,696 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 7
97
+ 2022-05-07 17:41:56,696 INFO SenderThread:14620 [file_pusher.py:finish():145] shutting down file pusher
98
+ 2022-05-07 17:41:56,794 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
99
+ 2022-05-07 17:41:56,794 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
100
+ 2022-05-07 17:41:56,896 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
101
+ 2022-05-07 17:41:56,896 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
102
+ 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
103
+ 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
104
+ 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
105
+ 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
106
+ 2022-05-07 17:41:56,998 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
107
+ 2022-05-07 17:41:56,998 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
108
+ 2022-05-07 17:41:57,100 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
109
+ 2022-05-07 17:41:57,100 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
110
+ 2022-05-07 17:41:57,189 INFO Thread-6 :14620 [sender.py:transition_state():392] send defer: 8
111
+ 2022-05-07 17:41:57,189 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
112
+ 2022-05-07 17:41:57,189 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 8
113
+ 2022-05-07 17:41:57,189 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
114
+ 2022-05-07 17:41:57,189 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 8
115
+ 2022-05-07 17:41:57,202 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
116
+ 2022-05-07 17:41:59,454 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 9
117
+ 2022-05-07 17:41:59,455 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
118
+ 2022-05-07 17:41:59,455 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
119
+ 2022-05-07 17:41:59,455 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 9
120
+ 2022-05-07 17:41:59,455 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
121
+ 2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 9
122
+ 2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:transition_state():392] send defer: 10
123
+ 2022-05-07 17:41:59,456 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: defer
124
+ 2022-05-07 17:41:59,456 INFO HandlerThread:14620 [handler.py:handle_request_defer():164] handle defer: 10
125
+ 2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send():235] send: final
126
+ 2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send():235] send: footer
127
+ 2022-05-07 17:41:59,456 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: defer
128
+ 2022-05-07 17:41:59,456 INFO SenderThread:14620 [sender.py:send_request_defer():388] handle sender defer: 10
129
+ 2022-05-07 17:41:59,556 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: poll_exit
130
+ 2022-05-07 17:41:59,557 DEBUG SenderThread:14620 [sender.py:send_request():249] send_request: poll_exit
131
+ 2022-05-07 17:41:59,557 INFO SenderThread:14620 [file_pusher.py:join():150] waiting for file pusher
132
+ 2022-05-07 17:42:00,139 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: sampled_history
133
+ 2022-05-07 17:42:00,140 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: get_summary
134
+ 2022-05-07 17:42:00,141 DEBUG HandlerThread:14620 [handler.py:handle_request():141] handle_request: shutdown
135
+ 2022-05-07 17:42:00,141 INFO HandlerThread:14620 [handler.py:finish():778] shutting down handler
136
+ 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
137
+ 2022-05-07 17:42:01,038 INFO SenderThread:14620 [sender.py:finish():1078] shutting down sender
138
+ 2022-05-07 17:42:01,038 INFO SenderThread:14620 [file_pusher.py:finish():145] shutting down file pusher
139
+ 2022-05-07 17:42:01,038 INFO SenderThread:14620 [file_pusher.py:join():150] waiting for file pusher
140
+ 2022-05-07 17:42:01,040 INFO MainThread:14620 [internal.py:handle_exit():82] Internal process exited
wandb/run-20220507_174148-2l3y3icw/logs/debug.log ADDED
@@ -0,0 +1,107 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Loading settings from /home/sanchitgandhi/.config/wandb/settings
2
+ 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
3
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
4
+ 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'}
5
+ 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
6
+ 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
7
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():439] calling init triggers
8
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():442] wandb.init called with sweep_config: {}
9
+ config: {}
10
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [wandb_init.py:init():492] starting backend
11
+ 2022-05-07 17:41:48,771 INFO MainThread:13561 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
12
+ 2022-05-07 17:41:48,796 INFO MainThread:13561 [backend.py:ensure_launched():219] starting backend process...
13
+ 2022-05-07 17:41:48,820 INFO MainThread:13561 [backend.py:ensure_launched():224] started backend process with pid: 14620
14
+ 2022-05-07 17:41:48,822 INFO MainThread:13561 [wandb_init.py:init():501] backend started and connected
15
+ 2022-05-07 17:41:48,835 INFO MainThread:13561 [wandb_init.py:init():565] updated telemetry
16
+ 2022-05-07 17:41:48,893 INFO MainThread:13561 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
17
+ 2022-05-07 17:41:49,677 INFO MainThread:13561 [wandb_run.py:_on_init():1759] communicating current version
18
+ 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"
19
+
20
+ 2022-05-07 17:41:49,738 INFO MainThread:13561 [wandb_init.py:init():625] starting run threads in backend
21
+ 2022-05-07 17:41:51,918 INFO MainThread:13561 [wandb_run.py:_console_start():1733] atexit reg
22
+ 2022-05-07 17:41:51,919 INFO MainThread:13561 [wandb_run.py:_redirect():1606] redirect: SettingsConsole.REDIRECT
23
+ 2022-05-07 17:41:51,919 INFO MainThread:13561 [wandb_run.py:_redirect():1611] Redirecting console.
24
+ 2022-05-07 17:41:51,921 INFO MainThread:13561 [wandb_run.py:_redirect():1667] Redirects installed.
25
+ 2022-05-07 17:41:51,921 INFO MainThread:13561 [wandb_init.py:init():664] run started, returning control to user process
26
+ 2022-05-07 17:41:53,831 INFO MainThread:13561 [wandb_run.py:_atexit_cleanup():1702] got exitcode: 1
27
+ 2022-05-07 17:41:53,838 INFO MainThread:13561 [wandb_run.py:_restore():1674] restore
28
+ 2022-05-07 17:41:56,441 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
29
+ wandb_count: 1
30
+ }
31
+ pusher_stats {
32
+ uploaded_bytes: 2109
33
+ total_bytes: 2109
34
+ }
35
+
36
+ 2022-05-07 17:41:56,564 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
37
+ wandb_count: 1
38
+ }
39
+ pusher_stats {
40
+ uploaded_bytes: 2109
41
+ total_bytes: 2109
42
+ }
43
+
44
+ 2022-05-07 17:41:56,693 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
45
+ wandb_count: 2
46
+ }
47
+ pusher_stats {
48
+ uploaded_bytes: 2109
49
+ total_bytes: 5322
50
+ }
51
+
52
+ 2022-05-07 17:41:56,795 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
53
+ wandb_count: 5
54
+ }
55
+ pusher_stats {
56
+ uploaded_bytes: 10695
57
+ total_bytes: 10695
58
+ }
59
+
60
+ 2022-05-07 17:41:56,897 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
61
+ wandb_count: 5
62
+ }
63
+ pusher_stats {
64
+ uploaded_bytes: 10695
65
+ total_bytes: 10695
66
+ }
67
+
68
+ 2022-05-07 17:41:56,999 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
69
+ wandb_count: 5
70
+ }
71
+ pusher_stats {
72
+ uploaded_bytes: 10695
73
+ total_bytes: 10695
74
+ }
75
+
76
+ 2022-05-07 17:41:57,101 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
77
+ wandb_count: 5
78
+ }
79
+ pusher_stats {
80
+ uploaded_bytes: 10695
81
+ total_bytes: 10695
82
+ }
83
+
84
+ 2022-05-07 17:41:59,455 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: file_counts {
85
+ wandb_count: 5
86
+ }
87
+ pusher_stats {
88
+ uploaded_bytes: 10695
89
+ total_bytes: 10695
90
+ }
91
+
92
+ 2022-05-07 17:42:00,038 INFO MainThread:13561 [wandb_run.py:_on_finish():1831] got exit ret: done: true
93
+ exit_result {
94
+ }
95
+ file_counts {
96
+ wandb_count: 5
97
+ }
98
+ pusher_stats {
99
+ uploaded_bytes: 10695
100
+ total_bytes: 10695
101
+ }
102
+ local_info {
103
+ }
104
+
105
+ 2022-05-07 17:42:01,470 INFO MainThread:13561 [wandb_run.py:_footer_history_summary_info():2865] rendering history
106
+ 2022-05-07 17:42:01,470 INFO MainThread:13561 [wandb_run.py:_footer_history_summary_info():2894] rendering summary
107
+ 2022-05-07 17:42:01,472 INFO MainThread:13561 [wandb_run.py:_footer_sync_info():2822] logging synced files
wandb/run-20220507_174148-2l3y3icw/run-2l3y3icw.wandb ADDED
Binary file (5.72 kB). View file
 
wandb/run-20220507_174257-1i5p0k1k/files/config.yaml ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ cli_version: 0.12.11
7
+ framework: huggingface
8
+ huggingface_version: 4.18.0.dev0
9
+ is_jupyter_run: false
10
+ is_kaggle_kernel: false
11
+ python_version: 3.8.10
12
+ start_time: 1651945377
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 2
17
+ - 3
18
+ - 11
19
+ - 12
20
+ - 45
21
+ - 49
22
+ - 51
23
+ 2:
24
+ - 1
25
+ - 2
26
+ - 3
27
+ - 5
28
+ - 11
29
+ - 12
30
+ - 45
31
+ - 49
32
+ - 51
33
+ 4: 3.8.10
34
+ 5: 0.12.11
35
+ 6: 4.18.0.dev0
36
+ 8:
37
+ - 5
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_11_20_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_13_25_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_16_30_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_18_35_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_21_40_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_23_45_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_26_50_f901d5b4b0d1263be066.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_28_55_f901d5b4b0d1263be066.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_31_60_f901d5b4b0d1263be066.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_33_65_92ae240f2472ae79ad31.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_3_5_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_6_10_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/eval/epoch_8_15_9e9b5d32dc07660953d8.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_67_b59f86c33aa51dff79ab.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:90%]/epoch_34_incorrect_67_b59f86c33aa51dff79ab.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}
wandb/run-20220507_174257-1i5p0k1k/files/media/table/validation[:95%]/epoch_34_67_a7d6e656cdc47be11a4d.table.json ADDED
@@ -0,0 +1 @@
 
 
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"]]}