update
Browse files- README.md +219 -0
- added_tokens.json +1611 -0
- all_results.json +8 -0
- config.json +47 -0
- generation_config.json +745 -0
- merges.txt +0 -0
- model.safetensors +3 -0
- normalizer.json +1742 -0
- preprocessor_config.json +14 -0
- special_tokens_map.json +139 -0
- tokenizer_config.json +0 -0
- train_results.json +8 -0
- trainer_state.json +798 -0
- training_args.bin +3 -0
- transcribe.py +56 -0
- utils.py +29 -0
- vocab.json +0 -0
README.md
ADDED
@@ -0,0 +1,219 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
license: cc-by-nc-4.0
|
3 |
+
language:
|
4 |
+
- de
|
5 |
+
- en
|
6 |
+
base_model: openai/whisper-large-v3
|
7 |
+
metrics:
|
8 |
+
- cer
|
9 |
+
- wer
|
10 |
+
pipeline_tag: automatic-speech-recognition
|
11 |
+
library_name: transformers
|
12 |
+
---
|
13 |
+
# CrisperWhisper
|
14 |
+
|
15 |
+
**CrisperWhisper** is an advanced variant of OpenAI's Whisper, designed for fast, precise, and verbatim speech recognition with accurate (**crisp**) word-level timestamps. Unlike the original Whisper, which tends to omit disfluencies and follows more of a intended transcription style, CrisperWhisper aims to transcribe every spoken word exactly as it is, including fillers, pauses, stutters and false starts. Checkout our repo for more details: https://github.com/nyrahealth/CrisperWhisper/blob/develop/README.md
|
16 |
+
|
17 |
+
## Key Features
|
18 |
+
|
19 |
+
- 🎯 **Accurate Word-Level Timestamps**: Provides precise timestamps, even around disfluencies and pauses, by utilizing an adjusted tokenizer and a custom attention loss during training.
|
20 |
+
- 📝 **Verbatim Transcription**: Transcribes every spoken word exactly as it is, including and differentiating fillers like "um" and "uh".
|
21 |
+
- 🔍 **Filler Detection**: Detects and accurately transcribes fillers.
|
22 |
+
- 🛡️ **Hallucination Mitigation**: Minimizes transcription hallucinations to enhance accuracy.
|
23 |
+
|
24 |
+
## Table of Contents
|
25 |
+
|
26 |
+
- [Key Features](#key-features)
|
27 |
+
- [Highlights](#highlights)
|
28 |
+
- [Performance Overview](#1-performance-overview)
|
29 |
+
- [Qualitative Performance Overview](#11-qualitative-performance-overview)
|
30 |
+
- [Quantitative Performance Overview](#12-quantitative-performance-overview)
|
31 |
+
- [Transcription Performance](#transcription-performance)
|
32 |
+
- [Segmentation Performance](#segmentation-performance)
|
33 |
+
- [Usage](#2-usage)
|
34 |
+
- [with transformers](#21-usage-with-🤗-transformers)
|
35 |
+
- [How?](#3-How?)
|
36 |
+
|
37 |
+
|
38 |
+
## Highlights
|
39 |
+
|
40 |
+
- 🏆 **1st place** on the [OpenASR Leaderboard](https://huggingface.co/spaces/hf-audio/open_asr_leaderboard) in verbatim datasets (TED, AMI)
|
41 |
+
- 🎓 **Accepted at INTERSPEECH 2024**.
|
42 |
+
- 📄 **Paper Drop**: Check out our [paper](https://arxiv.org/abs/2408.16589) for details and reasoning behind our tokenizer adjustment.
|
43 |
+
- ✨ **New Feature**: Not mentioned in the paper is a added AttentionLoss to further improve timestamp accuracy. By specifically adding a loss to train the attention scores used for the DTW alignment using timestamped data we significantly boosted the alignment performance.
|
44 |
+
|
45 |
+
|
46 |
+
|
47 |
+
## 1. Performance Overview
|
48 |
+
|
49 |
+
### 1.1 Qualitative Performance Overview
|
50 |
+
|
51 |
+
|
52 |
+
| Audio | Whisper Large V3 | Crisper Whisper |
|
53 |
+
|-------|------------------------|------------------------|
|
54 |
+
| [Demo de 1](https://github.com/user-attachments/assets/c8608ca8-5e02-4c4a-afd3-8f7c5bff75d5) | Er war kein Genie, aber doch ein fähiger Ingenieur. | Es ist zwar kein. Er ist zwar kein Genie, aber doch ein fähiger Ingenieur.|
|
55 |
+
| [Demo de 2](https://github.com/user-attachments/assets/c68414b1-0f84-441c-b39b-29069487edb6) | Leider müssen wir in diesen schweren Zeiten auch unserem Tagesgeschäft nachgehen. Der hier vorgelegte Kulturhaushalt der Ampelregierung strebt an, den Erfolgskurs der Union zumindest fiskalisch fortzuführen. | Leider [UH] müssen wir in diesen [UH] schweren Zeiten auch [UH] unserem [UH] Tagesgeschäft nachgehen. Der hier [UH] vorgelegte [UH] Kulturhaushalt der [UH] Ampelregierung strebt an, den [UH] Erfolgskurs der Union [UH] zumindest [UH] fiskalisch fortzuführen. Es. |
|
56 |
+
| [Demo de 3](https://github.com/user-attachments/assets/0c1ed60c-2829-47e4-b7ba-eb584b0a5e9a) | die über alle FRA-Fraktionen hinweg gut im Blick behalten sollten, auch weil sie teilweise sehr teeteuer sind. Aber nicht nur, weil sie teeteuer sind. Wir steigen mit diesem Endentwurf ein in die sogenannten Pandemie-Bereitschaftsverträge.| Die über alle Fr Fraktionen hinweg gut im [UH] Blick behalten sollten, auch weil sie teil teilweise sehr te teuer sind. Aber nicht nur, weil sie te teuer sind. Wir [UH] steigen mit diesem Ent Entwurf ein in die sogenannten Pand Pandemiebereitschaftsverträge. |
|
57 |
+
| [Demo en 1](https://github.com/user-attachments/assets/cde5d69c-657f-4ae4-b4ae-b958ea2eacc5) | alternative is you can get like, you have those Dr. Bronner's| Alternative is you can get like [UH] you have those, you know, those doctor Brahmer's. |
|
58 |
+
| [Demo en 2](https://github.com/user-attachments/assets/906e307d-5613-4c41-9c61-65f4beede1fd) | influence our natural surrounding? How does it influence our ecosystem? | Influence our [UM] our [UH] our natural surrounding. How does it influence our ecosystem? |
|
59 |
+
| [Demo en 3](https://github.com/user-attachments/assets/6c09cd58-a574-4697-9a7e-92e416cf2522) | and always find a place on the street to park and it was easy and you weren't a long distance away from wherever it was that you were trying to go. So I remember that being a lot of fun and easy to do and there were nice places to go and good events to attend. Come downtown and you had the Warner Theater and | And always find a place on the street to park. And and it was it was easy and you weren't a long distance away from wherever it was that you were trying to go. So, I I I remember that being a lot of fun and easy to do and there were nice places to go and, [UM] i good events to attend. Come downtown and you had the Warner Theater and, [UM] |
|
60 |
+
| [Demo en 4](https://github.com/user-attachments/assets/7df19486-5e4e-4443-8528-09b07dddf61a) | you know, more masculine, who were rough, and that definitely wasn't me. Then, you know, I was very smart because my father made sure I was smart, you know. So, you know, I hung around those people, you know. And then you had the ones that were just out doing things that they shouldn't have been doing also. So, yeah, I was in the little geek squad. You were in the little geek squad. Yeah. | you know, more masculine, who were rough, and that definitely wasn't me. Then, you know, I was very smart because my father made sure I was smart. You know, so, [UM] you know, I I hung around those people, you know. And then you had the ones that were just just out doing things that they shouldn't have been doing also. So yeah, I was the l I was in the little geek squad. Do you |
|
61 |
+
|
62 |
+
### 1.2 Quantitative Performance Overview
|
63 |
+
|
64 |
+
#### Transcription Performance
|
65 |
+
|
66 |
+
CrisperWhisper significantly outperforms Whisper Large v3, especially on datasets that have a more verbatim transcription style in the ground truth, such as AMI and TED-LIUM.
|
67 |
+
|
68 |
+
| Dataset | CrisperWhisper | Whisper Large v3 |
|
69 |
+
|----------------------|:--------------:|:----------------:|
|
70 |
+
| [AMI](https://huggingface.co/datasets/edinburghcstr/ami) | **8.72** | 16.01 |
|
71 |
+
| [Earnings22](https://huggingface.co/datasets/revdotcom/earnings22) | 12.37 | **11.3** |
|
72 |
+
| [GigaSpeech](https://huggingface.co/datasets/speechcolab/gigaspeech) | 10.27 | **10.02** |
|
73 |
+
| [LibriSpeech clean](https://huggingface.co/datasets/openslr/librispeech_asr) | **1.74** | 2.03 |
|
74 |
+
| [LibriSpeech other](https://huggingface.co/datasets/openslr/librispeech_asr) | 3.97 | **3.91** |
|
75 |
+
| [SPGISpeech](https://huggingface.co/datasets/kensho/spgispeech) | **2.71** | 2.95 |
|
76 |
+
| [TED-LIUM](https://huggingface.co/datasets/LIUM/tedlium) | **3.35** | 3.9 |
|
77 |
+
| [VoxPopuli](https://huggingface.co/datasets/facebook/voxpopuli) | **8.61** | 9.52 |
|
78 |
+
| [CommonVoice](https://huggingface.co/datasets/mozilla-foundation/common_voice_9_0) | **8.19** | 9.67 |
|
79 |
+
| **Average WER** | **6.66** | 7.7 |
|
80 |
+
|
81 |
+
#### Segmentation Performance
|
82 |
+
|
83 |
+
CrisperWhisper demonstrates superior performance segmentation performance. This performance gap is especially pronounced around disfluencies and pauses.
|
84 |
+
The following table uses the metrics as defined in the paper. For this table we used a collar of 50ms. Heads for each Model were selected using the method described in the [How](#5-how) section and the result attaining the highest F1 Score was choosen for each model using varying number of heads.
|
85 |
+
|
86 |
+
| Dataset | Metric | CrisperWhisper | Whisper Large v2 | Whisper Large v3 |
|
87 |
+
|---------|--------|------------------|------------------|------------------|
|
88 |
+
| [AMI IHM](https://groups.inf.ed.ac.uk/ami/corpus/) | F1 Score | **0.79** | 0.63 | 0.66 |
|
89 |
+
| | Avg IOU | **0.67** | 0.54 | 0.53 |
|
90 |
+
| [Common Voice](https://commonvoice.mozilla.org/en/datasets) | F1 Score | **0.80** | 0.42 | 0.48 |
|
91 |
+
| | Avg IOU | **0.70** | 0.32 | 0.43 |
|
92 |
+
| [TIMIT](https://catalog.ldc.upenn.edu/LDC93S1) | F1 Score | **0.69** | 0.40 | 0.54 |
|
93 |
+
| | Avg IOU | **0.56** | 0.32 | 0.43 |
|
94 |
+
|
95 |
+
|
96 |
+
## 2. Usage
|
97 |
+
|
98 |
+
Here's how to use CrisperWhisper in your Python scripts:
|
99 |
+
|
100 |
+
### 2.1 Usage with 🤗 transformers
|
101 |
+
|
102 |
+
|
103 |
+
```python
|
104 |
+
import os
|
105 |
+
import sys
|
106 |
+
import torch
|
107 |
+
|
108 |
+
from datasets import load_dataset
|
109 |
+
from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline
|
110 |
+
|
111 |
+
def adjust_pauses_for_hf_pipeline_output(pipeline_output, split_threshold=0.12):
|
112 |
+
"""
|
113 |
+
Adjust pause timings by distributing pauses up to the threshold evenly between adjacent words.
|
114 |
+
"""
|
115 |
+
|
116 |
+
adjusted_chunks = pipeline_output["chunks"].copy()
|
117 |
+
|
118 |
+
for i in range(len(adjusted_chunks) - 1):
|
119 |
+
current_chunk = adjusted_chunks[i]
|
120 |
+
next_chunk = adjusted_chunks[i + 1]
|
121 |
+
|
122 |
+
current_start, current_end = current_chunk["timestamp"]
|
123 |
+
next_start, next_end = next_chunk["timestamp"]
|
124 |
+
pause_duration = next_start - current_end
|
125 |
+
|
126 |
+
if pause_duration > 0:
|
127 |
+
if pause_duration > split_threshold:
|
128 |
+
distribute = split_threshold / 2
|
129 |
+
else:
|
130 |
+
distribute = pause_duration / 2
|
131 |
+
|
132 |
+
# Adjust current chunk end time
|
133 |
+
adjusted_chunks[i]["timestamp"] = (current_start, current_end + distribute)
|
134 |
+
|
135 |
+
# Adjust next chunk start time
|
136 |
+
adjusted_chunks[i + 1]["timestamp"] = (next_start - distribute, next_end)
|
137 |
+
pipeline_output["chunks"] = adjusted_chunks
|
138 |
+
|
139 |
+
return pipeline_output
|
140 |
+
|
141 |
+
|
142 |
+
device = "cuda:0" if torch.cuda.is_available() else "cpu"
|
143 |
+
torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32
|
144 |
+
|
145 |
+
model_id = "nyrahealth/CrisperWhisper"
|
146 |
+
|
147 |
+
model = AutoModelForSpeechSeq2Seq.from_pretrained(
|
148 |
+
model_id, torch_dtype=torch_dtype, low_cpu_mem_usage=True, use_safetensors=True
|
149 |
+
)
|
150 |
+
model.to(device)
|
151 |
+
|
152 |
+
processor = AutoProcessor.from_pretrained(model_id)
|
153 |
+
|
154 |
+
pipe = pipeline(
|
155 |
+
"automatic-speech-recognition",
|
156 |
+
model=model,
|
157 |
+
tokenizer=processor.tokenizer,
|
158 |
+
feature_extractor=processor.feature_extractor,
|
159 |
+
chunk_length_s=30,
|
160 |
+
batch_size=16,
|
161 |
+
return_timestamps='word',
|
162 |
+
torch_dtype=torch_dtype,
|
163 |
+
device=device,
|
164 |
+
)
|
165 |
+
|
166 |
+
dataset = load_dataset("distil-whisper/librispeech_long", "clean", split="validation")
|
167 |
+
sample = dataset[0]["audio"]
|
168 |
+
hf_pipeline_output = pipe(sample)
|
169 |
+
crisper_whisper_result = adjust_pauses_for_hf_pipeline_output(hf_pipeline_output)
|
170 |
+
print(crisper_whisper_result)
|
171 |
+
```
|
172 |
+
|
173 |
+
read more about the reasoning behind the pause distribution logic in our paper.
|
174 |
+
|
175 |
+
## 3. How?
|
176 |
+
|
177 |
+
We employ the popular Dynamic Time Warping (DTW) on the Whisper cross-attention scores, as detailed in our [paper](https://arxiv.org/abs/2408.16589) to derive word-level timestamps. By leveraging our retokenization process, this method allows us to consistently detect pauses. Given that the accuracy of the timestamps heavily depends on the DTW cost matrix and, consequently, on the quality of the cross-attentions, we developed a specialized loss function for the selected alignment heads to enhance precision.
|
178 |
+
|
179 |
+
Although this loss function was not included in the original [paper](https://arxiv.org/abs/2408.16589) due to time constraints preventing the completion of experiments and training before the submission deadline, it has been used to train our publicly available models.
|
180 |
+
Key Features of this loss are as follows:
|
181 |
+
|
182 |
+
1. **Data Preparation**
|
183 |
+
- We used datasets with word-level timestamp annotations, such as [AMI IHM](https://groups.inf.ed.ac.uk/ami/corpus/) and [TIMIT](https://catalog.ldc.upenn.edu/LDC93S1) , but required additional timestamped data.
|
184 |
+
- To address this, we validated the alignment accuracy of several forced alignment tools using a small hand-labeled dataset.
|
185 |
+
- Based on this validation, we chose the [PyTorch CTC aligner](https://pytorch.org/audio/main/tutorials/ctc_forced_alignment_api_tutorial.html) to generate more time-aligned data from the CommonVoice dataset.
|
186 |
+
- Because the [PyTorch CTC aligner](https://pytorch.org/audio/main/tutorials/ctc_forced_alignment_api_tutorial.html) tends to overestimate pause durations, we applied the same pause-splitting method detailed in our [paper](...) to correct these errors. The effectiveness of this correction was confirmed using our hand-labeled dataset.
|
187 |
+
|
188 |
+
2. **Token-Word Alignment**
|
189 |
+
- Due to retokenization as detailed in our [paper](https://arxiv.org/abs/2408.16589), each token is either part of a word or a pause/space, but never both
|
190 |
+
- Therefore each token can be cleanly aligned to a word OR a space/pause
|
191 |
+
|
192 |
+
3. **Ground Truth Cross-Attention**
|
193 |
+
- We define the cross-attention ground truth for tokens as the L2-normalized vector, where:
|
194 |
+
- A value of 1 indicates that the word is active according to the word-level ground truth timestamp.
|
195 |
+
- A value of 0 indicates that no attention should be paid.
|
196 |
+
- To account for small inaccuracies in the ground truth timestamps, we apply a linear interpolation of 4 steps (8 milliseconds) on both sides of the ground truth vector, transitioning smoothly from 0 to 1.
|
197 |
+
|
198 |
+
4. **Loss Calculation**
|
199 |
+
- The loss function is defined as `1 - cosine similarity` between the predicted cross-attention vector (when predicting a token) and the ground truth cross-attention vector.
|
200 |
+
- This loss is averaged across all predicted tokens and alignment heads.
|
201 |
+
|
202 |
+
5. **Alignment Head selection**
|
203 |
+
- To choose the heads for alignment we evaluated the alignment performance of each individual decoder attention head on the timestamped timit dataset.
|
204 |
+
- We choose the 15 best performing heads and finetune them using our attention loss.
|
205 |
+
|
206 |
+
6. **Training Details**
|
207 |
+
- Since most of our samples during training were shorter than 30 seconds we shift the audio sample and corresponding timestamp ground truth around with a 50% probability to mitigate the cross attentions ,,overfitting" to early positions of the encoder output.
|
208 |
+
- If we have more than 40ms of silence (before or after shifting) we prepend the ground truth transcript ( and corresponding cross attention ground truth) with a space so the model has to accurately predict the starting time of the first word.
|
209 |
+
- We use [WavLM](https://arxiv.org/abs/2110.13900) augmentations during Training adding random speech samples or noise to the audio wave to generally increase robustness of the transcription and stability of the alignment heads.
|
210 |
+
- We clip ,,predicted" values in the cross attention vectors 4 seconds before and 4 seconds after the groundtruth word they belong to to 0. This is to decrease the dimensionality of the cross attention vector and therefore emphasize the attention where it counts in the loss and ultimately for the alignment.
|
211 |
+
- With a probability of 1% we use samples containing exclusively noise where the model has to return a empty prediction to improve hallucination.
|
212 |
+
- The Model is trained on a mixture of english and german datasets so we only gurantee good performance on these languages
|
213 |
+
- The Model is trained in three stages, in the first stage we use around 10000 hours of audio to adjust Whisper to the new tokenizer. In the second stage we exclusively use high quality datasets that are transcribed in a verbatim fashion. Finally we continue training on this verbatim mixture and add the attention loss for another 6000 steps.
|
214 |
+
|
215 |
+
|
216 |
+
## License
|
217 |
+
---
|
218 |
+
license: cc-by-nc-4.0
|
219 |
+
---
|
added_tokens.json
ADDED
@@ -0,0 +1,1611 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"<|0.00|>": 50365,
|
3 |
+
"<|0.02|>": 50366,
|
4 |
+
"<|0.04|>": 50367,
|
5 |
+
"<|0.06|>": 50368,
|
6 |
+
"<|0.08|>": 50369,
|
7 |
+
"<|0.10|>": 50370,
|
8 |
+
"<|0.12|>": 50371,
|
9 |
+
"<|0.14|>": 50372,
|
10 |
+
"<|0.16|>": 50373,
|
11 |
+
"<|0.18|>": 50374,
|
12 |
+
"<|0.20|>": 50375,
|
13 |
+
"<|0.22|>": 50376,
|
14 |
+
"<|0.24|>": 50377,
|
15 |
+
"<|0.26|>": 50378,
|
16 |
+
"<|0.28|>": 50379,
|
17 |
+
"<|0.30|>": 50380,
|
18 |
+
"<|0.32|>": 50381,
|
19 |
+
"<|0.34|>": 50382,
|
20 |
+
"<|0.36|>": 50383,
|
21 |
+
"<|0.38|>": 50384,
|
22 |
+
"<|0.40|>": 50385,
|
23 |
+
"<|0.42|>": 50386,
|
24 |
+
"<|0.44|>": 50387,
|
25 |
+
"<|0.46|>": 50388,
|
26 |
+
"<|0.48|>": 50389,
|
27 |
+
"<|0.50|>": 50390,
|
28 |
+
"<|0.52|>": 50391,
|
29 |
+
"<|0.54|>": 50392,
|
30 |
+
"<|0.56|>": 50393,
|
31 |
+
"<|0.58|>": 50394,
|
32 |
+
"<|0.60|>": 50395,
|
33 |
+
"<|0.62|>": 50396,
|
34 |
+
"<|0.64|>": 50397,
|
35 |
+
"<|0.66|>": 50398,
|
36 |
+
"<|0.68|>": 50399,
|
37 |
+
"<|0.70|>": 50400,
|
38 |
+
"<|0.72|>": 50401,
|
39 |
+
"<|0.74|>": 50402,
|
40 |
+
"<|0.76|>": 50403,
|
41 |
+
"<|0.78|>": 50404,
|
42 |
+
"<|0.80|>": 50405,
|
43 |
+
"<|0.82|>": 50406,
|
44 |
+
"<|0.84|>": 50407,
|
45 |
+
"<|0.86|>": 50408,
|
46 |
+
"<|0.88|>": 50409,
|
47 |
+
"<|0.90|>": 50410,
|
48 |
+
"<|0.92|>": 50411,
|
49 |
+
"<|0.94|>": 50412,
|
50 |
+
"<|0.96|>": 50413,
|
51 |
+
"<|0.98|>": 50414,
|
52 |
+
"<|1.00|>": 50415,
|
53 |
+
"<|1.02|>": 50416,
|
54 |
+
"<|1.04|>": 50417,
|
55 |
+
"<|1.06|>": 50418,
|
56 |
+
"<|1.08|>": 50419,
|
57 |
+
"<|1.10|>": 50420,
|
58 |
+
"<|1.12|>": 50421,
|
59 |
+
"<|1.14|>": 50422,
|
60 |
+
"<|1.16|>": 50423,
|
61 |
+
"<|1.18|>": 50424,
|
62 |
+
"<|1.20|>": 50425,
|
63 |
+
"<|1.22|>": 50426,
|
64 |
+
"<|1.24|>": 50427,
|
65 |
+
"<|1.26|>": 50428,
|
66 |
+
"<|1.28|>": 50429,
|
67 |
+
"<|1.30|>": 50430,
|
68 |
+
"<|1.32|>": 50431,
|
69 |
+
"<|1.34|>": 50432,
|
70 |
+
"<|1.36|>": 50433,
|
71 |
+
"<|1.38|>": 50434,
|
72 |
+
"<|1.40|>": 50435,
|
73 |
+
"<|1.42|>": 50436,
|
74 |
+
"<|1.44|>": 50437,
|
75 |
+
"<|1.46|>": 50438,
|
76 |
+
"<|1.48|>": 50439,
|
77 |
+
"<|1.50|>": 50440,
|
78 |
+
"<|1.52|>": 50441,
|
79 |
+
"<|1.54|>": 50442,
|
80 |
+
"<|1.56|>": 50443,
|
81 |
+
"<|1.58|>": 50444,
|
82 |
+
"<|1.60|>": 50445,
|
83 |
+
"<|1.62|>": 50446,
|
84 |
+
"<|1.64|>": 50447,
|
85 |
+
"<|1.66|>": 50448,
|
86 |
+
"<|1.68|>": 50449,
|
87 |
+
"<|1.70|>": 50450,
|
88 |
+
"<|1.72|>": 50451,
|
89 |
+
"<|1.74|>": 50452,
|
90 |
+
"<|1.76|>": 50453,
|
91 |
+
"<|1.78|>": 50454,
|
92 |
+
"<|1.80|>": 50455,
|
93 |
+
"<|1.82|>": 50456,
|
94 |
+
"<|1.84|>": 50457,
|
95 |
+
"<|1.86|>": 50458,
|
96 |
+
"<|1.88|>": 50459,
|
97 |
+
"<|1.90|>": 50460,
|
98 |
+
"<|1.92|>": 50461,
|
99 |
+
"<|1.94|>": 50462,
|
100 |
+
"<|1.96|>": 50463,
|
101 |
+
"<|1.98|>": 50464,
|
102 |
+
"<|10.00|>": 50865,
|
103 |
+
"<|10.02|>": 50866,
|
104 |
+
"<|10.04|>": 50867,
|
105 |
+
"<|10.06|>": 50868,
|
106 |
+
"<|10.08|>": 50869,
|
107 |
+
"<|10.10|>": 50870,
|
108 |
+
"<|10.12|>": 50871,
|
109 |
+
"<|10.14|>": 50872,
|
110 |
+
"<|10.16|>": 50873,
|
111 |
+
"<|10.18|>": 50874,
|
112 |
+
"<|10.20|>": 50875,
|
113 |
+
"<|10.22|>": 50876,
|
114 |
+
"<|10.24|>": 50877,
|
115 |
+
"<|10.26|>": 50878,
|
116 |
+
"<|10.28|>": 50879,
|
117 |
+
"<|10.30|>": 50880,
|
118 |
+
"<|10.32|>": 50881,
|
119 |
+
"<|10.34|>": 50882,
|
120 |
+
"<|10.36|>": 50883,
|
121 |
+
"<|10.38|>": 50884,
|
122 |
+
"<|10.40|>": 50885,
|
123 |
+
"<|10.42|>": 50886,
|
124 |
+
"<|10.44|>": 50887,
|
125 |
+
"<|10.46|>": 50888,
|
126 |
+
"<|10.48|>": 50889,
|
127 |
+
"<|10.50|>": 50890,
|
128 |
+
"<|10.52|>": 50891,
|
129 |
+
"<|10.54|>": 50892,
|
130 |
+
"<|10.56|>": 50893,
|
131 |
+
"<|10.58|>": 50894,
|
132 |
+
"<|10.60|>": 50895,
|
133 |
+
"<|10.62|>": 50896,
|
134 |
+
"<|10.64|>": 50897,
|
135 |
+
"<|10.66|>": 50898,
|
136 |
+
"<|10.68|>": 50899,
|
137 |
+
"<|10.70|>": 50900,
|
138 |
+
"<|10.72|>": 50901,
|
139 |
+
"<|10.74|>": 50902,
|
140 |
+
"<|10.76|>": 50903,
|
141 |
+
"<|10.78|>": 50904,
|
142 |
+
"<|10.80|>": 50905,
|
143 |
+
"<|10.82|>": 50906,
|
144 |
+
"<|10.84|>": 50907,
|
145 |
+
"<|10.86|>": 50908,
|
146 |
+
"<|10.88|>": 50909,
|
147 |
+
"<|10.90|>": 50910,
|
148 |
+
"<|10.92|>": 50911,
|
149 |
+
"<|10.94|>": 50912,
|
150 |
+
"<|10.96|>": 50913,
|
151 |
+
"<|10.98|>": 50914,
|
152 |
+
"<|11.00|>": 50915,
|
153 |
+
"<|11.02|>": 50916,
|
154 |
+
"<|11.04|>": 50917,
|
155 |
+
"<|11.06|>": 50918,
|
156 |
+
"<|11.08|>": 50919,
|
157 |
+
"<|11.10|>": 50920,
|
158 |
+
"<|11.12|>": 50921,
|
159 |
+
"<|11.14|>": 50922,
|
160 |
+
"<|11.16|>": 50923,
|
161 |
+
"<|11.18|>": 50924,
|
162 |
+
"<|11.20|>": 50925,
|
163 |
+
"<|11.22|>": 50926,
|
164 |
+
"<|11.24|>": 50927,
|
165 |
+
"<|11.26|>": 50928,
|
166 |
+
"<|11.28|>": 50929,
|
167 |
+
"<|11.30|>": 50930,
|
168 |
+
"<|11.32|>": 50931,
|
169 |
+
"<|11.34|>": 50932,
|
170 |
+
"<|11.36|>": 50933,
|
171 |
+
"<|11.38|>": 50934,
|
172 |
+
"<|11.40|>": 50935,
|
173 |
+
"<|11.42|>": 50936,
|
174 |
+
"<|11.44|>": 50937,
|
175 |
+
"<|11.46|>": 50938,
|
176 |
+
"<|11.48|>": 50939,
|
177 |
+
"<|11.50|>": 50940,
|
178 |
+
"<|11.52|>": 50941,
|
179 |
+
"<|11.54|>": 50942,
|
180 |
+
"<|11.56|>": 50943,
|
181 |
+
"<|11.58|>": 50944,
|
182 |
+
"<|11.60|>": 50945,
|
183 |
+
"<|11.62|>": 50946,
|
184 |
+
"<|11.64|>": 50947,
|
185 |
+
"<|11.66|>": 50948,
|
186 |
+
"<|11.68|>": 50949,
|
187 |
+
"<|11.70|>": 50950,
|
188 |
+
"<|11.72|>": 50951,
|
189 |
+
"<|11.74|>": 50952,
|
190 |
+
"<|11.76|>": 50953,
|
191 |
+
"<|11.78|>": 50954,
|
192 |
+
"<|11.80|>": 50955,
|
193 |
+
"<|11.82|>": 50956,
|
194 |
+
"<|11.84|>": 50957,
|
195 |
+
"<|11.86|>": 50958,
|
196 |
+
"<|11.88|>": 50959,
|
197 |
+
"<|11.90|>": 50960,
|
198 |
+
"<|11.92|>": 50961,
|
199 |
+
"<|11.94|>": 50962,
|
200 |
+
"<|11.96|>": 50963,
|
201 |
+
"<|11.98|>": 50964,
|
202 |
+
"<|12.00|>": 50965,
|
203 |
+
"<|12.02|>": 50966,
|
204 |
+
"<|12.04|>": 50967,
|
205 |
+
"<|12.06|>": 50968,
|
206 |
+
"<|12.08|>": 50969,
|
207 |
+
"<|12.10|>": 50970,
|
208 |
+
"<|12.12|>": 50971,
|
209 |
+
"<|12.14|>": 50972,
|
210 |
+
"<|12.16|>": 50973,
|
211 |
+
"<|12.18|>": 50974,
|
212 |
+
"<|12.20|>": 50975,
|
213 |
+
"<|12.22|>": 50976,
|
214 |
+
"<|12.24|>": 50977,
|
215 |
+
"<|12.26|>": 50978,
|
216 |
+
"<|12.28|>": 50979,
|
217 |
+
"<|12.30|>": 50980,
|
218 |
+
"<|12.32|>": 50981,
|
219 |
+
"<|12.34|>": 50982,
|
220 |
+
"<|12.36|>": 50983,
|
221 |
+
"<|12.38|>": 50984,
|
222 |
+
"<|12.40|>": 50985,
|
223 |
+
"<|12.42|>": 50986,
|
224 |
+
"<|12.44|>": 50987,
|
225 |
+
"<|12.46|>": 50988,
|
226 |
+
"<|12.48|>": 50989,
|
227 |
+
"<|12.50|>": 50990,
|
228 |
+
"<|12.52|>": 50991,
|
229 |
+
"<|12.54|>": 50992,
|
230 |
+
"<|12.56|>": 50993,
|
231 |
+
"<|12.58|>": 50994,
|
232 |
+
"<|12.60|>": 50995,
|
233 |
+
"<|12.62|>": 50996,
|
234 |
+
"<|12.64|>": 50997,
|
235 |
+
"<|12.66|>": 50998,
|
236 |
+
"<|12.68|>": 50999,
|
237 |
+
"<|12.70|>": 51000,
|
238 |
+
"<|12.72|>": 51001,
|
239 |
+
"<|12.74|>": 51002,
|
240 |
+
"<|12.76|>": 51003,
|
241 |
+
"<|12.78|>": 51004,
|
242 |
+
"<|12.80|>": 51005,
|
243 |
+
"<|12.82|>": 51006,
|
244 |
+
"<|12.84|>": 51007,
|
245 |
+
"<|12.86|>": 51008,
|
246 |
+
"<|12.88|>": 51009,
|
247 |
+
"<|12.90|>": 51010,
|
248 |
+
"<|12.92|>": 51011,
|
249 |
+
"<|12.94|>": 51012,
|
250 |
+
"<|12.96|>": 51013,
|
251 |
+
"<|12.98|>": 51014,
|
252 |
+
"<|13.00|>": 51015,
|
253 |
+
"<|13.02|>": 51016,
|
254 |
+
"<|13.04|>": 51017,
|
255 |
+
"<|13.06|>": 51018,
|
256 |
+
"<|13.08|>": 51019,
|
257 |
+
"<|13.10|>": 51020,
|
258 |
+
"<|13.12|>": 51021,
|
259 |
+
"<|13.14|>": 51022,
|
260 |
+
"<|13.16|>": 51023,
|
261 |
+
"<|13.18|>": 51024,
|
262 |
+
"<|13.20|>": 51025,
|
263 |
+
"<|13.22|>": 51026,
|
264 |
+
"<|13.24|>": 51027,
|
265 |
+
"<|13.26|>": 51028,
|
266 |
+
"<|13.28|>": 51029,
|
267 |
+
"<|13.30|>": 51030,
|
268 |
+
"<|13.32|>": 51031,
|
269 |
+
"<|13.34|>": 51032,
|
270 |
+
"<|13.36|>": 51033,
|
271 |
+
"<|13.38|>": 51034,
|
272 |
+
"<|13.40|>": 51035,
|
273 |
+
"<|13.42|>": 51036,
|
274 |
+
"<|13.44|>": 51037,
|
275 |
+
"<|13.46|>": 51038,
|
276 |
+
"<|13.48|>": 51039,
|
277 |
+
"<|13.50|>": 51040,
|
278 |
+
"<|13.52|>": 51041,
|
279 |
+
"<|13.54|>": 51042,
|
280 |
+
"<|13.56|>": 51043,
|
281 |
+
"<|13.58|>": 51044,
|
282 |
+
"<|13.60|>": 51045,
|
283 |
+
"<|13.62|>": 51046,
|
284 |
+
"<|13.64|>": 51047,
|
285 |
+
"<|13.66|>": 51048,
|
286 |
+
"<|13.68|>": 51049,
|
287 |
+
"<|13.70|>": 51050,
|
288 |
+
"<|13.72|>": 51051,
|
289 |
+
"<|13.74|>": 51052,
|
290 |
+
"<|13.76|>": 51053,
|
291 |
+
"<|13.78|>": 51054,
|
292 |
+
"<|13.80|>": 51055,
|
293 |
+
"<|13.82|>": 51056,
|
294 |
+
"<|13.84|>": 51057,
|
295 |
+
"<|13.86|>": 51058,
|
296 |
+
"<|13.88|>": 51059,
|
297 |
+
"<|13.90|>": 51060,
|
298 |
+
"<|13.92|>": 51061,
|
299 |
+
"<|13.94|>": 51062,
|
300 |
+
"<|13.96|>": 51063,
|
301 |
+
"<|13.98|>": 51064,
|
302 |
+
"<|14.00|>": 51065,
|
303 |
+
"<|14.02|>": 51066,
|
304 |
+
"<|14.04|>": 51067,
|
305 |
+
"<|14.06|>": 51068,
|
306 |
+
"<|14.08|>": 51069,
|
307 |
+
"<|14.10|>": 51070,
|
308 |
+
"<|14.12|>": 51071,
|
309 |
+
"<|14.14|>": 51072,
|
310 |
+
"<|14.16|>": 51073,
|
311 |
+
"<|14.18|>": 51074,
|
312 |
+
"<|14.20|>": 51075,
|
313 |
+
"<|14.22|>": 51076,
|
314 |
+
"<|14.24|>": 51077,
|
315 |
+
"<|14.26|>": 51078,
|
316 |
+
"<|14.28|>": 51079,
|
317 |
+
"<|14.30|>": 51080,
|
318 |
+
"<|14.32|>": 51081,
|
319 |
+
"<|14.34|>": 51082,
|
320 |
+
"<|14.36|>": 51083,
|
321 |
+
"<|14.38|>": 51084,
|
322 |
+
"<|14.40|>": 51085,
|
323 |
+
"<|14.42|>": 51086,
|
324 |
+
"<|14.44|>": 51087,
|
325 |
+
"<|14.46|>": 51088,
|
326 |
+
"<|14.48|>": 51089,
|
327 |
+
"<|14.50|>": 51090,
|
328 |
+
"<|14.52|>": 51091,
|
329 |
+
"<|14.54|>": 51092,
|
330 |
+
"<|14.56|>": 51093,
|
331 |
+
"<|14.58|>": 51094,
|
332 |
+
"<|14.60|>": 51095,
|
333 |
+
"<|14.62|>": 51096,
|
334 |
+
"<|14.64|>": 51097,
|
335 |
+
"<|14.66|>": 51098,
|
336 |
+
"<|14.68|>": 51099,
|
337 |
+
"<|14.70|>": 51100,
|
338 |
+
"<|14.72|>": 51101,
|
339 |
+
"<|14.74|>": 51102,
|
340 |
+
"<|14.76|>": 51103,
|
341 |
+
"<|14.78|>": 51104,
|
342 |
+
"<|14.80|>": 51105,
|
343 |
+
"<|14.82|>": 51106,
|
344 |
+
"<|14.84|>": 51107,
|
345 |
+
"<|14.86|>": 51108,
|
346 |
+
"<|14.88|>": 51109,
|
347 |
+
"<|14.90|>": 51110,
|
348 |
+
"<|14.92|>": 51111,
|
349 |
+
"<|14.94|>": 51112,
|
350 |
+
"<|14.96|>": 51113,
|
351 |
+
"<|14.98|>": 51114,
|
352 |
+
"<|15.00|>": 51115,
|
353 |
+
"<|15.02|>": 51116,
|
354 |
+
"<|15.04|>": 51117,
|
355 |
+
"<|15.06|>": 51118,
|
356 |
+
"<|15.08|>": 51119,
|
357 |
+
"<|15.10|>": 51120,
|
358 |
+
"<|15.12|>": 51121,
|
359 |
+
"<|15.14|>": 51122,
|
360 |
+
"<|15.16|>": 51123,
|
361 |
+
"<|15.18|>": 51124,
|
362 |
+
"<|15.20|>": 51125,
|
363 |
+
"<|15.22|>": 51126,
|
364 |
+
"<|15.24|>": 51127,
|
365 |
+
"<|15.26|>": 51128,
|
366 |
+
"<|15.28|>": 51129,
|
367 |
+
"<|15.30|>": 51130,
|
368 |
+
"<|15.32|>": 51131,
|
369 |
+
"<|15.34|>": 51132,
|
370 |
+
"<|15.36|>": 51133,
|
371 |
+
"<|15.38|>": 51134,
|
372 |
+
"<|15.40|>": 51135,
|
373 |
+
"<|15.42|>": 51136,
|
374 |
+
"<|15.44|>": 51137,
|
375 |
+
"<|15.46|>": 51138,
|
376 |
+
"<|15.48|>": 51139,
|
377 |
+
"<|15.50|>": 51140,
|
378 |
+
"<|15.52|>": 51141,
|
379 |
+
"<|15.54|>": 51142,
|
380 |
+
"<|15.56|>": 51143,
|
381 |
+
"<|15.58|>": 51144,
|
382 |
+
"<|15.60|>": 51145,
|
383 |
+
"<|15.62|>": 51146,
|
384 |
+
"<|15.64|>": 51147,
|
385 |
+
"<|15.66|>": 51148,
|
386 |
+
"<|15.68|>": 51149,
|
387 |
+
"<|15.70|>": 51150,
|
388 |
+
"<|15.72|>": 51151,
|
389 |
+
"<|15.74|>": 51152,
|
390 |
+
"<|15.76|>": 51153,
|
391 |
+
"<|15.78|>": 51154,
|
392 |
+
"<|15.80|>": 51155,
|
393 |
+
"<|15.82|>": 51156,
|
394 |
+
"<|15.84|>": 51157,
|
395 |
+
"<|15.86|>": 51158,
|
396 |
+
"<|15.88|>": 51159,
|
397 |
+
"<|15.90|>": 51160,
|
398 |
+
"<|15.92|>": 51161,
|
399 |
+
"<|15.94|>": 51162,
|
400 |
+
"<|15.96|>": 51163,
|
401 |
+
"<|15.98|>": 51164,
|
402 |
+
"<|16.00|>": 51165,
|
403 |
+
"<|16.02|>": 51166,
|
404 |
+
"<|16.04|>": 51167,
|
405 |
+
"<|16.06|>": 51168,
|
406 |
+
"<|16.08|>": 51169,
|
407 |
+
"<|16.10|>": 51170,
|
408 |
+
"<|16.12|>": 51171,
|
409 |
+
"<|16.14|>": 51172,
|
410 |
+
"<|16.16|>": 51173,
|
411 |
+
"<|16.18|>": 51174,
|
412 |
+
"<|16.20|>": 51175,
|
413 |
+
"<|16.22|>": 51176,
|
414 |
+
"<|16.24|>": 51177,
|
415 |
+
"<|16.26|>": 51178,
|
416 |
+
"<|16.28|>": 51179,
|
417 |
+
"<|16.30|>": 51180,
|
418 |
+
"<|16.32|>": 51181,
|
419 |
+
"<|16.34|>": 51182,
|
420 |
+
"<|16.36|>": 51183,
|
421 |
+
"<|16.38|>": 51184,
|
422 |
+
"<|16.40|>": 51185,
|
423 |
+
"<|16.42|>": 51186,
|
424 |
+
"<|16.44|>": 51187,
|
425 |
+
"<|16.46|>": 51188,
|
426 |
+
"<|16.48|>": 51189,
|
427 |
+
"<|16.50|>": 51190,
|
428 |
+
"<|16.52|>": 51191,
|
429 |
+
"<|16.54|>": 51192,
|
430 |
+
"<|16.56|>": 51193,
|
431 |
+
"<|16.58|>": 51194,
|
432 |
+
"<|16.60|>": 51195,
|
433 |
+
"<|16.62|>": 51196,
|
434 |
+
"<|16.64|>": 51197,
|
435 |
+
"<|16.66|>": 51198,
|
436 |
+
"<|16.68|>": 51199,
|
437 |
+
"<|16.70|>": 51200,
|
438 |
+
"<|16.72|>": 51201,
|
439 |
+
"<|16.74|>": 51202,
|
440 |
+
"<|16.76|>": 51203,
|
441 |
+
"<|16.78|>": 51204,
|
442 |
+
"<|16.80|>": 51205,
|
443 |
+
"<|16.82|>": 51206,
|
444 |
+
"<|16.84|>": 51207,
|
445 |
+
"<|16.86|>": 51208,
|
446 |
+
"<|16.88|>": 51209,
|
447 |
+
"<|16.90|>": 51210,
|
448 |
+
"<|16.92|>": 51211,
|
449 |
+
"<|16.94|>": 51212,
|
450 |
+
"<|16.96|>": 51213,
|
451 |
+
"<|16.98|>": 51214,
|
452 |
+
"<|17.00|>": 51215,
|
453 |
+
"<|17.02|>": 51216,
|
454 |
+
"<|17.04|>": 51217,
|
455 |
+
"<|17.06|>": 51218,
|
456 |
+
"<|17.08|>": 51219,
|
457 |
+
"<|17.10|>": 51220,
|
458 |
+
"<|17.12|>": 51221,
|
459 |
+
"<|17.14|>": 51222,
|
460 |
+
"<|17.16|>": 51223,
|
461 |
+
"<|17.18|>": 51224,
|
462 |
+
"<|17.20|>": 51225,
|
463 |
+
"<|17.22|>": 51226,
|
464 |
+
"<|17.24|>": 51227,
|
465 |
+
"<|17.26|>": 51228,
|
466 |
+
"<|17.28|>": 51229,
|
467 |
+
"<|17.30|>": 51230,
|
468 |
+
"<|17.32|>": 51231,
|
469 |
+
"<|17.34|>": 51232,
|
470 |
+
"<|17.36|>": 51233,
|
471 |
+
"<|17.38|>": 51234,
|
472 |
+
"<|17.40|>": 51235,
|
473 |
+
"<|17.42|>": 51236,
|
474 |
+
"<|17.44|>": 51237,
|
475 |
+
"<|17.46|>": 51238,
|
476 |
+
"<|17.48|>": 51239,
|
477 |
+
"<|17.50|>": 51240,
|
478 |
+
"<|17.52|>": 51241,
|
479 |
+
"<|17.54|>": 51242,
|
480 |
+
"<|17.56|>": 51243,
|
481 |
+
"<|17.58|>": 51244,
|
482 |
+
"<|17.60|>": 51245,
|
483 |
+
"<|17.62|>": 51246,
|
484 |
+
"<|17.64|>": 51247,
|
485 |
+
"<|17.66|>": 51248,
|
486 |
+
"<|17.68|>": 51249,
|
487 |
+
"<|17.70|>": 51250,
|
488 |
+
"<|17.72|>": 51251,
|
489 |
+
"<|17.74|>": 51252,
|
490 |
+
"<|17.76|>": 51253,
|
491 |
+
"<|17.78|>": 51254,
|
492 |
+
"<|17.80|>": 51255,
|
493 |
+
"<|17.82|>": 51256,
|
494 |
+
"<|17.84|>": 51257,
|
495 |
+
"<|17.86|>": 51258,
|
496 |
+
"<|17.88|>": 51259,
|
497 |
+
"<|17.90|>": 51260,
|
498 |
+
"<|17.92|>": 51261,
|
499 |
+
"<|17.94|>": 51262,
|
500 |
+
"<|17.96|>": 51263,
|
501 |
+
"<|17.98|>": 51264,
|
502 |
+
"<|18.00|>": 51265,
|
503 |
+
"<|18.02|>": 51266,
|
504 |
+
"<|18.04|>": 51267,
|
505 |
+
"<|18.06|>": 51268,
|
506 |
+
"<|18.08|>": 51269,
|
507 |
+
"<|18.10|>": 51270,
|
508 |
+
"<|18.12|>": 51271,
|
509 |
+
"<|18.14|>": 51272,
|
510 |
+
"<|18.16|>": 51273,
|
511 |
+
"<|18.18|>": 51274,
|
512 |
+
"<|18.20|>": 51275,
|
513 |
+
"<|18.22|>": 51276,
|
514 |
+
"<|18.24|>": 51277,
|
515 |
+
"<|18.26|>": 51278,
|
516 |
+
"<|18.28|>": 51279,
|
517 |
+
"<|18.30|>": 51280,
|
518 |
+
"<|18.32|>": 51281,
|
519 |
+
"<|18.34|>": 51282,
|
520 |
+
"<|18.36|>": 51283,
|
521 |
+
"<|18.38|>": 51284,
|
522 |
+
"<|18.40|>": 51285,
|
523 |
+
"<|18.42|>": 51286,
|
524 |
+
"<|18.44|>": 51287,
|
525 |
+
"<|18.46|>": 51288,
|
526 |
+
"<|18.48|>": 51289,
|
527 |
+
"<|18.50|>": 51290,
|
528 |
+
"<|18.52|>": 51291,
|
529 |
+
"<|18.54|>": 51292,
|
530 |
+
"<|18.56|>": 51293,
|
531 |
+
"<|18.58|>": 51294,
|
532 |
+
"<|18.60|>": 51295,
|
533 |
+
"<|18.62|>": 51296,
|
534 |
+
"<|18.64|>": 51297,
|
535 |
+
"<|18.66|>": 51298,
|
536 |
+
"<|18.68|>": 51299,
|
537 |
+
"<|18.70|>": 51300,
|
538 |
+
"<|18.72|>": 51301,
|
539 |
+
"<|18.74|>": 51302,
|
540 |
+
"<|18.76|>": 51303,
|
541 |
+
"<|18.78|>": 51304,
|
542 |
+
"<|18.80|>": 51305,
|
543 |
+
"<|18.82|>": 51306,
|
544 |
+
"<|18.84|>": 51307,
|
545 |
+
"<|18.86|>": 51308,
|
546 |
+
"<|18.88|>": 51309,
|
547 |
+
"<|18.90|>": 51310,
|
548 |
+
"<|18.92|>": 51311,
|
549 |
+
"<|18.94|>": 51312,
|
550 |
+
"<|18.96|>": 51313,
|
551 |
+
"<|18.98|>": 51314,
|
552 |
+
"<|19.00|>": 51315,
|
553 |
+
"<|19.02|>": 51316,
|
554 |
+
"<|19.04|>": 51317,
|
555 |
+
"<|19.06|>": 51318,
|
556 |
+
"<|19.08|>": 51319,
|
557 |
+
"<|19.10|>": 51320,
|
558 |
+
"<|19.12|>": 51321,
|
559 |
+
"<|19.14|>": 51322,
|
560 |
+
"<|19.16|>": 51323,
|
561 |
+
"<|19.18|>": 51324,
|
562 |
+
"<|19.20|>": 51325,
|
563 |
+
"<|19.22|>": 51326,
|
564 |
+
"<|19.24|>": 51327,
|
565 |
+
"<|19.26|>": 51328,
|
566 |
+
"<|19.28|>": 51329,
|
567 |
+
"<|19.30|>": 51330,
|
568 |
+
"<|19.32|>": 51331,
|
569 |
+
"<|19.34|>": 51332,
|
570 |
+
"<|19.36|>": 51333,
|
571 |
+
"<|19.38|>": 51334,
|
572 |
+
"<|19.40|>": 51335,
|
573 |
+
"<|19.42|>": 51336,
|
574 |
+
"<|19.44|>": 51337,
|
575 |
+
"<|19.46|>": 51338,
|
576 |
+
"<|19.48|>": 51339,
|
577 |
+
"<|19.50|>": 51340,
|
578 |
+
"<|19.52|>": 51341,
|
579 |
+
"<|19.54|>": 51342,
|
580 |
+
"<|19.56|>": 51343,
|
581 |
+
"<|19.58|>": 51344,
|
582 |
+
"<|19.60|>": 51345,
|
583 |
+
"<|19.62|>": 51346,
|
584 |
+
"<|19.64|>": 51347,
|
585 |
+
"<|19.66|>": 51348,
|
586 |
+
"<|19.68|>": 51349,
|
587 |
+
"<|19.70|>": 51350,
|
588 |
+
"<|19.72|>": 51351,
|
589 |
+
"<|19.74|>": 51352,
|
590 |
+
"<|19.76|>": 51353,
|
591 |
+
"<|19.78|>": 51354,
|
592 |
+
"<|19.80|>": 51355,
|
593 |
+
"<|19.82|>": 51356,
|
594 |
+
"<|19.84|>": 51357,
|
595 |
+
"<|19.86|>": 51358,
|
596 |
+
"<|19.88|>": 51359,
|
597 |
+
"<|19.90|>": 51360,
|
598 |
+
"<|19.92|>": 51361,
|
599 |
+
"<|19.94|>": 51362,
|
600 |
+
"<|19.96|>": 51363,
|
601 |
+
"<|19.98|>": 51364,
|
602 |
+
"<|2.00|>": 50465,
|
603 |
+
"<|2.02|>": 50466,
|
604 |
+
"<|2.04|>": 50467,
|
605 |
+
"<|2.06|>": 50468,
|
606 |
+
"<|2.08|>": 50469,
|
607 |
+
"<|2.10|>": 50470,
|
608 |
+
"<|2.12|>": 50471,
|
609 |
+
"<|2.14|>": 50472,
|
610 |
+
"<|2.16|>": 50473,
|
611 |
+
"<|2.18|>": 50474,
|
612 |
+
"<|2.20|>": 50475,
|
613 |
+
"<|2.22|>": 50476,
|
614 |
+
"<|2.24|>": 50477,
|
615 |
+
"<|2.26|>": 50478,
|
616 |
+
"<|2.28|>": 50479,
|
617 |
+
"<|2.30|>": 50480,
|
618 |
+
"<|2.32|>": 50481,
|
619 |
+
"<|2.34|>": 50482,
|
620 |
+
"<|2.36|>": 50483,
|
621 |
+
"<|2.38|>": 50484,
|
622 |
+
"<|2.40|>": 50485,
|
623 |
+
"<|2.42|>": 50486,
|
624 |
+
"<|2.44|>": 50487,
|
625 |
+
"<|2.46|>": 50488,
|
626 |
+
"<|2.48|>": 50489,
|
627 |
+
"<|2.50|>": 50490,
|
628 |
+
"<|2.52|>": 50491,
|
629 |
+
"<|2.54|>": 50492,
|
630 |
+
"<|2.56|>": 50493,
|
631 |
+
"<|2.58|>": 50494,
|
632 |
+
"<|2.60|>": 50495,
|
633 |
+
"<|2.62|>": 50496,
|
634 |
+
"<|2.64|>": 50497,
|
635 |
+
"<|2.66|>": 50498,
|
636 |
+
"<|2.68|>": 50499,
|
637 |
+
"<|2.70|>": 50500,
|
638 |
+
"<|2.72|>": 50501,
|
639 |
+
"<|2.74|>": 50502,
|
640 |
+
"<|2.76|>": 50503,
|
641 |
+
"<|2.78|>": 50504,
|
642 |
+
"<|2.80|>": 50505,
|
643 |
+
"<|2.82|>": 50506,
|
644 |
+
"<|2.84|>": 50507,
|
645 |
+
"<|2.86|>": 50508,
|
646 |
+
"<|2.88|>": 50509,
|
647 |
+
"<|2.90|>": 50510,
|
648 |
+
"<|2.92|>": 50511,
|
649 |
+
"<|2.94|>": 50512,
|
650 |
+
"<|2.96|>": 50513,
|
651 |
+
"<|2.98|>": 50514,
|
652 |
+
"<|20.00|>": 51365,
|
653 |
+
"<|20.02|>": 51366,
|
654 |
+
"<|20.04|>": 51367,
|
655 |
+
"<|20.06|>": 51368,
|
656 |
+
"<|20.08|>": 51369,
|
657 |
+
"<|20.10|>": 51370,
|
658 |
+
"<|20.12|>": 51371,
|
659 |
+
"<|20.14|>": 51372,
|
660 |
+
"<|20.16|>": 51373,
|
661 |
+
"<|20.18|>": 51374,
|
662 |
+
"<|20.20|>": 51375,
|
663 |
+
"<|20.22|>": 51376,
|
664 |
+
"<|20.24|>": 51377,
|
665 |
+
"<|20.26|>": 51378,
|
666 |
+
"<|20.28|>": 51379,
|
667 |
+
"<|20.30|>": 51380,
|
668 |
+
"<|20.32|>": 51381,
|
669 |
+
"<|20.34|>": 51382,
|
670 |
+
"<|20.36|>": 51383,
|
671 |
+
"<|20.38|>": 51384,
|
672 |
+
"<|20.40|>": 51385,
|
673 |
+
"<|20.42|>": 51386,
|
674 |
+
"<|20.44|>": 51387,
|
675 |
+
"<|20.46|>": 51388,
|
676 |
+
"<|20.48|>": 51389,
|
677 |
+
"<|20.50|>": 51390,
|
678 |
+
"<|20.52|>": 51391,
|
679 |
+
"<|20.54|>": 51392,
|
680 |
+
"<|20.56|>": 51393,
|
681 |
+
"<|20.58|>": 51394,
|
682 |
+
"<|20.60|>": 51395,
|
683 |
+
"<|20.62|>": 51396,
|
684 |
+
"<|20.64|>": 51397,
|
685 |
+
"<|20.66|>": 51398,
|
686 |
+
"<|20.68|>": 51399,
|
687 |
+
"<|20.70|>": 51400,
|
688 |
+
"<|20.72|>": 51401,
|
689 |
+
"<|20.74|>": 51402,
|
690 |
+
"<|20.76|>": 51403,
|
691 |
+
"<|20.78|>": 51404,
|
692 |
+
"<|20.80|>": 51405,
|
693 |
+
"<|20.82|>": 51406,
|
694 |
+
"<|20.84|>": 51407,
|
695 |
+
"<|20.86|>": 51408,
|
696 |
+
"<|20.88|>": 51409,
|
697 |
+
"<|20.90|>": 51410,
|
698 |
+
"<|20.92|>": 51411,
|
699 |
+
"<|20.94|>": 51412,
|
700 |
+
"<|20.96|>": 51413,
|
701 |
+
"<|20.98|>": 51414,
|
702 |
+
"<|21.00|>": 51415,
|
703 |
+
"<|21.02|>": 51416,
|
704 |
+
"<|21.04|>": 51417,
|
705 |
+
"<|21.06|>": 51418,
|
706 |
+
"<|21.08|>": 51419,
|
707 |
+
"<|21.10|>": 51420,
|
708 |
+
"<|21.12|>": 51421,
|
709 |
+
"<|21.14|>": 51422,
|
710 |
+
"<|21.16|>": 51423,
|
711 |
+
"<|21.18|>": 51424,
|
712 |
+
"<|21.20|>": 51425,
|
713 |
+
"<|21.22|>": 51426,
|
714 |
+
"<|21.24|>": 51427,
|
715 |
+
"<|21.26|>": 51428,
|
716 |
+
"<|21.28|>": 51429,
|
717 |
+
"<|21.30|>": 51430,
|
718 |
+
"<|21.32|>": 51431,
|
719 |
+
"<|21.34|>": 51432,
|
720 |
+
"<|21.36|>": 51433,
|
721 |
+
"<|21.38|>": 51434,
|
722 |
+
"<|21.40|>": 51435,
|
723 |
+
"<|21.42|>": 51436,
|
724 |
+
"<|21.44|>": 51437,
|
725 |
+
"<|21.46|>": 51438,
|
726 |
+
"<|21.48|>": 51439,
|
727 |
+
"<|21.50|>": 51440,
|
728 |
+
"<|21.52|>": 51441,
|
729 |
+
"<|21.54|>": 51442,
|
730 |
+
"<|21.56|>": 51443,
|
731 |
+
"<|21.58|>": 51444,
|
732 |
+
"<|21.60|>": 51445,
|
733 |
+
"<|21.62|>": 51446,
|
734 |
+
"<|21.64|>": 51447,
|
735 |
+
"<|21.66|>": 51448,
|
736 |
+
"<|21.68|>": 51449,
|
737 |
+
"<|21.70|>": 51450,
|
738 |
+
"<|21.72|>": 51451,
|
739 |
+
"<|21.74|>": 51452,
|
740 |
+
"<|21.76|>": 51453,
|
741 |
+
"<|21.78|>": 51454,
|
742 |
+
"<|21.80|>": 51455,
|
743 |
+
"<|21.82|>": 51456,
|
744 |
+
"<|21.84|>": 51457,
|
745 |
+
"<|21.86|>": 51458,
|
746 |
+
"<|21.88|>": 51459,
|
747 |
+
"<|21.90|>": 51460,
|
748 |
+
"<|21.92|>": 51461,
|
749 |
+
"<|21.94|>": 51462,
|
750 |
+
"<|21.96|>": 51463,
|
751 |
+
"<|21.98|>": 51464,
|
752 |
+
"<|22.00|>": 51465,
|
753 |
+
"<|22.02|>": 51466,
|
754 |
+
"<|22.04|>": 51467,
|
755 |
+
"<|22.06|>": 51468,
|
756 |
+
"<|22.08|>": 51469,
|
757 |
+
"<|22.10|>": 51470,
|
758 |
+
"<|22.12|>": 51471,
|
759 |
+
"<|22.14|>": 51472,
|
760 |
+
"<|22.16|>": 51473,
|
761 |
+
"<|22.18|>": 51474,
|
762 |
+
"<|22.20|>": 51475,
|
763 |
+
"<|22.22|>": 51476,
|
764 |
+
"<|22.24|>": 51477,
|
765 |
+
"<|22.26|>": 51478,
|
766 |
+
"<|22.28|>": 51479,
|
767 |
+
"<|22.30|>": 51480,
|
768 |
+
"<|22.32|>": 51481,
|
769 |
+
"<|22.34|>": 51482,
|
770 |
+
"<|22.36|>": 51483,
|
771 |
+
"<|22.38|>": 51484,
|
772 |
+
"<|22.40|>": 51485,
|
773 |
+
"<|22.42|>": 51486,
|
774 |
+
"<|22.44|>": 51487,
|
775 |
+
"<|22.46|>": 51488,
|
776 |
+
"<|22.48|>": 51489,
|
777 |
+
"<|22.50|>": 51490,
|
778 |
+
"<|22.52|>": 51491,
|
779 |
+
"<|22.54|>": 51492,
|
780 |
+
"<|22.56|>": 51493,
|
781 |
+
"<|22.58|>": 51494,
|
782 |
+
"<|22.60|>": 51495,
|
783 |
+
"<|22.62|>": 51496,
|
784 |
+
"<|22.64|>": 51497,
|
785 |
+
"<|22.66|>": 51498,
|
786 |
+
"<|22.68|>": 51499,
|
787 |
+
"<|22.70|>": 51500,
|
788 |
+
"<|22.72|>": 51501,
|
789 |
+
"<|22.74|>": 51502,
|
790 |
+
"<|22.76|>": 51503,
|
791 |
+
"<|22.78|>": 51504,
|
792 |
+
"<|22.80|>": 51505,
|
793 |
+
"<|22.82|>": 51506,
|
794 |
+
"<|22.84|>": 51507,
|
795 |
+
"<|22.86|>": 51508,
|
796 |
+
"<|22.88|>": 51509,
|
797 |
+
"<|22.90|>": 51510,
|
798 |
+
"<|22.92|>": 51511,
|
799 |
+
"<|22.94|>": 51512,
|
800 |
+
"<|22.96|>": 51513,
|
801 |
+
"<|22.98|>": 51514,
|
802 |
+
"<|23.00|>": 51515,
|
803 |
+
"<|23.02|>": 51516,
|
804 |
+
"<|23.04|>": 51517,
|
805 |
+
"<|23.06|>": 51518,
|
806 |
+
"<|23.08|>": 51519,
|
807 |
+
"<|23.10|>": 51520,
|
808 |
+
"<|23.12|>": 51521,
|
809 |
+
"<|23.14|>": 51522,
|
810 |
+
"<|23.16|>": 51523,
|
811 |
+
"<|23.18|>": 51524,
|
812 |
+
"<|23.20|>": 51525,
|
813 |
+
"<|23.22|>": 51526,
|
814 |
+
"<|23.24|>": 51527,
|
815 |
+
"<|23.26|>": 51528,
|
816 |
+
"<|23.28|>": 51529,
|
817 |
+
"<|23.30|>": 51530,
|
818 |
+
"<|23.32|>": 51531,
|
819 |
+
"<|23.34|>": 51532,
|
820 |
+
"<|23.36|>": 51533,
|
821 |
+
"<|23.38|>": 51534,
|
822 |
+
"<|23.40|>": 51535,
|
823 |
+
"<|23.42|>": 51536,
|
824 |
+
"<|23.44|>": 51537,
|
825 |
+
"<|23.46|>": 51538,
|
826 |
+
"<|23.48|>": 51539,
|
827 |
+
"<|23.50|>": 51540,
|
828 |
+
"<|23.52|>": 51541,
|
829 |
+
"<|23.54|>": 51542,
|
830 |
+
"<|23.56|>": 51543,
|
831 |
+
"<|23.58|>": 51544,
|
832 |
+
"<|23.60|>": 51545,
|
833 |
+
"<|23.62|>": 51546,
|
834 |
+
"<|23.64|>": 51547,
|
835 |
+
"<|23.66|>": 51548,
|
836 |
+
"<|23.68|>": 51549,
|
837 |
+
"<|23.70|>": 51550,
|
838 |
+
"<|23.72|>": 51551,
|
839 |
+
"<|23.74|>": 51552,
|
840 |
+
"<|23.76|>": 51553,
|
841 |
+
"<|23.78|>": 51554,
|
842 |
+
"<|23.80|>": 51555,
|
843 |
+
"<|23.82|>": 51556,
|
844 |
+
"<|23.84|>": 51557,
|
845 |
+
"<|23.86|>": 51558,
|
846 |
+
"<|23.88|>": 51559,
|
847 |
+
"<|23.90|>": 51560,
|
848 |
+
"<|23.92|>": 51561,
|
849 |
+
"<|23.94|>": 51562,
|
850 |
+
"<|23.96|>": 51563,
|
851 |
+
"<|23.98|>": 51564,
|
852 |
+
"<|24.00|>": 51565,
|
853 |
+
"<|24.02|>": 51566,
|
854 |
+
"<|24.04|>": 51567,
|
855 |
+
"<|24.06|>": 51568,
|
856 |
+
"<|24.08|>": 51569,
|
857 |
+
"<|24.10|>": 51570,
|
858 |
+
"<|24.12|>": 51571,
|
859 |
+
"<|24.14|>": 51572,
|
860 |
+
"<|24.16|>": 51573,
|
861 |
+
"<|24.18|>": 51574,
|
862 |
+
"<|24.20|>": 51575,
|
863 |
+
"<|24.22|>": 51576,
|
864 |
+
"<|24.24|>": 51577,
|
865 |
+
"<|24.26|>": 51578,
|
866 |
+
"<|24.28|>": 51579,
|
867 |
+
"<|24.30|>": 51580,
|
868 |
+
"<|24.32|>": 51581,
|
869 |
+
"<|24.34|>": 51582,
|
870 |
+
"<|24.36|>": 51583,
|
871 |
+
"<|24.38|>": 51584,
|
872 |
+
"<|24.40|>": 51585,
|
873 |
+
"<|24.42|>": 51586,
|
874 |
+
"<|24.44|>": 51587,
|
875 |
+
"<|24.46|>": 51588,
|
876 |
+
"<|24.48|>": 51589,
|
877 |
+
"<|24.50|>": 51590,
|
878 |
+
"<|24.52|>": 51591,
|
879 |
+
"<|24.54|>": 51592,
|
880 |
+
"<|24.56|>": 51593,
|
881 |
+
"<|24.58|>": 51594,
|
882 |
+
"<|24.60|>": 51595,
|
883 |
+
"<|24.62|>": 51596,
|
884 |
+
"<|24.64|>": 51597,
|
885 |
+
"<|24.66|>": 51598,
|
886 |
+
"<|24.68|>": 51599,
|
887 |
+
"<|24.70|>": 51600,
|
888 |
+
"<|24.72|>": 51601,
|
889 |
+
"<|24.74|>": 51602,
|
890 |
+
"<|24.76|>": 51603,
|
891 |
+
"<|24.78|>": 51604,
|
892 |
+
"<|24.80|>": 51605,
|
893 |
+
"<|24.82|>": 51606,
|
894 |
+
"<|24.84|>": 51607,
|
895 |
+
"<|24.86|>": 51608,
|
896 |
+
"<|24.88|>": 51609,
|
897 |
+
"<|24.90|>": 51610,
|
898 |
+
"<|24.92|>": 51611,
|
899 |
+
"<|24.94|>": 51612,
|
900 |
+
"<|24.96|>": 51613,
|
901 |
+
"<|24.98|>": 51614,
|
902 |
+
"<|25.00|>": 51615,
|
903 |
+
"<|25.02|>": 51616,
|
904 |
+
"<|25.04|>": 51617,
|
905 |
+
"<|25.06|>": 51618,
|
906 |
+
"<|25.08|>": 51619,
|
907 |
+
"<|25.10|>": 51620,
|
908 |
+
"<|25.12|>": 51621,
|
909 |
+
"<|25.14|>": 51622,
|
910 |
+
"<|25.16|>": 51623,
|
911 |
+
"<|25.18|>": 51624,
|
912 |
+
"<|25.20|>": 51625,
|
913 |
+
"<|25.22|>": 51626,
|
914 |
+
"<|25.24|>": 51627,
|
915 |
+
"<|25.26|>": 51628,
|
916 |
+
"<|25.28|>": 51629,
|
917 |
+
"<|25.30|>": 51630,
|
918 |
+
"<|25.32|>": 51631,
|
919 |
+
"<|25.34|>": 51632,
|
920 |
+
"<|25.36|>": 51633,
|
921 |
+
"<|25.38|>": 51634,
|
922 |
+
"<|25.40|>": 51635,
|
923 |
+
"<|25.42|>": 51636,
|
924 |
+
"<|25.44|>": 51637,
|
925 |
+
"<|25.46|>": 51638,
|
926 |
+
"<|25.48|>": 51639,
|
927 |
+
"<|25.50|>": 51640,
|
928 |
+
"<|25.52|>": 51641,
|
929 |
+
"<|25.54|>": 51642,
|
930 |
+
"<|25.56|>": 51643,
|
931 |
+
"<|25.58|>": 51644,
|
932 |
+
"<|25.60|>": 51645,
|
933 |
+
"<|25.62|>": 51646,
|
934 |
+
"<|25.64|>": 51647,
|
935 |
+
"<|25.66|>": 51648,
|
936 |
+
"<|25.68|>": 51649,
|
937 |
+
"<|25.70|>": 51650,
|
938 |
+
"<|25.72|>": 51651,
|
939 |
+
"<|25.74|>": 51652,
|
940 |
+
"<|25.76|>": 51653,
|
941 |
+
"<|25.78|>": 51654,
|
942 |
+
"<|25.80|>": 51655,
|
943 |
+
"<|25.82|>": 51656,
|
944 |
+
"<|25.84|>": 51657,
|
945 |
+
"<|25.86|>": 51658,
|
946 |
+
"<|25.88|>": 51659,
|
947 |
+
"<|25.90|>": 51660,
|
948 |
+
"<|25.92|>": 51661,
|
949 |
+
"<|25.94|>": 51662,
|
950 |
+
"<|25.96|>": 51663,
|
951 |
+
"<|25.98|>": 51664,
|
952 |
+
"<|26.00|>": 51665,
|
953 |
+
"<|26.02|>": 51666,
|
954 |
+
"<|26.04|>": 51667,
|
955 |
+
"<|26.06|>": 51668,
|
956 |
+
"<|26.08|>": 51669,
|
957 |
+
"<|26.10|>": 51670,
|
958 |
+
"<|26.12|>": 51671,
|
959 |
+
"<|26.14|>": 51672,
|
960 |
+
"<|26.16|>": 51673,
|
961 |
+
"<|26.18|>": 51674,
|
962 |
+
"<|26.20|>": 51675,
|
963 |
+
"<|26.22|>": 51676,
|
964 |
+
"<|26.24|>": 51677,
|
965 |
+
"<|26.26|>": 51678,
|
966 |
+
"<|26.28|>": 51679,
|
967 |
+
"<|26.30|>": 51680,
|
968 |
+
"<|26.32|>": 51681,
|
969 |
+
"<|26.34|>": 51682,
|
970 |
+
"<|26.36|>": 51683,
|
971 |
+
"<|26.38|>": 51684,
|
972 |
+
"<|26.40|>": 51685,
|
973 |
+
"<|26.42|>": 51686,
|
974 |
+
"<|26.44|>": 51687,
|
975 |
+
"<|26.46|>": 51688,
|
976 |
+
"<|26.48|>": 51689,
|
977 |
+
"<|26.50|>": 51690,
|
978 |
+
"<|26.52|>": 51691,
|
979 |
+
"<|26.54|>": 51692,
|
980 |
+
"<|26.56|>": 51693,
|
981 |
+
"<|26.58|>": 51694,
|
982 |
+
"<|26.60|>": 51695,
|
983 |
+
"<|26.62|>": 51696,
|
984 |
+
"<|26.64|>": 51697,
|
985 |
+
"<|26.66|>": 51698,
|
986 |
+
"<|26.68|>": 51699,
|
987 |
+
"<|26.70|>": 51700,
|
988 |
+
"<|26.72|>": 51701,
|
989 |
+
"<|26.74|>": 51702,
|
990 |
+
"<|26.76|>": 51703,
|
991 |
+
"<|26.78|>": 51704,
|
992 |
+
"<|26.80|>": 51705,
|
993 |
+
"<|26.82|>": 51706,
|
994 |
+
"<|26.84|>": 51707,
|
995 |
+
"<|26.86|>": 51708,
|
996 |
+
"<|26.88|>": 51709,
|
997 |
+
"<|26.90|>": 51710,
|
998 |
+
"<|26.92|>": 51711,
|
999 |
+
"<|26.94|>": 51712,
|
1000 |
+
"<|26.96|>": 51713,
|
1001 |
+
"<|26.98|>": 51714,
|
1002 |
+
"<|27.00|>": 51715,
|
1003 |
+
"<|27.02|>": 51716,
|
1004 |
+
"<|27.04|>": 51717,
|
1005 |
+
"<|27.06|>": 51718,
|
1006 |
+
"<|27.08|>": 51719,
|
1007 |
+
"<|27.10|>": 51720,
|
1008 |
+
"<|27.12|>": 51721,
|
1009 |
+
"<|27.14|>": 51722,
|
1010 |
+
"<|27.16|>": 51723,
|
1011 |
+
"<|27.18|>": 51724,
|
1012 |
+
"<|27.20|>": 51725,
|
1013 |
+
"<|27.22|>": 51726,
|
1014 |
+
"<|27.24|>": 51727,
|
1015 |
+
"<|27.26|>": 51728,
|
1016 |
+
"<|27.28|>": 51729,
|
1017 |
+
"<|27.30|>": 51730,
|
1018 |
+
"<|27.32|>": 51731,
|
1019 |
+
"<|27.34|>": 51732,
|
1020 |
+
"<|27.36|>": 51733,
|
1021 |
+
"<|27.38|>": 51734,
|
1022 |
+
"<|27.40|>": 51735,
|
1023 |
+
"<|27.42|>": 51736,
|
1024 |
+
"<|27.44|>": 51737,
|
1025 |
+
"<|27.46|>": 51738,
|
1026 |
+
"<|27.48|>": 51739,
|
1027 |
+
"<|27.50|>": 51740,
|
1028 |
+
"<|27.52|>": 51741,
|
1029 |
+
"<|27.54|>": 51742,
|
1030 |
+
"<|27.56|>": 51743,
|
1031 |
+
"<|27.58|>": 51744,
|
1032 |
+
"<|27.60|>": 51745,
|
1033 |
+
"<|27.62|>": 51746,
|
1034 |
+
"<|27.64|>": 51747,
|
1035 |
+
"<|27.66|>": 51748,
|
1036 |
+
"<|27.68|>": 51749,
|
1037 |
+
"<|27.70|>": 51750,
|
1038 |
+
"<|27.72|>": 51751,
|
1039 |
+
"<|27.74|>": 51752,
|
1040 |
+
"<|27.76|>": 51753,
|
1041 |
+
"<|27.78|>": 51754,
|
1042 |
+
"<|27.80|>": 51755,
|
1043 |
+
"<|27.82|>": 51756,
|
1044 |
+
"<|27.84|>": 51757,
|
1045 |
+
"<|27.86|>": 51758,
|
1046 |
+
"<|27.88|>": 51759,
|
1047 |
+
"<|27.90|>": 51760,
|
1048 |
+
"<|27.92|>": 51761,
|
1049 |
+
"<|27.94|>": 51762,
|
1050 |
+
"<|27.96|>": 51763,
|
1051 |
+
"<|27.98|>": 51764,
|
1052 |
+
"<|28.00|>": 51765,
|
1053 |
+
"<|28.02|>": 51766,
|
1054 |
+
"<|28.04|>": 51767,
|
1055 |
+
"<|28.06|>": 51768,
|
1056 |
+
"<|28.08|>": 51769,
|
1057 |
+
"<|28.10|>": 51770,
|
1058 |
+
"<|28.12|>": 51771,
|
1059 |
+
"<|28.14|>": 51772,
|
1060 |
+
"<|28.16|>": 51773,
|
1061 |
+
"<|28.18|>": 51774,
|
1062 |
+
"<|28.20|>": 51775,
|
1063 |
+
"<|28.22|>": 51776,
|
1064 |
+
"<|28.24|>": 51777,
|
1065 |
+
"<|28.26|>": 51778,
|
1066 |
+
"<|28.28|>": 51779,
|
1067 |
+
"<|28.30|>": 51780,
|
1068 |
+
"<|28.32|>": 51781,
|
1069 |
+
"<|28.34|>": 51782,
|
1070 |
+
"<|28.36|>": 51783,
|
1071 |
+
"<|28.38|>": 51784,
|
1072 |
+
"<|28.40|>": 51785,
|
1073 |
+
"<|28.42|>": 51786,
|
1074 |
+
"<|28.44|>": 51787,
|
1075 |
+
"<|28.46|>": 51788,
|
1076 |
+
"<|28.48|>": 51789,
|
1077 |
+
"<|28.50|>": 51790,
|
1078 |
+
"<|28.52|>": 51791,
|
1079 |
+
"<|28.54|>": 51792,
|
1080 |
+
"<|28.56|>": 51793,
|
1081 |
+
"<|28.58|>": 51794,
|
1082 |
+
"<|28.60|>": 51795,
|
1083 |
+
"<|28.62|>": 51796,
|
1084 |
+
"<|28.64|>": 51797,
|
1085 |
+
"<|28.66|>": 51798,
|
1086 |
+
"<|28.68|>": 51799,
|
1087 |
+
"<|28.70|>": 51800,
|
1088 |
+
"<|28.72|>": 51801,
|
1089 |
+
"<|28.74|>": 51802,
|
1090 |
+
"<|28.76|>": 51803,
|
1091 |
+
"<|28.78|>": 51804,
|
1092 |
+
"<|28.80|>": 51805,
|
1093 |
+
"<|28.82|>": 51806,
|
1094 |
+
"<|28.84|>": 51807,
|
1095 |
+
"<|28.86|>": 51808,
|
1096 |
+
"<|28.88|>": 51809,
|
1097 |
+
"<|28.90|>": 51810,
|
1098 |
+
"<|28.92|>": 51811,
|
1099 |
+
"<|28.94|>": 51812,
|
1100 |
+
"<|28.96|>": 51813,
|
1101 |
+
"<|28.98|>": 51814,
|
1102 |
+
"<|29.00|>": 51815,
|
1103 |
+
"<|29.02|>": 51816,
|
1104 |
+
"<|29.04|>": 51817,
|
1105 |
+
"<|29.06|>": 51818,
|
1106 |
+
"<|29.08|>": 51819,
|
1107 |
+
"<|29.10|>": 51820,
|
1108 |
+
"<|29.12|>": 51821,
|
1109 |
+
"<|29.14|>": 51822,
|
1110 |
+
"<|29.16|>": 51823,
|
1111 |
+
"<|29.18|>": 51824,
|
1112 |
+
"<|29.20|>": 51825,
|
1113 |
+
"<|29.22|>": 51826,
|
1114 |
+
"<|29.24|>": 51827,
|
1115 |
+
"<|29.26|>": 51828,
|
1116 |
+
"<|29.28|>": 51829,
|
1117 |
+
"<|29.30|>": 51830,
|
1118 |
+
"<|29.32|>": 51831,
|
1119 |
+
"<|29.34|>": 51832,
|
1120 |
+
"<|29.36|>": 51833,
|
1121 |
+
"<|29.38|>": 51834,
|
1122 |
+
"<|29.40|>": 51835,
|
1123 |
+
"<|29.42|>": 51836,
|
1124 |
+
"<|29.44|>": 51837,
|
1125 |
+
"<|29.46|>": 51838,
|
1126 |
+
"<|29.48|>": 51839,
|
1127 |
+
"<|29.50|>": 51840,
|
1128 |
+
"<|29.52|>": 51841,
|
1129 |
+
"<|29.54|>": 51842,
|
1130 |
+
"<|29.56|>": 51843,
|
1131 |
+
"<|29.58|>": 51844,
|
1132 |
+
"<|29.60|>": 51845,
|
1133 |
+
"<|29.62|>": 51846,
|
1134 |
+
"<|29.64|>": 51847,
|
1135 |
+
"<|29.66|>": 51848,
|
1136 |
+
"<|29.68|>": 51849,
|
1137 |
+
"<|29.70|>": 51850,
|
1138 |
+
"<|29.72|>": 51851,
|
1139 |
+
"<|29.74|>": 51852,
|
1140 |
+
"<|29.76|>": 51853,
|
1141 |
+
"<|29.78|>": 51854,
|
1142 |
+
"<|29.80|>": 51855,
|
1143 |
+
"<|29.82|>": 51856,
|
1144 |
+
"<|29.84|>": 51857,
|
1145 |
+
"<|29.86|>": 51858,
|
1146 |
+
"<|29.88|>": 51859,
|
1147 |
+
"<|29.90|>": 51860,
|
1148 |
+
"<|29.92|>": 51861,
|
1149 |
+
"<|29.94|>": 51862,
|
1150 |
+
"<|29.96|>": 51863,
|
1151 |
+
"<|29.98|>": 51864,
|
1152 |
+
"<|3.00|>": 50515,
|
1153 |
+
"<|3.02|>": 50516,
|
1154 |
+
"<|3.04|>": 50517,
|
1155 |
+
"<|3.06|>": 50518,
|
1156 |
+
"<|3.08|>": 50519,
|
1157 |
+
"<|3.10|>": 50520,
|
1158 |
+
"<|3.12|>": 50521,
|
1159 |
+
"<|3.14|>": 50522,
|
1160 |
+
"<|3.16|>": 50523,
|
1161 |
+
"<|3.18|>": 50524,
|
1162 |
+
"<|3.20|>": 50525,
|
1163 |
+
"<|3.22|>": 50526,
|
1164 |
+
"<|3.24|>": 50527,
|
1165 |
+
"<|3.26|>": 50528,
|
1166 |
+
"<|3.28|>": 50529,
|
1167 |
+
"<|3.30|>": 50530,
|
1168 |
+
"<|3.32|>": 50531,
|
1169 |
+
"<|3.34|>": 50532,
|
1170 |
+
"<|3.36|>": 50533,
|
1171 |
+
"<|3.38|>": 50534,
|
1172 |
+
"<|3.40|>": 50535,
|
1173 |
+
"<|3.42|>": 50536,
|
1174 |
+
"<|3.44|>": 50537,
|
1175 |
+
"<|3.46|>": 50538,
|
1176 |
+
"<|3.48|>": 50539,
|
1177 |
+
"<|3.50|>": 50540,
|
1178 |
+
"<|3.52|>": 50541,
|
1179 |
+
"<|3.54|>": 50542,
|
1180 |
+
"<|3.56|>": 50543,
|
1181 |
+
"<|3.58|>": 50544,
|
1182 |
+
"<|3.60|>": 50545,
|
1183 |
+
"<|3.62|>": 50546,
|
1184 |
+
"<|3.64|>": 50547,
|
1185 |
+
"<|3.66|>": 50548,
|
1186 |
+
"<|3.68|>": 50549,
|
1187 |
+
"<|3.70|>": 50550,
|
1188 |
+
"<|3.72|>": 50551,
|
1189 |
+
"<|3.74|>": 50552,
|
1190 |
+
"<|3.76|>": 50553,
|
1191 |
+
"<|3.78|>": 50554,
|
1192 |
+
"<|3.80|>": 50555,
|
1193 |
+
"<|3.82|>": 50556,
|
1194 |
+
"<|3.84|>": 50557,
|
1195 |
+
"<|3.86|>": 50558,
|
1196 |
+
"<|3.88|>": 50559,
|
1197 |
+
"<|3.90|>": 50560,
|
1198 |
+
"<|3.92|>": 50561,
|
1199 |
+
"<|3.94|>": 50562,
|
1200 |
+
"<|3.96|>": 50563,
|
1201 |
+
"<|3.98|>": 50564,
|
1202 |
+
"<|30.00|>": 51865,
|
1203 |
+
"<|4.00|>": 50565,
|
1204 |
+
"<|4.02|>": 50566,
|
1205 |
+
"<|4.04|>": 50567,
|
1206 |
+
"<|4.06|>": 50568,
|
1207 |
+
"<|4.08|>": 50569,
|
1208 |
+
"<|4.10|>": 50570,
|
1209 |
+
"<|4.12|>": 50571,
|
1210 |
+
"<|4.14|>": 50572,
|
1211 |
+
"<|4.16|>": 50573,
|
1212 |
+
"<|4.18|>": 50574,
|
1213 |
+
"<|4.20|>": 50575,
|
1214 |
+
"<|4.22|>": 50576,
|
1215 |
+
"<|4.24|>": 50577,
|
1216 |
+
"<|4.26|>": 50578,
|
1217 |
+
"<|4.28|>": 50579,
|
1218 |
+
"<|4.30|>": 50580,
|
1219 |
+
"<|4.32|>": 50581,
|
1220 |
+
"<|4.34|>": 50582,
|
1221 |
+
"<|4.36|>": 50583,
|
1222 |
+
"<|4.38|>": 50584,
|
1223 |
+
"<|4.40|>": 50585,
|
1224 |
+
"<|4.42|>": 50586,
|
1225 |
+
"<|4.44|>": 50587,
|
1226 |
+
"<|4.46|>": 50588,
|
1227 |
+
"<|4.48|>": 50589,
|
1228 |
+
"<|4.50|>": 50590,
|
1229 |
+
"<|4.52|>": 50591,
|
1230 |
+
"<|4.54|>": 50592,
|
1231 |
+
"<|4.56|>": 50593,
|
1232 |
+
"<|4.58|>": 50594,
|
1233 |
+
"<|4.60|>": 50595,
|
1234 |
+
"<|4.62|>": 50596,
|
1235 |
+
"<|4.64|>": 50597,
|
1236 |
+
"<|4.66|>": 50598,
|
1237 |
+
"<|4.68|>": 50599,
|
1238 |
+
"<|4.70|>": 50600,
|
1239 |
+
"<|4.72|>": 50601,
|
1240 |
+
"<|4.74|>": 50602,
|
1241 |
+
"<|4.76|>": 50603,
|
1242 |
+
"<|4.78|>": 50604,
|
1243 |
+
"<|4.80|>": 50605,
|
1244 |
+
"<|4.82|>": 50606,
|
1245 |
+
"<|4.84|>": 50607,
|
1246 |
+
"<|4.86|>": 50608,
|
1247 |
+
"<|4.88|>": 50609,
|
1248 |
+
"<|4.90|>": 50610,
|
1249 |
+
"<|4.92|>": 50611,
|
1250 |
+
"<|4.94|>": 50612,
|
1251 |
+
"<|4.96|>": 50613,
|
1252 |
+
"<|4.98|>": 50614,
|
1253 |
+
"<|5.00|>": 50615,
|
1254 |
+
"<|5.02|>": 50616,
|
1255 |
+
"<|5.04|>": 50617,
|
1256 |
+
"<|5.06|>": 50618,
|
1257 |
+
"<|5.08|>": 50619,
|
1258 |
+
"<|5.10|>": 50620,
|
1259 |
+
"<|5.12|>": 50621,
|
1260 |
+
"<|5.14|>": 50622,
|
1261 |
+
"<|5.16|>": 50623,
|
1262 |
+
"<|5.18|>": 50624,
|
1263 |
+
"<|5.20|>": 50625,
|
1264 |
+
"<|5.22|>": 50626,
|
1265 |
+
"<|5.24|>": 50627,
|
1266 |
+
"<|5.26|>": 50628,
|
1267 |
+
"<|5.28|>": 50629,
|
1268 |
+
"<|5.30|>": 50630,
|
1269 |
+
"<|5.32|>": 50631,
|
1270 |
+
"<|5.34|>": 50632,
|
1271 |
+
"<|5.36|>": 50633,
|
1272 |
+
"<|5.38|>": 50634,
|
1273 |
+
"<|5.40|>": 50635,
|
1274 |
+
"<|5.42|>": 50636,
|
1275 |
+
"<|5.44|>": 50637,
|
1276 |
+
"<|5.46|>": 50638,
|
1277 |
+
"<|5.48|>": 50639,
|
1278 |
+
"<|5.50|>": 50640,
|
1279 |
+
"<|5.52|>": 50641,
|
1280 |
+
"<|5.54|>": 50642,
|
1281 |
+
"<|5.56|>": 50643,
|
1282 |
+
"<|5.58|>": 50644,
|
1283 |
+
"<|5.60|>": 50645,
|
1284 |
+
"<|5.62|>": 50646,
|
1285 |
+
"<|5.64|>": 50647,
|
1286 |
+
"<|5.66|>": 50648,
|
1287 |
+
"<|5.68|>": 50649,
|
1288 |
+
"<|5.70|>": 50650,
|
1289 |
+
"<|5.72|>": 50651,
|
1290 |
+
"<|5.74|>": 50652,
|
1291 |
+
"<|5.76|>": 50653,
|
1292 |
+
"<|5.78|>": 50654,
|
1293 |
+
"<|5.80|>": 50655,
|
1294 |
+
"<|5.82|>": 50656,
|
1295 |
+
"<|5.84|>": 50657,
|
1296 |
+
"<|5.86|>": 50658,
|
1297 |
+
"<|5.88|>": 50659,
|
1298 |
+
"<|5.90|>": 50660,
|
1299 |
+
"<|5.92|>": 50661,
|
1300 |
+
"<|5.94|>": 50662,
|
1301 |
+
"<|5.96|>": 50663,
|
1302 |
+
"<|5.98|>": 50664,
|
1303 |
+
"<|6.00|>": 50665,
|
1304 |
+
"<|6.02|>": 50666,
|
1305 |
+
"<|6.04|>": 50667,
|
1306 |
+
"<|6.06|>": 50668,
|
1307 |
+
"<|6.08|>": 50669,
|
1308 |
+
"<|6.10|>": 50670,
|
1309 |
+
"<|6.12|>": 50671,
|
1310 |
+
"<|6.14|>": 50672,
|
1311 |
+
"<|6.16|>": 50673,
|
1312 |
+
"<|6.18|>": 50674,
|
1313 |
+
"<|6.20|>": 50675,
|
1314 |
+
"<|6.22|>": 50676,
|
1315 |
+
"<|6.24|>": 50677,
|
1316 |
+
"<|6.26|>": 50678,
|
1317 |
+
"<|6.28|>": 50679,
|
1318 |
+
"<|6.30|>": 50680,
|
1319 |
+
"<|6.32|>": 50681,
|
1320 |
+
"<|6.34|>": 50682,
|
1321 |
+
"<|6.36|>": 50683,
|
1322 |
+
"<|6.38|>": 50684,
|
1323 |
+
"<|6.40|>": 50685,
|
1324 |
+
"<|6.42|>": 50686,
|
1325 |
+
"<|6.44|>": 50687,
|
1326 |
+
"<|6.46|>": 50688,
|
1327 |
+
"<|6.48|>": 50689,
|
1328 |
+
"<|6.50|>": 50690,
|
1329 |
+
"<|6.52|>": 50691,
|
1330 |
+
"<|6.54|>": 50692,
|
1331 |
+
"<|6.56|>": 50693,
|
1332 |
+
"<|6.58|>": 50694,
|
1333 |
+
"<|6.60|>": 50695,
|
1334 |
+
"<|6.62|>": 50696,
|
1335 |
+
"<|6.64|>": 50697,
|
1336 |
+
"<|6.66|>": 50698,
|
1337 |
+
"<|6.68|>": 50699,
|
1338 |
+
"<|6.70|>": 50700,
|
1339 |
+
"<|6.72|>": 50701,
|
1340 |
+
"<|6.74|>": 50702,
|
1341 |
+
"<|6.76|>": 50703,
|
1342 |
+
"<|6.78|>": 50704,
|
1343 |
+
"<|6.80|>": 50705,
|
1344 |
+
"<|6.82|>": 50706,
|
1345 |
+
"<|6.84|>": 50707,
|
1346 |
+
"<|6.86|>": 50708,
|
1347 |
+
"<|6.88|>": 50709,
|
1348 |
+
"<|6.90|>": 50710,
|
1349 |
+
"<|6.92|>": 50711,
|
1350 |
+
"<|6.94|>": 50712,
|
1351 |
+
"<|6.96|>": 50713,
|
1352 |
+
"<|6.98|>": 50714,
|
1353 |
+
"<|7.00|>": 50715,
|
1354 |
+
"<|7.02|>": 50716,
|
1355 |
+
"<|7.04|>": 50717,
|
1356 |
+
"<|7.06|>": 50718,
|
1357 |
+
"<|7.08|>": 50719,
|
1358 |
+
"<|7.10|>": 50720,
|
1359 |
+
"<|7.12|>": 50721,
|
1360 |
+
"<|7.14|>": 50722,
|
1361 |
+
"<|7.16|>": 50723,
|
1362 |
+
"<|7.18|>": 50724,
|
1363 |
+
"<|7.20|>": 50725,
|
1364 |
+
"<|7.22|>": 50726,
|
1365 |
+
"<|7.24|>": 50727,
|
1366 |
+
"<|7.26|>": 50728,
|
1367 |
+
"<|7.28|>": 50729,
|
1368 |
+
"<|7.30|>": 50730,
|
1369 |
+
"<|7.32|>": 50731,
|
1370 |
+
"<|7.34|>": 50732,
|
1371 |
+
"<|7.36|>": 50733,
|
1372 |
+
"<|7.38|>": 50734,
|
1373 |
+
"<|7.40|>": 50735,
|
1374 |
+
"<|7.42|>": 50736,
|
1375 |
+
"<|7.44|>": 50737,
|
1376 |
+
"<|7.46|>": 50738,
|
1377 |
+
"<|7.48|>": 50739,
|
1378 |
+
"<|7.50|>": 50740,
|
1379 |
+
"<|7.52|>": 50741,
|
1380 |
+
"<|7.54|>": 50742,
|
1381 |
+
"<|7.56|>": 50743,
|
1382 |
+
"<|7.58|>": 50744,
|
1383 |
+
"<|7.60|>": 50745,
|
1384 |
+
"<|7.62|>": 50746,
|
1385 |
+
"<|7.64|>": 50747,
|
1386 |
+
"<|7.66|>": 50748,
|
1387 |
+
"<|7.68|>": 50749,
|
1388 |
+
"<|7.70|>": 50750,
|
1389 |
+
"<|7.72|>": 50751,
|
1390 |
+
"<|7.74|>": 50752,
|
1391 |
+
"<|7.76|>": 50753,
|
1392 |
+
"<|7.78|>": 50754,
|
1393 |
+
"<|7.80|>": 50755,
|
1394 |
+
"<|7.82|>": 50756,
|
1395 |
+
"<|7.84|>": 50757,
|
1396 |
+
"<|7.86|>": 50758,
|
1397 |
+
"<|7.88|>": 50759,
|
1398 |
+
"<|7.90|>": 50760,
|
1399 |
+
"<|7.92|>": 50761,
|
1400 |
+
"<|7.94|>": 50762,
|
1401 |
+
"<|7.96|>": 50763,
|
1402 |
+
"<|7.98|>": 50764,
|
1403 |
+
"<|8.00|>": 50765,
|
1404 |
+
"<|8.02|>": 50766,
|
1405 |
+
"<|8.04|>": 50767,
|
1406 |
+
"<|8.06|>": 50768,
|
1407 |
+
"<|8.08|>": 50769,
|
1408 |
+
"<|8.10|>": 50770,
|
1409 |
+
"<|8.12|>": 50771,
|
1410 |
+
"<|8.14|>": 50772,
|
1411 |
+
"<|8.16|>": 50773,
|
1412 |
+
"<|8.18|>": 50774,
|
1413 |
+
"<|8.20|>": 50775,
|
1414 |
+
"<|8.22|>": 50776,
|
1415 |
+
"<|8.24|>": 50777,
|
1416 |
+
"<|8.26|>": 50778,
|
1417 |
+
"<|8.28|>": 50779,
|
1418 |
+
"<|8.30|>": 50780,
|
1419 |
+
"<|8.32|>": 50781,
|
1420 |
+
"<|8.34|>": 50782,
|
1421 |
+
"<|8.36|>": 50783,
|
1422 |
+
"<|8.38|>": 50784,
|
1423 |
+
"<|8.40|>": 50785,
|
1424 |
+
"<|8.42|>": 50786,
|
1425 |
+
"<|8.44|>": 50787,
|
1426 |
+
"<|8.46|>": 50788,
|
1427 |
+
"<|8.48|>": 50789,
|
1428 |
+
"<|8.50|>": 50790,
|
1429 |
+
"<|8.52|>": 50791,
|
1430 |
+
"<|8.54|>": 50792,
|
1431 |
+
"<|8.56|>": 50793,
|
1432 |
+
"<|8.58|>": 50794,
|
1433 |
+
"<|8.60|>": 50795,
|
1434 |
+
"<|8.62|>": 50796,
|
1435 |
+
"<|8.64|>": 50797,
|
1436 |
+
"<|8.66|>": 50798,
|
1437 |
+
"<|8.68|>": 50799,
|
1438 |
+
"<|8.70|>": 50800,
|
1439 |
+
"<|8.72|>": 50801,
|
1440 |
+
"<|8.74|>": 50802,
|
1441 |
+
"<|8.76|>": 50803,
|
1442 |
+
"<|8.78|>": 50804,
|
1443 |
+
"<|8.80|>": 50805,
|
1444 |
+
"<|8.82|>": 50806,
|
1445 |
+
"<|8.84|>": 50807,
|
1446 |
+
"<|8.86|>": 50808,
|
1447 |
+
"<|8.88|>": 50809,
|
1448 |
+
"<|8.90|>": 50810,
|
1449 |
+
"<|8.92|>": 50811,
|
1450 |
+
"<|8.94|>": 50812,
|
1451 |
+
"<|8.96|>": 50813,
|
1452 |
+
"<|8.98|>": 50814,
|
1453 |
+
"<|9.00|>": 50815,
|
1454 |
+
"<|9.02|>": 50816,
|
1455 |
+
"<|9.04|>": 50817,
|
1456 |
+
"<|9.06|>": 50818,
|
1457 |
+
"<|9.08|>": 50819,
|
1458 |
+
"<|9.10|>": 50820,
|
1459 |
+
"<|9.12|>": 50821,
|
1460 |
+
"<|9.14|>": 50822,
|
1461 |
+
"<|9.16|>": 50823,
|
1462 |
+
"<|9.18|>": 50824,
|
1463 |
+
"<|9.20|>": 50825,
|
1464 |
+
"<|9.22|>": 50826,
|
1465 |
+
"<|9.24|>": 50827,
|
1466 |
+
"<|9.26|>": 50828,
|
1467 |
+
"<|9.28|>": 50829,
|
1468 |
+
"<|9.30|>": 50830,
|
1469 |
+
"<|9.32|>": 50831,
|
1470 |
+
"<|9.34|>": 50832,
|
1471 |
+
"<|9.36|>": 50833,
|
1472 |
+
"<|9.38|>": 50834,
|
1473 |
+
"<|9.40|>": 50835,
|
1474 |
+
"<|9.42|>": 50836,
|
1475 |
+
"<|9.44|>": 50837,
|
1476 |
+
"<|9.46|>": 50838,
|
1477 |
+
"<|9.48|>": 50839,
|
1478 |
+
"<|9.50|>": 50840,
|
1479 |
+
"<|9.52|>": 50841,
|
1480 |
+
"<|9.54|>": 50842,
|
1481 |
+
"<|9.56|>": 50843,
|
1482 |
+
"<|9.58|>": 50844,
|
1483 |
+
"<|9.60|>": 50845,
|
1484 |
+
"<|9.62|>": 50846,
|
1485 |
+
"<|9.64|>": 50847,
|
1486 |
+
"<|9.66|>": 50848,
|
1487 |
+
"<|9.68|>": 50849,
|
1488 |
+
"<|9.70|>": 50850,
|
1489 |
+
"<|9.72|>": 50851,
|
1490 |
+
"<|9.74|>": 50852,
|
1491 |
+
"<|9.76|>": 50853,
|
1492 |
+
"<|9.78|>": 50854,
|
1493 |
+
"<|9.80|>": 50855,
|
1494 |
+
"<|9.82|>": 50856,
|
1495 |
+
"<|9.84|>": 50857,
|
1496 |
+
"<|9.86|>": 50858,
|
1497 |
+
"<|9.88|>": 50859,
|
1498 |
+
"<|9.90|>": 50860,
|
1499 |
+
"<|9.92|>": 50861,
|
1500 |
+
"<|9.94|>": 50862,
|
1501 |
+
"<|9.96|>": 50863,
|
1502 |
+
"<|9.98|>": 50864,
|
1503 |
+
"<|af|>": 50327,
|
1504 |
+
"<|am|>": 50334,
|
1505 |
+
"<|ar|>": 50272,
|
1506 |
+
"<|as|>": 50350,
|
1507 |
+
"<|az|>": 50304,
|
1508 |
+
"<|ba|>": 50355,
|
1509 |
+
"<|be|>": 50330,
|
1510 |
+
"<|bg|>": 50292,
|
1511 |
+
"<|bn|>": 50302,
|
1512 |
+
"<|bo|>": 50347,
|
1513 |
+
"<|br|>": 50309,
|
1514 |
+
"<|bs|>": 50315,
|
1515 |
+
"<|ca|>": 50270,
|
1516 |
+
"<|cs|>": 50283,
|
1517 |
+
"<|cy|>": 50297,
|
1518 |
+
"<|da|>": 50285,
|
1519 |
+
"<|de|>": 50261,
|
1520 |
+
"<|el|>": 50281,
|
1521 |
+
"<|endoftext|>": 50257,
|
1522 |
+
"<|en|>": 50259,
|
1523 |
+
"<|es|>": 50262,
|
1524 |
+
"<|et|>": 50307,
|
1525 |
+
"<|eu|>": 50310,
|
1526 |
+
"<|fa|>": 50300,
|
1527 |
+
"<|fi|>": 50277,
|
1528 |
+
"<|fo|>": 50338,
|
1529 |
+
"<|fr|>": 50265,
|
1530 |
+
"<|gl|>": 50319,
|
1531 |
+
"<|gu|>": 50333,
|
1532 |
+
"<|haw|>": 50352,
|
1533 |
+
"<|ha|>": 50354,
|
1534 |
+
"<|he|>": 50279,
|
1535 |
+
"<|hi|>": 50276,
|
1536 |
+
"<|hr|>": 50291,
|
1537 |
+
"<|ht|>": 50339,
|
1538 |
+
"<|hu|>": 50286,
|
1539 |
+
"<|hy|>": 50312,
|
1540 |
+
"<|id|>": 50275,
|
1541 |
+
"<|is|>": 50311,
|
1542 |
+
"<|it|>": 50274,
|
1543 |
+
"<|ja|>": 50266,
|
1544 |
+
"<|jw|>": 50356,
|
1545 |
+
"<|ka|>": 50329,
|
1546 |
+
"<|kk|>": 50316,
|
1547 |
+
"<|km|>": 50323,
|
1548 |
+
"<|kn|>": 50306,
|
1549 |
+
"<|ko|>": 50264,
|
1550 |
+
"<|la|>": 50294,
|
1551 |
+
"<|lb|>": 50345,
|
1552 |
+
"<|ln|>": 50353,
|
1553 |
+
"<|lo|>": 50336,
|
1554 |
+
"<|lt|>": 50293,
|
1555 |
+
"<|lv|>": 50301,
|
1556 |
+
"<|mg|>": 50349,
|
1557 |
+
"<|mi|>": 50295,
|
1558 |
+
"<|mk|>": 50308,
|
1559 |
+
"<|ml|>": 50296,
|
1560 |
+
"<|mn|>": 50314,
|
1561 |
+
"<|mr|>": 50320,
|
1562 |
+
"<|ms|>": 50282,
|
1563 |
+
"<|mt|>": 50343,
|
1564 |
+
"<|my|>": 50346,
|
1565 |
+
"<|ne|>": 50313,
|
1566 |
+
"<|nl|>": 50271,
|
1567 |
+
"<|nn|>": 50342,
|
1568 |
+
"<|nospeech|>": 50363,
|
1569 |
+
"<|notimestamps|>": 50364,
|
1570 |
+
"<|no|>": 50288,
|
1571 |
+
"<|oc|>": 50328,
|
1572 |
+
"<|pa|>": 50321,
|
1573 |
+
"<|pl|>": 50269,
|
1574 |
+
"<|ps|>": 50340,
|
1575 |
+
"<|pt|>": 50267,
|
1576 |
+
"<|ro|>": 50284,
|
1577 |
+
"<|ru|>": 50263,
|
1578 |
+
"<|sa|>": 50344,
|
1579 |
+
"<|sd|>": 50332,
|
1580 |
+
"<|si|>": 50322,
|
1581 |
+
"<|sk|>": 50298,
|
1582 |
+
"<|sl|>": 50305,
|
1583 |
+
"<|sn|>": 50324,
|
1584 |
+
"<|so|>": 50326,
|
1585 |
+
"<|sq|>": 50317,
|
1586 |
+
"<|sr|>": 50303,
|
1587 |
+
"<|startoflm|>": 50361,
|
1588 |
+
"<|startofprev|>": 50362,
|
1589 |
+
"<|startoftranscript|>": 50258,
|
1590 |
+
"<|su|>": 50357,
|
1591 |
+
"<|sv|>": 50273,
|
1592 |
+
"<|sw|>": 50318,
|
1593 |
+
"<|ta|>": 50287,
|
1594 |
+
"<|te|>": 50299,
|
1595 |
+
"<|tg|>": 50331,
|
1596 |
+
"<|th|>": 50289,
|
1597 |
+
"<|tk|>": 50341,
|
1598 |
+
"<|tl|>": 50348,
|
1599 |
+
"<|transcribe|>": 50360,
|
1600 |
+
"<|translate|>": 50359,
|
1601 |
+
"<|tr|>": 50268,
|
1602 |
+
"<|tt|>": 50351,
|
1603 |
+
"<|uk|>": 50280,
|
1604 |
+
"<|ur|>": 50290,
|
1605 |
+
"<|uz|>": 50337,
|
1606 |
+
"<|vi|>": 50278,
|
1607 |
+
"<|yi|>": 50335,
|
1608 |
+
"<|yo|>": 50325,
|
1609 |
+
"<|yue|>": 50358,
|
1610 |
+
"<|zh|>": 50260
|
1611 |
+
}
|
all_results.json
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"epoch": 1.0,
|
3 |
+
"train_loss": 0.006861437764047724,
|
4 |
+
"train_runtime": 11834.061,
|
5 |
+
"train_samples": 4118364,
|
6 |
+
"train_samples_per_second": 348.009,
|
7 |
+
"train_steps_per_second": 0.272
|
8 |
+
}
|
config.json
ADDED
@@ -0,0 +1,47 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/home/azureuser/data2/models/crisper_whisper_verbatim_finetuned_de_en_swiss",
|
3 |
+
"activation_dropout": 0.0,
|
4 |
+
"activation_function": "gelu",
|
5 |
+
"apply_spec_augment": false,
|
6 |
+
"architectures": [
|
7 |
+
"WhisperForConditionalGeneration"
|
8 |
+
],
|
9 |
+
"attention_dropout": 0.0,
|
10 |
+
"begin_suppress_tokens": [],
|
11 |
+
"bos_token_id": 50257,
|
12 |
+
"classifier_proj_size": 256,
|
13 |
+
"d_model": 1280,
|
14 |
+
"decoder_attention_heads": 20,
|
15 |
+
"decoder_ffn_dim": 5120,
|
16 |
+
"decoder_layerdrop": 0.0,
|
17 |
+
"decoder_layers": 32,
|
18 |
+
"decoder_start_token_id": 50258,
|
19 |
+
"dropout": 0.0,
|
20 |
+
"encoder_attention_heads": 20,
|
21 |
+
"encoder_ffn_dim": 5120,
|
22 |
+
"encoder_layerdrop": 0.0,
|
23 |
+
"encoder_layers": 32,
|
24 |
+
"eos_token_id": 50257,
|
25 |
+
"init_std": 0.02,
|
26 |
+
"is_encoder_decoder": true,
|
27 |
+
"mask_feature_length": 10,
|
28 |
+
"mask_feature_min_masks": 0,
|
29 |
+
"mask_feature_prob": 0.0,
|
30 |
+
"mask_time_length": 10,
|
31 |
+
"mask_time_min_masks": 2,
|
32 |
+
"mask_time_prob": 0.05,
|
33 |
+
"max_length": 448,
|
34 |
+
"max_source_positions": 1500,
|
35 |
+
"max_target_positions": 448,
|
36 |
+
"median_filter_width": 7,
|
37 |
+
"model_type": "whisper",
|
38 |
+
"num_hidden_layers": 32,
|
39 |
+
"num_mel_bins": 128,
|
40 |
+
"pad_token_id": 50256,
|
41 |
+
"scale_embedding": false,
|
42 |
+
"torch_dtype": "float16",
|
43 |
+
"transformers_version": "4.37.2",
|
44 |
+
"use_cache": true,
|
45 |
+
"use_weighted_layer_sum": false,
|
46 |
+
"vocab_size": 51866
|
47 |
+
}
|
generation_config.json
ADDED
@@ -0,0 +1,745 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"alignment_heads": [
|
3 |
+
[7, 0],
|
4 |
+
[10, 17],
|
5 |
+
[12, 18],
|
6 |
+
[13, 12],
|
7 |
+
[16, 1],
|
8 |
+
[17, 14],
|
9 |
+
[19, 11],
|
10 |
+
[21, 4],
|
11 |
+
[24, 1],
|
12 |
+
[25, 6]
|
13 |
+
],
|
14 |
+
"begin_suppress_tokens": [],
|
15 |
+
"bos_token_id": 50257,
|
16 |
+
"decoder_start_token_id": 50258,
|
17 |
+
"eos_token_id": 50257,
|
18 |
+
"forced_decoder_ids": [
|
19 |
+
[1, null],
|
20 |
+
[2, 50360]
|
21 |
+
],
|
22 |
+
"is_multilingual": true,
|
23 |
+
"lang_to_id": {
|
24 |
+
"<|af|>": 50327,
|
25 |
+
"<|am|>": 50334,
|
26 |
+
"<|ar|>": 50272,
|
27 |
+
"<|as|>": 50350,
|
28 |
+
"<|az|>": 50304,
|
29 |
+
"<|ba|>": 50355,
|
30 |
+
"<|be|>": 50330,
|
31 |
+
"<|bg|>": 50292,
|
32 |
+
"<|bn|>": 50302,
|
33 |
+
"<|bo|>": 50347,
|
34 |
+
"<|br|>": 50309,
|
35 |
+
"<|bs|>": 50315,
|
36 |
+
"<|ca|>": 50270,
|
37 |
+
"<|cs|>": 50283,
|
38 |
+
"<|cy|>": 50297,
|
39 |
+
"<|da|>": 50285,
|
40 |
+
"<|de|>": 50261,
|
41 |
+
"<|el|>": 50281,
|
42 |
+
"<|en|>": 50259,
|
43 |
+
"<|es|>": 50262,
|
44 |
+
"<|et|>": 50307,
|
45 |
+
"<|eu|>": 50310,
|
46 |
+
"<|fa|>": 50300,
|
47 |
+
"<|fi|>": 50277,
|
48 |
+
"<|fo|>": 50338,
|
49 |
+
"<|fr|>": 50265,
|
50 |
+
"<|gl|>": 50319,
|
51 |
+
"<|gu|>": 50333,
|
52 |
+
"<|haw|>": 50352,
|
53 |
+
"<|ha|>": 50354,
|
54 |
+
"<|he|>": 50279,
|
55 |
+
"<|hi|>": 50276,
|
56 |
+
"<|hr|>": 50291,
|
57 |
+
"<|ht|>": 50339,
|
58 |
+
"<|hu|>": 50286,
|
59 |
+
"<|hy|>": 50312,
|
60 |
+
"<|id|>": 50275,
|
61 |
+
"<|is|>": 50311,
|
62 |
+
"<|it|>": 50274,
|
63 |
+
"<|ja|>": 50266,
|
64 |
+
"<|jw|>": 50356,
|
65 |
+
"<|ka|>": 50329,
|
66 |
+
"<|kk|>": 50316,
|
67 |
+
"<|km|>": 50323,
|
68 |
+
"<|kn|>": 50306,
|
69 |
+
"<|ko|>": 50264,
|
70 |
+
"<|la|>": 50294,
|
71 |
+
"<|lb|>": 50345,
|
72 |
+
"<|ln|>": 50353,
|
73 |
+
"<|lo|>": 50336,
|
74 |
+
"<|lt|>": 50293,
|
75 |
+
"<|lv|>": 50301,
|
76 |
+
"<|mg|>": 50349,
|
77 |
+
"<|mi|>": 50295,
|
78 |
+
"<|mk|>": 50308,
|
79 |
+
"<|ml|>": 50296,
|
80 |
+
"<|mn|>": 50314,
|
81 |
+
"<|mr|>": 50320,
|
82 |
+
"<|ms|>": 50282,
|
83 |
+
"<|mt|>": 50343,
|
84 |
+
"<|my|>": 50346,
|
85 |
+
"<|ne|>": 50313,
|
86 |
+
"<|nl|>": 50271,
|
87 |
+
"<|nn|>": 50342,
|
88 |
+
"<|no|>": 50288,
|
89 |
+
"<|oc|>": 50328,
|
90 |
+
"<|pa|>": 50321,
|
91 |
+
"<|pl|>": 50269,
|
92 |
+
"<|ps|>": 50340,
|
93 |
+
"<|pt|>": 50267,
|
94 |
+
"<|ro|>": 50284,
|
95 |
+
"<|ru|>": 50263,
|
96 |
+
"<|sa|>": 50344,
|
97 |
+
"<|sd|>": 50332,
|
98 |
+
"<|si|>": 50322,
|
99 |
+
"<|sk|>": 50298,
|
100 |
+
"<|sl|>": 50305,
|
101 |
+
"<|sn|>": 50324,
|
102 |
+
"<|so|>": 50326,
|
103 |
+
"<|sq|>": 50317,
|
104 |
+
"<|sr|>": 50303,
|
105 |
+
"<|su|>": 50357,
|
106 |
+
"<|sv|>": 50273,
|
107 |
+
"<|sw|>": 50318,
|
108 |
+
"<|ta|>": 50287,
|
109 |
+
"<|te|>": 50299,
|
110 |
+
"<|tg|>": 50331,
|
111 |
+
"<|th|>": 50289,
|
112 |
+
"<|tk|>": 50341,
|
113 |
+
"<|tl|>": 50348,
|
114 |
+
"<|tr|>": 50268,
|
115 |
+
"<|tt|>": 50351,
|
116 |
+
"<|uk|>": 50280,
|
117 |
+
"<|ur|>": 50290,
|
118 |
+
"<|uz|>": 50337,
|
119 |
+
"<|vi|>": 50278,
|
120 |
+
"<|yi|>": 50335,
|
121 |
+
"<|yo|>": 50325,
|
122 |
+
"<|yue|>": 50358,
|
123 |
+
"<|zh|>": 50260
|
124 |
+
},
|
125 |
+
"legacy": false,
|
126 |
+
"max_initial_timestamp_index": 50,
|
127 |
+
"max_length": 448,
|
128 |
+
"median_filter_width": 3,
|
129 |
+
"no_timestamps_token_id": 50364,
|
130 |
+
"num_beams": 5,
|
131 |
+
"pad_token_id": 50257,
|
132 |
+
"prev_sot_token_id": 50362,
|
133 |
+
"return_timestamps": true,
|
134 |
+
"suppress_tokens": [
|
135 |
+
1, 2, 7, 8, 9, 10, 14, 25, 26, 27, 28, 29, 31, 58, 59, 60, 61, 62, 63, 90,
|
136 |
+
91, 92, 93, 256, 257, 261, 262, 269, 272, 274, 275, 276, 277, 280, 283, 286,
|
137 |
+
287, 288, 290, 294, 297, 307, 308, 309, 314, 316, 318, 319, 322, 333, 343,
|
138 |
+
344, 350, 359, 361, 363, 364, 367, 371, 372, 376, 382, 383, 389, 392, 398,
|
139 |
+
405, 412, 413, 417, 419, 420, 421, 422, 426, 430, 439, 441, 451, 455, 460,
|
140 |
+
462, 465, 474, 476, 479, 484, 497, 498, 502, 503, 505, 508, 517, 520, 522,
|
141 |
+
527, 531, 539, 542, 543, 546, 564, 566, 568, 588, 591, 594, 605, 614, 623,
|
142 |
+
624, 650, 669, 672, 675, 676, 680, 686, 690, 691, 696, 710, 711, 716, 720,
|
143 |
+
725, 741, 744, 752, 757, 764, 776, 785, 802, 803, 805, 806, 810, 825, 826,
|
144 |
+
846, 847, 859, 861, 871, 873, 875, 877, 893, 902, 917, 918, 922, 931, 948,
|
145 |
+
950, 975, 981, 997, 999, 1000, 1006, 1010, 1015, 1016, 1017, 1025, 1030,
|
146 |
+
1059, 1065, 1069, 1070, 1075, 1077, 1084, 1097, 1102, 1104, 1105, 1111,
|
147 |
+
1112, 1136, 1153, 1158, 1163, 1175, 1176, 1189, 1191, 1200, 1208, 1241,
|
148 |
+
1249, 1254, 1256, 1257, 1289, 1291, 1292, 1305, 1306, 1325, 1335, 1350,
|
149 |
+
1353, 1354, 1357, 1358, 1362, 1363, 1386, 1398, 1418, 1424, 1443, 1447,
|
150 |
+
1457, 1463, 1475, 1476, 1479, 1512, 1519, 1523, 1531, 1533, 1544, 1552,
|
151 |
+
1556, 1562, 1567, 1571, 1574, 1581, 1591, 1595, 1601, 1609, 1614, 1620,
|
152 |
+
1641, 1649, 1667, 1671, 1696, 1714, 1722, 1741, 1746, 1761, 1763, 1766,
|
153 |
+
1769, 1771, 1772, 1774, 1777, 1783, 1796, 1812, 1815, 1832, 1844, 1846,
|
154 |
+
1848, 1853, 1876, 1882, 1889, 1893, 1902, 1910, 1912, 1919, 1930, 1931,
|
155 |
+
1934, 1938, 1954, 1958, 1975, 1982, 1988, 1992, 1997, 2009, 2031, 2064,
|
156 |
+
2081, 2087, 2091, 2097, 2098, 2106, 2117, 2127, 2160, 2179, 2181, 2182,
|
157 |
+
2200, 2207, 2226, 2230, 2247, 2259, 2278, 2298, 2306, 2322, 2324, 2334,
|
158 |
+
2342, 2344, 2346, 2367, 2388, 2411, 2417, 2434, 2460, 2467, 2471, 2473,
|
159 |
+
2506, 2511, 2515, 2518, 2525, 2538, 2545, 2548, 2552, 2558, 2559, 2562,
|
160 |
+
2569, 2579, 2582, 2595, 2605, 2612, 2613, 2620, 2627, 2631, 2641, 2670,
|
161 |
+
2672, 2675, 2698, 2707, 2716, 2760, 2764, 2773, 2794, 2800, 2803, 2811,
|
162 |
+
2816, 2820, 2838, 2839, 2858, 2861, 2868, 2884, 2901, 2921, 2922, 2938,
|
163 |
+
2939, 2941, 2943, 2952, 2989, 2994, 3003, 3005, 3015, 3016, 3057, 3069,
|
164 |
+
3074, 3078, 3080, 3082, 3119, 3121, 3129, 3133, 3138, 3171, 3182, 3185,
|
165 |
+
3187, 3205, 3207, 3222, 3223, 3232, 3238, 3246, 3253, 3266, 3268, 3271,
|
166 |
+
3276, 3279, 3280, 3304, 3317, 3322, 3337, 3342, 3348, 3352, 3362, 3369,
|
167 |
+
3375, 3382, 3405, 3406, 3418, 3423, 3424, 3446, 3447, 3453, 3466, 3468,
|
168 |
+
3472, 3474, 3485, 3489, 3490, 3495, 3508, 3522, 3536, 3551, 3561, 3570,
|
169 |
+
3596, 3599, 3611, 3677, 3691, 3693, 3712, 3714, 3716, 3725, 3748, 3751,
|
170 |
+
3756, 3766, 3775, 3785, 3787, 3799, 3828, 3846, 3853, 3854, 3863, 3867,
|
171 |
+
3883, 3898, 3907, 3912, 3913, 3952, 3957, 3961, 3970, 3972, 4032, 4038,
|
172 |
+
4044, 4092, 4102, 4104, 4119, 4121, 4141, 4147, 4149, 4164, 4183, 4193,
|
173 |
+
4197, 4214, 4224, 4235, 4249, 4250, 4279, 4285, 4286, 4291, 4306, 4318,
|
174 |
+
4320, 4329, 4337, 4360, 4376, 4386, 4394, 4404, 4417, 4419, 4423, 4428,
|
175 |
+
4435, 4452, 4484, 4496, 4498, 4504, 4506, 4520, 4540, 4550, 4572, 4575,
|
176 |
+
4590, 4647, 4654, 4667, 4677, 4684, 4687, 4702, 4704, 4709, 4717, 4724,
|
177 |
+
4762, 4773, 4792, 4815, 4823, 4834, 4849, 4873, 4875, 4915, 4916, 4917,
|
178 |
+
4925, 4938, 4946, 4952, 4954, 4955, 4977, 4987, 4995, 5009, 5019, 5051,
|
179 |
+
5059, 5080, 5092, 5093, 5096, 5099, 5106, 5134, 5148, 5156, 5161, 5188,
|
180 |
+
5194, 5199, 5200, 5205, 5211, 5225, 5239, 5252, 5254, 5260, 5277, 5289,
|
181 |
+
5294, 5296, 5297, 5314, 5335, 5337, 5345, 5348, 5356, 5357, 5360, 5365,
|
182 |
+
5372, 5374, 5386, 5390, 5406, 5408, 5420, 5431, 5442, 5449, 5453, 5457,
|
183 |
+
5478, 5479, 5485, 5500, 5532, 5537, 5539, 5540, 5542, 5543, 5544, 5572,
|
184 |
+
5579, 5594, 5614, 5616, 5638, 5643, 5650, 5667, 5670, 5685, 5691, 5693,
|
185 |
+
5706, 5710, 5713, 5714, 5721, 5723, 5727, 5738, 5747, 5750, 5779, 5786,
|
186 |
+
5790, 5792, 5799, 5814, 5815, 5842, 5851, 5854, 5867, 5872, 5875, 5899,
|
187 |
+
5901, 5937, 5941, 5948, 5955, 5958, 5959, 5960, 5973, 5976, 5995, 6021,
|
188 |
+
6027, 6032, 6035, 6037, 6040, 6048, 6053, 6054, 6055, 6074, 6092, 6106,
|
189 |
+
6107, 6113, 6120, 6125, 6138, 6145, 6151, 6156, 6160, 6166, 6169, 6170,
|
190 |
+
6196, 6197, 6198, 6203, 6205, 6206, 6209, 6214, 6225, 6245, 6258, 6271,
|
191 |
+
6294, 6302, 6315, 6326, 6360, 6363, 6371, 6390, 6402, 6410, 6415, 6442,
|
192 |
+
6446, 6448, 6455, 6461, 6462, 6468, 6472, 6475, 6494, 6497, 6509, 6522,
|
193 |
+
6524, 6540, 6546, 6569, 6578, 6585, 6590, 6592, 6617, 6629, 6635, 6639,
|
194 |
+
6647, 6650, 6652, 6663, 6672, 6691, 6703, 6742, 6748, 6753, 6756, 6763,
|
195 |
+
6768, 6775, 6778, 6780, 6783, 6799, 6802, 6840, 6845, 6861, 6866, 6877,
|
196 |
+
6879, 6891, 6892, 6903, 6925, 6931, 6955, 6971, 6983, 6991, 7011, 7035,
|
197 |
+
7039, 7047, 7053, 7056, 7057, 7082, 7100, 7129, 7143, 7146, 7165, 7167,
|
198 |
+
7171, 7175, 7191, 7192, 7202, 7217, 7219, 7251, 7271, 7273, 7275, 7276,
|
199 |
+
7348, 7352, 7357, 7374, 7385, 7408, 7414, 7438, 7444, 7449, 7450, 7460,
|
200 |
+
7462, 7469, 7490, 7494, 7523, 7526, 7556, 7565, 7570, 7572, 7574, 7604,
|
201 |
+
7610, 7629, 7653, 7666, 7668, 7682, 7683, 7686, 7691, 7692, 7707, 7723,
|
202 |
+
7729, 7743, 7757, 7771, 7773, 7774, 7821, 7827, 7828, 7834, 7835, 7839,
|
203 |
+
7841, 7845, 7846, 7852, 7862, 7865, 7868, 7876, 7879, 7883, 7911, 7924,
|
204 |
+
7946, 7949, 7960, 7971, 7981, 7990, 7996, 8002, 8014, 8029, 8031, 8032,
|
205 |
+
8035, 8037, 8066, 8068, 8093, 8097, 8101, 8102, 8103, 8111, 8121, 8124,
|
206 |
+
8128, 8150, 8154, 8157, 8159, 8168, 8169, 8202, 8210, 8229, 8264, 8284,
|
207 |
+
8297, 8299, 8308, 8329, 8347, 8355, 8373, 8376, 8384, 8391, 8394, 8404,
|
208 |
+
8417, 8421, 8425, 8428, 8429, 8442, 8448, 8449, 8453, 8463, 8465, 8468,
|
209 |
+
8476, 8485, 8493, 8506, 8508, 8517, 8520, 8524, 8547, 8556, 8558, 8563,
|
210 |
+
8578, 8580, 8604, 8608, 8618, 8624, 8672, 8675, 8692, 8696, 8699, 8710,
|
211 |
+
8715, 8717, 8748, 8750, 8757, 8768, 8793, 8794, 8814, 8829, 8835, 8841,
|
212 |
+
8872, 8887, 8912, 8920, 8934, 8936, 8940, 8943, 8954, 8981, 8995, 8997,
|
213 |
+
9000, 9023, 9025, 9032, 9047, 9050, 9055, 9061, 9073, 9076, 9077, 9092,
|
214 |
+
9120, 9122, 9132, 9135, 9136, 9139, 9144, 9148, 9161, 9162, 9171, 9179,
|
215 |
+
9202, 9207, 9216, 9218, 9223, 9262, 9277, 9290, 9291, 9299, 9308, 9326,
|
216 |
+
9342, 9356, 9371, 9383, 9385, 9389, 9414, 9427, 9443, 9485, 9496, 9498,
|
217 |
+
9503, 9505, 9507, 9513, 9526, 9539, 9578, 9597, 9611, 9620, 9642, 9646,
|
218 |
+
9664, 9671, 9710, 9726, 9733, 9765, 9767, 9768, 9783, 9789, 9791, 9800,
|
219 |
+
9817, 9826, 9835, 9838, 9895, 9966, 9969, 10010, 10022, 10051, 10076, 10119,
|
220 |
+
10134, 10146, 10156, 10161, 10167, 10170, 10175, 10198, 10211, 10216, 10230,
|
221 |
+
10240, 10244, 10269, 10276, 10288, 10301, 10302, 10312, 10318, 10324, 10338,
|
222 |
+
10341, 10342, 10345, 10386, 10398, 10400, 10409, 10418, 10428, 10438, 10441,
|
223 |
+
10453, 10467, 10521, 10536, 10541, 10544, 10549, 10554, 10557, 10558, 10565,
|
224 |
+
10600, 10602, 10626, 10637, 10643, 10664, 10671, 10683, 10685, 10695, 10701,
|
225 |
+
10708, 10721, 10730, 10741, 10743, 10757, 10792, 10794, 10813, 10817, 10829,
|
226 |
+
10844, 10846, 10865, 10869, 10874, 10880, 10884, 10889, 10909, 10914, 10927,
|
227 |
+
10929, 10930, 10941, 10990, 11014, 11020, 11021, 11023, 11045, 11048, 11063,
|
228 |
+
11089, 11135, 11149, 11162, 11169, 11176, 11179, 11196, 11205, 11231, 11243,
|
229 |
+
11264, 11276, 11286, 11289, 11295, 11300, 11302, 11309, 11314, 11318, 11331,
|
230 |
+
11378, 11383, 11412, 11423, 11435, 11437, 11440, 11452, 11464, 11473, 11474,
|
231 |
+
11481, 11491, 11492, 11496, 11509, 11516, 11520, 11529, 11531, 11541, 11575,
|
232 |
+
11582, 11584, 11591, 11601, 11605, 11608, 11609, 11617, 11637, 11644, 11645,
|
233 |
+
11649, 11658, 11665, 11683, 11721, 11723, 11726, 11727, 11728, 11738, 11742,
|
234 |
+
11747, 11755, 11762, 11771, 11775, 11778, 11780, 11799, 11803, 11806, 11810,
|
235 |
+
11814, 11816, 11820, 11834, 11839, 11857, 11871, 11880, 11881, 11887, 11896,
|
236 |
+
11901, 11911, 11927, 11930, 11938, 11947, 11953, 11958, 11963, 11967, 11979,
|
237 |
+
11980, 11988, 11994, 12004, 12008, 12012, 12032, 12033, 12037, 12038, 12047,
|
238 |
+
12080, 12085, 12086, 12104, 12112, 12118, 12138, 12174, 12176, 12191, 12194,
|
239 |
+
12199, 12202, 12203, 12222, 12241, 12253, 12272, 12274, 12280, 12299, 12303,
|
240 |
+
12312, 12321, 12322, 12329, 12331, 12352, 12357, 12372, 12400, 12401, 12402,
|
241 |
+
12405, 12410, 12415, 12418, 12421, 12423, 12438, 12439, 12446, 12474, 12484,
|
242 |
+
12485, 12490, 12491, 12500, 12503, 12507, 12516, 12528, 12541, 12562, 12564,
|
243 |
+
12566, 12567, 12586, 12587, 12588, 12596, 12602, 12622, 12630, 12638, 12665,
|
244 |
+
12670, 12671, 12681, 12694, 12702, 12707, 12723, 12731, 12735, 12746, 12747,
|
245 |
+
12782, 12790, 12794, 12795, 12815, 12816, 12834, 12843, 12861, 12863, 12864,
|
246 |
+
12892, 12926, 12942, 12954, 12967, 12986, 12997, 13025, 13042, 13054, 13067,
|
247 |
+
13084, 13087, 13092, 13136, 13162, 13178, 13195, 13217, 13225, 13228, 13243,
|
248 |
+
13247, 13248, 13253, 13255, 13267, 13278, 13301, 13302, 13305, 13309, 13318,
|
249 |
+
13323, 13332, 13342, 13359, 13361, 13368, 13376, 13379, 13403, 13406, 13412,
|
250 |
+
13416, 13435, 13450, 13462, 13471, 13479, 13496, 13498, 13499, 13506, 13507,
|
251 |
+
13513, 13528, 13529, 13535, 13559, 13562, 13584, 13595, 13604, 13622, 13628,
|
252 |
+
13647, 13659, 13664, 13675, 13680, 13686, 13688, 13690, 13708, 13711, 13721,
|
253 |
+
13731, 13733, 13741, 13769, 13770, 13774, 13786, 13790, 13793, 13803, 13808,
|
254 |
+
13832, 13853, 13858, 13862, 13867, 13868, 13872, 13907, 13908, 13911, 13963,
|
255 |
+
13965, 13966, 13979, 13981, 13987, 13994, 14014, 14030, 14039, 14045, 14061,
|
256 |
+
14066, 14076, 14085, 14087, 14094, 14098, 14102, 14107, 14112, 14127, 14146,
|
257 |
+
14157, 14173, 14177, 14187, 14189, 14208, 14227, 14233, 14252, 14267, 14271,
|
258 |
+
14272, 14278, 14282, 14314, 14359, 14360, 14370, 14376, 14384, 14389, 14393,
|
259 |
+
14396, 14406, 14408, 14409, 14411, 14423, 14426, 14430, 14436, 14445, 14452,
|
260 |
+
14461, 14473, 14477, 14495, 14506, 14508, 14520, 14521, 14539, 14552, 14555,
|
261 |
+
14562, 14566, 14579, 14583, 14584, 14585, 14591, 14597, 14599, 14604, 14605,
|
262 |
+
14610, 14626, 14627, 14635, 14645, 14649, 14664, 14671, 14677, 14683, 14693,
|
263 |
+
14701, 14736, 14758, 14779, 14792, 14794, 14796, 14803, 14822, 14828, 14831,
|
264 |
+
14833, 14841, 14854, 14864, 14881, 14891, 14913, 14919, 14929, 14937, 14972,
|
265 |
+
14979, 14983, 14995, 15014, 15015, 15017, 15025, 15038, 15055, 15087, 15091,
|
266 |
+
15096, 15098, 15104, 15111, 15125, 15129, 15131, 15138, 15142, 15161, 15168,
|
267 |
+
15170, 15175, 15178, 15179, 15181, 15186, 15197, 15208, 15210, 15219, 15229,
|
268 |
+
15233, 15234, 15238, 15241, 15244, 15265, 15275, 15281, 15295, 15312, 15313,
|
269 |
+
15318, 15346, 15372, 15373, 15376, 15384, 15385, 15406, 15413, 15426, 15427,
|
270 |
+
15431, 15441, 15453, 15454, 15456, 15459, 15465, 15495, 15496, 15497, 15526,
|
271 |
+
15529, 15536, 15565, 15591, 15608, 15610, 15615, 15618, 15628, 15675, 15677,
|
272 |
+
15683, 15690, 15693, 15707, 15718, 15723, 15752, 15784, 15787, 15794, 15805,
|
273 |
+
15810, 15814, 15816, 15819, 15823, 15830, 15839, 15848, 15869, 15875, 15886,
|
274 |
+
15905, 15921, 15930, 15937, 15946, 15947, 15951, 15952, 15958, 15962, 15967,
|
275 |
+
15970, 15975, 15982, 15988, 16036, 16044, 16050, 16055, 16081, 16108, 16112,
|
276 |
+
16116, 16129, 16136, 16177, 16182, 16216, 16218, 16226, 16236, 16237, 16241,
|
277 |
+
16256, 16257, 16281, 16284, 16296, 16342, 16344, 16362, 16369, 16374, 16398,
|
278 |
+
16399, 16408, 16412, 16413, 16414, 16422, 16443, 16472, 16478, 16482, 16486,
|
279 |
+
16490, 16503, 16504, 16508, 16513, 16514, 16528, 16537, 16543, 16547, 16553,
|
280 |
+
16554, 16582, 16585, 16587, 16604, 16614, 16639, 16643, 16647, 16653, 16655,
|
281 |
+
16746, 16751, 16753, 16759, 16760, 16767, 16792, 16793, 16794, 16798, 16806,
|
282 |
+
16817, 16818, 16824, 16833, 16851, 16867, 16884, 16896, 16900, 16903, 16924,
|
283 |
+
16931, 16938, 16953, 16954, 16955, 16964, 17000, 17002, 17006, 17024, 17044,
|
284 |
+
17066, 17067, 17074, 17086, 17087, 17093, 17097, 17098, 17109, 17117, 17138,
|
285 |
+
17155, 17158, 17165, 17170, 17184, 17188, 17189, 17190, 17191, 17210, 17227,
|
286 |
+
17228, 17230, 17239, 17243, 17246, 17255, 17265, 17269, 17282, 17290, 17292,
|
287 |
+
17293, 17298, 17305, 17308, 17317, 17318, 17319, 17345, 17349, 17356, 17367,
|
288 |
+
17374, 17377, 17386, 17393, 17397, 17422, 17427, 17429, 17433, 17437, 17453,
|
289 |
+
17458, 17460, 17464, 17493, 17497, 17505, 17507, 17519, 17524, 17531, 17533,
|
290 |
+
17539, 17557, 17566, 17567, 17579, 17590, 17593, 17606, 17622, 17624, 17648,
|
291 |
+
17680, 17685, 17697, 17698, 17700, 17705, 17718, 17723, 17799, 17802, 17804,
|
292 |
+
17807, 17810, 17835, 17836, 17850, 17859, 17861, 17863, 17869, 17882, 17886,
|
293 |
+
17888, 17892, 17914, 17919, 17921, 17922, 17925, 17927, 17940, 17950, 17953,
|
294 |
+
17974, 17975, 18003, 18014, 18020, 18035, 18044, 18048, 18050, 18052, 18063,
|
295 |
+
18079, 18080, 18088, 18105, 18133, 18151, 18160, 18170, 18172, 18173, 18193,
|
296 |
+
18197, 18198, 18217, 18219, 18220, 18231, 18249, 18251, 18256, 18267, 18275,
|
297 |
+
18278, 18281, 18284, 18295, 18300, 18302, 18316, 18339, 18345, 18353, 18357,
|
298 |
+
18358, 18362, 18371, 18402, 18404, 18421, 18425, 18445, 18447, 18448, 18450,
|
299 |
+
18462, 18465, 18469, 18542, 18547, 18548, 18570, 18575, 18582, 18592, 18598,
|
300 |
+
18608, 18619, 18621, 18625, 18645, 18648, 18663, 18682, 18684, 18688, 18692,
|
301 |
+
18696, 18700, 18705, 18710, 18716, 18726, 18752, 18761, 18767, 18787, 18795,
|
302 |
+
18796, 18797, 18802, 18815, 18818, 18819, 18821, 18822, 18823, 18837, 18841,
|
303 |
+
18847, 18860, 18870, 18882, 18884, 18924, 18934, 18953, 18954, 18956, 18968,
|
304 |
+
18979, 18981, 18996, 19021, 19028, 19041, 19048, 19050, 19052, 19062, 19081,
|
305 |
+
19090, 19096, 19099, 19111, 19116, 19125, 19130, 19140, 19145, 19159, 19166,
|
306 |
+
19171, 19186, 19194, 19203, 19220, 19224, 19225, 19238, 19242, 19262, 19272,
|
307 |
+
19281, 19287, 19290, 19300, 19304, 19323, 19325, 19337, 19338, 19339, 19353,
|
308 |
+
19377, 19393, 19395, 19427, 19435, 19440, 19446, 19466, 19468, 19500, 19508,
|
309 |
+
19513, 19521, 19525, 19529, 19533, 19537, 19558, 19575, 19588, 19614, 19619,
|
310 |
+
19625, 19639, 19650, 19654, 19657, 19675, 19686, 19687, 19702, 19713, 19739,
|
311 |
+
19744, 19767, 19773, 19776, 19782, 19785, 19816, 19834, 19862, 19866, 19868,
|
312 |
+
19872, 19877, 19894, 19901, 19905, 19919, 19920, 19929, 19932, 19947, 19970,
|
313 |
+
19988, 19990, 20007, 20018, 20021, 20033, 20034, 20038, 20048, 20056, 20057,
|
314 |
+
20058, 20060, 20062, 20071, 20075, 20094, 20106, 20120, 20122, 20133, 20140,
|
315 |
+
20144, 20160, 20184, 20193, 20202, 20214, 20270, 20320, 20325, 20327, 20328,
|
316 |
+
20332, 20343, 20352, 20356, 20361, 20367, 20371, 20376, 20413, 20422, 20442,
|
317 |
+
20455, 20462, 20467, 20479, 20480, 20510, 20516, 20534, 20544, 20552, 20557,
|
318 |
+
20579, 20592, 20593, 20595, 20602, 20612, 20614, 20621, 20632, 20646, 20654,
|
319 |
+
20655, 20661, 20664, 20686, 20701, 20713, 20721, 20724, 20731, 20732, 20735,
|
320 |
+
20737, 20739, 20756, 20761, 20769, 20771, 20775, 20784, 20785, 20791, 20793,
|
321 |
+
20804, 20827, 20835, 20836, 20839, 20846, 20865, 20876, 20883, 20892, 20901,
|
322 |
+
20914, 20940, 20941, 20943, 20955, 20966, 20979, 20981, 20990, 21018, 21021,
|
323 |
+
21036, 21040, 21048, 21050, 21061, 21070, 21074, 21093, 21123, 21125, 21126,
|
324 |
+
21141, 21150, 21151, 21163, 21168, 21171, 21172, 21173, 21190, 21196, 21199,
|
325 |
+
21204, 21210, 21211, 21213, 21225, 21248, 21271, 21272, 21288, 21299, 21306,
|
326 |
+
21316, 21322, 21325, 21326, 21330, 21353, 21361, 21376, 21393, 21423, 21427,
|
327 |
+
21441, 21442, 21454, 21461, 21463, 21484, 21491, 21520, 21541, 21553, 21561,
|
328 |
+
21568, 21570, 21591, 21593, 21600, 21601, 21614, 21624, 21640, 21642, 21657,
|
329 |
+
21664, 21675, 21723, 21736, 21753, 21760, 21763, 21771, 21777, 21786, 21787,
|
330 |
+
21790, 21819, 21822, 21825, 21831, 21845, 21848, 21851, 21860, 21869, 21874,
|
331 |
+
21879, 21887, 21904, 21923, 21924, 21929, 21955, 21959, 21970, 22008, 22018,
|
332 |
+
22026, 22038, 22050, 22069, 22088, 22103, 22104, 22105, 22114, 22116, 22136,
|
333 |
+
22164, 22170, 22174, 22178, 22199, 22211, 22226, 22233, 22249, 22253, 22256,
|
334 |
+
22259, 22274, 22282, 22285, 22296, 22326, 22332, 22337, 22345, 22355, 22357,
|
335 |
+
22366, 22392, 22396, 22403, 22414, 22423, 22431, 22450, 22458, 22464, 22473,
|
336 |
+
22475, 22493, 22513, 22514, 22516, 22520, 22530, 22531, 22547, 22552, 22554,
|
337 |
+
22559, 22575, 22598, 22610, 22626, 22628, 22630, 22638, 22660, 22672, 22681,
|
338 |
+
22692, 22723, 22726, 22746, 22757, 22766, 22773, 22776, 22779, 22784, 22785,
|
339 |
+
22786, 22789, 22791, 22806, 22809, 22817, 22826, 22830, 22835, 22839, 22841,
|
340 |
+
22845, 22852, 22859, 22864, 22882, 22892, 22896, 22917, 22922, 22941, 22949,
|
341 |
+
22955, 22980, 22993, 23018, 23019, 23023, 23032, 23040, 23045, 23056, 23062,
|
342 |
+
23065, 23093, 23095, 23097, 23103, 23113, 23130, 23156, 23157, 23159, 23174,
|
343 |
+
23183, 23185, 23188, 23189, 23212, 23218, 23227, 23232, 23251, 23252, 23271,
|
344 |
+
23277, 23298, 23301, 23324, 23332, 23355, 23356, 23378, 23397, 23399, 23401,
|
345 |
+
23409, 23411, 23429, 23442, 23459, 23466, 23480, 23483, 23490, 23501, 23504,
|
346 |
+
23517, 23524, 23534, 23538, 23564, 23566, 23567, 23568, 23571, 23572, 23576,
|
347 |
+
23589, 23593, 23594, 23609, 23620, 23624, 23662, 23678, 23681, 23685, 23695,
|
348 |
+
23698, 23706, 23717, 23727, 23728, 23733, 23744, 23745, 23748, 23754, 23761,
|
349 |
+
23762, 23779, 23788, 23805, 23811, 23822, 23828, 23850, 23851, 23879, 23883,
|
350 |
+
23896, 23914, 23919, 23932, 23943, 23967, 23969, 23971, 23977, 23981, 23985,
|
351 |
+
24000, 24011, 24036, 24040, 24052, 24072, 24107, 24119, 24124, 24154, 24162,
|
352 |
+
24223, 24226, 24258, 24262, 24263, 24267, 24268, 24284, 24288, 24301, 24333,
|
353 |
+
24346, 24364, 24382, 24393, 24394, 24407, 24419, 24425, 24431, 24437, 24450,
|
354 |
+
24452, 24457, 24466, 24471, 24504, 24513, 24540, 24570, 24587, 24599, 24624,
|
355 |
+
24633, 24637, 24640, 24641, 24659, 24665, 24673, 24688, 24689, 24697, 24761,
|
356 |
+
24789, 24803, 24806, 24824, 24841, 24848, 24852, 24870, 24872, 24873, 24879,
|
357 |
+
24882, 24888, 24895, 24899, 24902, 24906, 24907, 24915, 24938, 24961, 24981,
|
358 |
+
24985, 24997, 24999, 25016, 25022, 25023, 25026, 25030, 25041, 25052, 25064,
|
359 |
+
25072, 25073, 25090, 25095, 25111, 25112, 25117, 25134, 25141, 25152, 25181,
|
360 |
+
25192, 25202, 25210, 25220, 25222, 25223, 25224, 25228, 25241, 25249, 25253,
|
361 |
+
25259, 25260, 25261, 25267, 25279, 25286, 25291, 25295, 25299, 25311, 25324,
|
362 |
+
25330, 25331, 25336, 25340, 25348, 25361, 25376, 25387, 25394, 25402, 25407,
|
363 |
+
25412, 25416, 25420, 25423, 25424, 25429, 25439, 25442, 25448, 25451, 25456,
|
364 |
+
25461, 25477, 25478, 25488, 25502, 25505, 25519, 25546, 25548, 25554, 25573,
|
365 |
+
25581, 25592, 25594, 25597, 25600, 25609, 25614, 25619, 25627, 25643, 25659,
|
366 |
+
25680, 25685, 25690, 25709, 25713, 25714, 25715, 25716, 25719, 25743, 25744,
|
367 |
+
25762, 25769, 25777, 25782, 25788, 25793, 25809, 25810, 25830, 25850, 25858,
|
368 |
+
25859, 25867, 25869, 25884, 25888, 25891, 25892, 25900, 25901, 25931, 25936,
|
369 |
+
25954, 25959, 25962, 25965, 25966, 25970, 25975, 25989, 25992, 26015, 26022,
|
370 |
+
26029, 26031, 26040, 26050, 26061, 26063, 26072, 26078, 26080, 26082, 26130,
|
371 |
+
26141, 26142, 26151, 26158, 26161, 26163, 26188, 26189, 26219, 26235, 26236,
|
372 |
+
26260, 26283, 26288, 26307, 26308, 26322, 26326, 26332, 26355, 26367, 26375,
|
373 |
+
26386, 26393, 26413, 26421, 26430, 26434, 26435, 26459, 26465, 26498, 26530,
|
374 |
+
26532, 26536, 26541, 26560, 26577, 26578, 26579, 26585, 26616, 26624, 26634,
|
375 |
+
26647, 26649, 26660, 26683, 26684, 26685, 26687, 26693, 26700, 26709, 26713,
|
376 |
+
26722, 26727, 26732, 26738, 26765, 26767, 26769, 26790, 26795, 26799, 26809,
|
377 |
+
26815, 26822, 26825, 26830, 26859, 26861, 26864, 26869, 26882, 26896, 26915,
|
378 |
+
26923, 26926, 26930, 26932, 26936, 26939, 26953, 26969, 26974, 27005, 27010,
|
379 |
+
27021, 27037, 27057, 27061, 27084, 27102, 27123, 27133, 27160, 27166, 27168,
|
380 |
+
27170, 27178, 27184, 27195, 27253, 27265, 27268, 27276, 27289, 27298, 27309,
|
381 |
+
27321, 27338, 27343, 27358, 27362, 27375, 27378, 27399, 27409, 27414, 27454,
|
382 |
+
27461, 27476, 27547, 27553, 27565, 27580, 27583, 27597, 27604, 27612, 27616,
|
383 |
+
27619, 27630, 27644, 27647, 27657, 27675, 27676, 27680, 27685, 27686, 27689,
|
384 |
+
27690, 27692, 27705, 27707, 27718, 27727, 27728, 27730, 27735, 27750, 27763,
|
385 |
+
27770, 27777, 27779, 27786, 27810, 27818, 27842, 27850, 27855, 27857, 27900,
|
386 |
+
27902, 27917, 27921, 27930, 27934, 27949, 27984, 27990, 27994, 28005, 28012,
|
387 |
+
28019, 28031, 28037, 28042, 28045, 28049, 28052, 28063, 28082, 28109, 28110,
|
388 |
+
28126, 28135, 28155, 28168, 28186, 28197, 28206, 28211, 28215, 28225, 28227,
|
389 |
+
28251, 28255, 28263, 28266, 28274, 28277, 28279, 28280, 28285, 28308, 28316,
|
390 |
+
28321, 28340, 28349, 28353, 28378, 28379, 28386, 28404, 28408, 28409, 28411,
|
391 |
+
28433, 28451, 28459, 28484, 28499, 28501, 28512, 28516, 28561, 28589, 28608,
|
392 |
+
28615, 28644, 28654, 28669, 28674, 28678, 28697, 28705, 28720, 28722, 28740,
|
393 |
+
28743, 28773, 28774, 28808, 28814, 28819, 28820, 28829, 28830, 28838, 28846,
|
394 |
+
28850, 28851, 28857, 28858, 28862, 28864, 28865, 28871, 28876, 28888, 28890,
|
395 |
+
28909, 28910, 28915, 28919, 28930, 28947, 28952, 28966, 28985, 28987, 28991,
|
396 |
+
29006, 29018, 29020, 29027, 29033, 29038, 29042, 29081, 29083, 29113, 29114,
|
397 |
+
29130, 29141, 29151, 29153, 29155, 29159, 29165, 29175, 29176, 29178, 29211,
|
398 |
+
29215, 29217, 29221, 29232, 29251, 29258, 29273, 29274, 29282, 29292, 29302,
|
399 |
+
29307, 29331, 29341, 29346, 29355, 29356, 29367, 29386, 29396, 29403, 29421,
|
400 |
+
29427, 29431, 29437, 29438, 29443, 29462, 29464, 29481, 29488, 29491, 29511,
|
401 |
+
29521, 29530, 29543, 29545, 29578, 29581, 29589, 29612, 29644, 29646, 29647,
|
402 |
+
29660, 29677, 29678, 29681, 29684, 29696, 29697, 29702, 29725, 29727, 29745,
|
403 |
+
29748, 29752, 29761, 29773, 29777, 29778, 29779, 29797, 29802, 29814, 29821,
|
404 |
+
29850, 29853, 29858, 29860, 29861, 29872, 29874, 29886, 29888, 29898, 29909,
|
405 |
+
29910, 29913, 29928, 29936, 29958, 29984, 29988, 29994, 30010, 30014, 30027,
|
406 |
+
30031, 30056, 30065, 30069, 30075, 30081, 30086, 30092, 30094, 30131, 30152,
|
407 |
+
30155, 30171, 30181, 30184, 30189, 30196, 30203, 30241, 30275, 30277, 30283,
|
408 |
+
30290, 30323, 30338, 30342, 30366, 30372, 30401, 30402, 30414, 30417, 30418,
|
409 |
+
30427, 30455, 30463, 30474, 30476, 30480, 30484, 30505, 30516, 30519, 30526,
|
410 |
+
30534, 30537, 30555, 30560, 30574, 30596, 30600, 30602, 30604, 30605, 30612,
|
411 |
+
30620, 30624, 30663, 30668, 30673, 30680, 30682, 30693, 30695, 30696, 30704,
|
412 |
+
30711, 30722, 30724, 30743, 30754, 30757, 30767, 30774, 30778, 30787, 30794,
|
413 |
+
30825, 30849, 30863, 30886, 30890, 30907, 30908, 30917, 30926, 30937, 30939,
|
414 |
+
30942, 30953, 30971, 30974, 30977, 30989, 30999, 31002, 31004, 31016, 31030,
|
415 |
+
31035, 31051, 31064, 31065, 31072, 31076, 31079, 31099, 31121, 31128, 31131,
|
416 |
+
31135, 31138, 31155, 31170, 31179, 31181, 31184, 31186, 31187, 31202, 31208,
|
417 |
+
31233, 31239, 31253, 31254, 31278, 31279, 31287, 31293, 31305, 31321, 31332,
|
418 |
+
31335, 31363, 31376, 31378, 31455, 31461, 31462, 31471, 31473, 31482, 31488,
|
419 |
+
31495, 31496, 31498, 31500, 31526, 31537, 31546, 31560, 31577, 31590, 31618,
|
420 |
+
31624, 31630, 31636, 31637, 31638, 31645, 31650, 31651, 31655, 31673, 31681,
|
421 |
+
31684, 31701, 31714, 31725, 31733, 31736, 31751, 31765, 31778, 31790, 31798,
|
422 |
+
31835, 31842, 31849, 31852, 31854, 31855, 31859, 31862, 31863, 31877, 31879,
|
423 |
+
31883, 31890, 31900, 31913, 31916, 31936, 31964, 31983, 31990, 32008, 32023,
|
424 |
+
32038, 32041, 32047, 32052, 32068, 32084, 32098, 32104, 32106, 32111, 32117,
|
425 |
+
32145, 32147, 32164, 32167, 32172, 32188, 32226, 32239, 32255, 32257, 32263,
|
426 |
+
32266, 32277, 32278, 32293, 32297, 32298, 32302, 32314, 32315, 32329, 32346,
|
427 |
+
32348, 32373, 32387, 32388, 32393, 32409, 32412, 32413, 32415, 32416, 32468,
|
428 |
+
32470, 32480, 32481, 32498, 32500, 32505, 32546, 32547, 32576, 32578, 32582,
|
429 |
+
32599, 32604, 32606, 32609, 32610, 32620, 32628, 32648, 32656, 32685, 32700,
|
430 |
+
32709, 32724, 32725, 32726, 32743, 32767, 32771, 32779, 32787, 32790, 32792,
|
431 |
+
32803, 32818, 32825, 32831, 32848, 32855, 32875, 32876, 32889, 32892, 32902,
|
432 |
+
32914, 32922, 32925, 32926, 32937, 32942, 32944, 32946, 32948, 32960, 32977,
|
433 |
+
32987, 33019, 33042, 33058, 33079, 33093, 33114, 33115, 33128, 33136, 33179,
|
434 |
+
33180, 33181, 33195, 33200, 33206, 33210, 33214, 33229, 33236, 33243, 33244,
|
435 |
+
33248, 33263, 33274, 33292, 33306, 33309, 33313, 33315, 33328, 33339, 33348,
|
436 |
+
33381, 33382, 33386, 33396, 33406, 33407, 33423, 33424, 33426, 33432, 33439,
|
437 |
+
33449, 33456, 33465, 33469, 33471, 33476, 33481, 33503, 33507, 33518, 33523,
|
438 |
+
33534, 33542, 33544, 33549, 33553, 33564, 33565, 33567, 33576, 33594, 33614,
|
439 |
+
33622, 33629, 33653, 33670, 33684, 33685, 33686, 33687, 33710, 33712, 33714,
|
440 |
+
33727, 33732, 33742, 33743, 33748, 33749, 33754, 33785, 33791, 33810, 33815,
|
441 |
+
33824, 33830, 33842, 33849, 33853, 33874, 33881, 33886, 33887, 33891, 33893,
|
442 |
+
33895, 33898, 33903, 33908, 33922, 33936, 33937, 33938, 33943, 33969, 33977,
|
443 |
+
33986, 33996, 34000, 34002, 34010, 34026, 34033, 34067, 34075, 34080, 34091,
|
444 |
+
34096, 34099, 34109, 34110, 34114, 34120, 34125, 34150, 34178, 34189, 34191,
|
445 |
+
34194, 34209, 34213, 34216, 34224, 34263, 34267, 34319, 34334, 34339, 34354,
|
446 |
+
34355, 34368, 34370, 34378, 34384, 34394, 34402, 34436, 34438, 34476, 34479,
|
447 |
+
34486, 34503, 34559, 34569, 34598, 34605, 34606, 34616, 34625, 34632, 34633,
|
448 |
+
34636, 34651, 34655, 34658, 34679, 34680, 34686, 34698, 34724, 34725, 34734,
|
449 |
+
34741, 34761, 34763, 34766, 34784, 34787, 34798, 34805, 34821, 34832, 34835,
|
450 |
+
34840, 34859, 34860, 34885, 34890, 34896, 34899, 34914, 34940, 34980, 34985,
|
451 |
+
34990, 34994, 35000, 35008, 35015, 35016, 35023, 35034, 35035, 35036, 35040,
|
452 |
+
35043, 35065, 35066, 35069, 35072, 35073, 35074, 35117, 35124, 35126, 35135,
|
453 |
+
35137, 35139, 35143, 35164, 35168, 35176, 35186, 35203, 35222, 35227, 35238,
|
454 |
+
35251, 35256, 35265, 35270, 35293, 35294, 35298, 35299, 35318, 35320, 35329,
|
455 |
+
35349, 35350, 35362, 35372, 35414, 35417, 35418, 35421, 35425, 35436, 35461,
|
456 |
+
35464, 35473, 35486, 35491, 35492, 35500, 35514, 35525, 35544, 35545, 35546,
|
457 |
+
35547, 35549, 35559, 35562, 35565, 35569, 35578, 35596, 35600, 35609, 35633,
|
458 |
+
35637, 35641, 35650, 35656, 35666, 35676, 35692, 35717, 35723, 35729, 35731,
|
459 |
+
35737, 35753, 35757, 35766, 35773, 35793, 35801, 35807, 35819, 35821, 35832,
|
460 |
+
35835, 35838, 35860, 35885, 35908, 35912, 35918, 35952, 35972, 35975, 35986,
|
461 |
+
36018, 36024, 36025, 36027, 36050, 36054, 36059, 36060, 36061, 36074, 36091,
|
462 |
+
36107, 36121, 36138, 36141, 36148, 36152, 36165, 36187, 36189, 36197, 36204,
|
463 |
+
36212, 36217, 36221, 36230, 36243, 36256, 36260, 36276, 36284, 36309, 36317,
|
464 |
+
36324, 36331, 36346, 36364, 36372, 36378, 36390, 36391, 36397, 36404, 36414,
|
465 |
+
36418, 36435, 36445, 36446, 36447, 36460, 36463, 36474, 36477, 36498, 36533,
|
466 |
+
36544, 36567, 36589, 36590, 36604, 36605, 36608, 36616, 36620, 36621, 36622,
|
467 |
+
36629, 36636, 36639, 36640, 36648, 36649, 36652, 36657, 36684, 36693, 36694,
|
468 |
+
36707, 36726, 36759, 36763, 36764, 36784, 36788, 36800, 36803, 36806, 36814,
|
469 |
+
36824, 36847, 36849, 36865, 36871, 36888, 36912, 36929, 36934, 36952, 36953,
|
470 |
+
36959, 36965, 36976, 36981, 36989, 37004, 37006, 37008, 37012, 37023, 37036,
|
471 |
+
37045, 37065, 37067, 37068, 37078, 37090, 37093, 37096, 37097, 37101, 37113,
|
472 |
+
37132, 37152, 37157, 37163, 37180, 37202, 37206, 37213, 37245, 37251, 37252,
|
473 |
+
37253, 37256, 37257, 37266, 37275, 37286, 37290, 37307, 37315, 37319, 37323,
|
474 |
+
37325, 37338, 37340, 37346, 37360, 37369, 37373, 37377, 37384, 37387, 37402,
|
475 |
+
37407, 37442, 37445, 37451, 37463, 37466, 37473, 37493, 37509, 37521, 37523,
|
476 |
+
37527, 37553, 37571, 37573, 37585, 37589, 37594, 37605, 37611, 37639, 37645,
|
477 |
+
37647, 37656, 37660, 37687, 37688, 37716, 37717, 37719, 37739, 37777, 37811,
|
478 |
+
37818, 37834, 37837, 37841, 37847, 37849, 37857, 37858, 37880, 37881, 37890,
|
479 |
+
37894, 37896, 37905, 37908, 37909, 37927, 37937, 37941, 37943, 37945, 37947,
|
480 |
+
37953, 37961, 37968, 37969, 37995, 38013, 38032, 38056, 38073, 38078, 38099,
|
481 |
+
38120, 38131, 38132, 38150, 38151, 38169, 38182, 38209, 38212, 38221, 38245,
|
482 |
+
38249, 38262, 38267, 38270, 38274, 38290, 38293, 38296, 38301, 38307, 38321,
|
483 |
+
38326, 38328, 38329, 38335, 38340, 38366, 38373, 38375, 38391, 38413, 38416,
|
484 |
+
38422, 38442, 38443, 38460, 38477, 38495, 38500, 38507, 38521, 38522, 38553,
|
485 |
+
38558, 38560, 38580, 38585, 38588, 38604, 38613, 38617, 38637, 38652, 38660,
|
486 |
+
38663, 38666, 38677, 38682, 38684, 38687, 38691, 38702, 38705, 38708, 38709,
|
487 |
+
38715, 38735, 38742, 38750, 38762, 38763, 38777, 38792, 38805, 38811, 38830,
|
488 |
+
38831, 38840, 38879, 38909, 38919, 38921, 38971, 38987, 39005, 39013, 39020,
|
489 |
+
39036, 39050, 39061, 39066, 39073, 39075, 39099, 39123, 39147, 39170, 39191,
|
490 |
+
39206, 39223, 39227, 39234, 39239, 39249, 39261, 39263, 39279, 39285, 39291,
|
491 |
+
39294, 39302, 39310, 39315, 39317, 39336, 39337, 39344, 39361, 39364, 39372,
|
492 |
+
39380, 39384, 39392, 39423, 39442, 39455, 39457, 39459, 39463, 39477, 39483,
|
493 |
+
39486, 39488, 39492, 39501, 39529, 39544, 39548, 39561, 39565, 39582, 39595,
|
494 |
+
39621, 39636, 39667, 39700, 39705, 39738, 39739, 39743, 39747, 39751, 39767,
|
495 |
+
39769, 39787, 39791, 39814, 39817, 39821, 39834, 39839, 39843, 39847, 39857,
|
496 |
+
39869, 39873, 39877, 39892, 39908, 39917, 39921, 39932, 39933, 39934, 39939,
|
497 |
+
39966, 39974, 39975, 39977, 39981, 39984, 39985, 40043, 40065, 40079, 40088,
|
498 |
+
40116, 40132, 40147, 40166, 40183, 40185, 40198, 40199, 40215, 40220, 40228,
|
499 |
+
40232, 40245, 40251, 40272, 40286, 40298, 40305, 40306, 40309, 40329, 40343,
|
500 |
+
40366, 40382, 40385, 40388, 40392, 40410, 40412, 40413, 40418, 40420, 40435,
|
501 |
+
40470, 40477, 40485, 40488, 40516, 40527, 40541, 40543, 40550, 40551, 40591,
|
502 |
+
40603, 40604, 40607, 40613, 40632, 40645, 40646, 40650, 40683, 40690, 40702,
|
503 |
+
40709, 40710, 40742, 40750, 40751, 40753, 40755, 40762, 40764, 40765, 40771,
|
504 |
+
40779, 40781, 40786, 40814, 40827, 40848, 40854, 40857, 40876, 40879, 40888,
|
505 |
+
40903, 40905, 40912, 40930, 40937, 40941, 40964, 40974, 40978, 40980, 40981,
|
506 |
+
41000, 41050, 41062, 41065, 41068, 41070, 41075, 41083, 41090, 41092, 41093,
|
507 |
+
41103, 41135, 41138, 41149, 41150, 41151, 41167, 41169, 41173, 41176, 41185,
|
508 |
+
41189, 41196, 41206, 41217, 41243, 41256, 41261, 41262, 41274, 41279, 41280,
|
509 |
+
41305, 41324, 41361, 41394, 41395, 41405, 41415, 41421, 41430, 41443, 41444,
|
510 |
+
41449, 41467, 41483, 41497, 41510, 41523, 41529, 41543, 41551, 41577, 41605,
|
511 |
+
41608, 41613, 41624, 41628, 41651, 41654, 41655, 41656, 41661, 41673, 41676,
|
512 |
+
41683, 41689, 41703, 41712, 41722, 41738, 41743, 41749, 41761, 41776, 41786,
|
513 |
+
41787, 41801, 41825, 41834, 41838, 41847, 41856, 41858, 41873, 41882, 41894,
|
514 |
+
41900, 41918, 41926, 41935, 41972, 41980, 41982, 41986, 41988, 41990, 42003,
|
515 |
+
42008, 42013, 42015, 42023, 42068, 42070, 42072, 42077, 42113, 42123, 42125,
|
516 |
+
42130, 42137, 42145, 42154, 42162, 42164, 42168, 42172, 42187, 42190, 42194,
|
517 |
+
42198, 42215, 42231, 42240, 42244, 42258, 42259, 42260, 42262, 42263, 42268,
|
518 |
+
42278, 42309, 42325, 42334, 42341, 42347, 42359, 42370, 42376, 42381, 42382,
|
519 |
+
42385, 42392, 42398, 42401, 42402, 42417, 42427, 42433, 42438, 42450, 42455,
|
520 |
+
42467, 42468, 42471, 42472, 42476, 42484, 42488, 42496, 42504, 42515, 42534,
|
521 |
+
42535, 42544, 42545, 42559, 42586, 42593, 42598, 42601, 42637, 42639, 42641,
|
522 |
+
42646, 42649, 42665, 42672, 42678, 42683, 42689, 42706, 42712, 42713, 42718,
|
523 |
+
42739, 42772, 42783, 42796, 42800, 42809, 42810, 42820, 42821, 42825, 42829,
|
524 |
+
42837, 42844, 42845, 42863, 42885, 42898, 42913, 42915, 42929, 42936, 42943,
|
525 |
+
42948, 42952, 42954, 42958, 42961, 42983, 42984, 43004, 43008, 43034, 43035,
|
526 |
+
43048, 43060, 43073, 43074, 43088, 43089, 43099, 43107, 43119, 43135, 43139,
|
527 |
+
43140, 43144, 43152, 43155, 43158, 43160, 43184, 43203, 43205, 43212, 43216,
|
528 |
+
43222, 43227, 43232, 43255, 43269, 43270, 43277, 43280, 43295, 43298, 43310,
|
529 |
+
43318, 43327, 43329, 43331, 43337, 43348, 43352, 43359, 43363, 43364, 43385,
|
530 |
+
43387, 43388, 43398, 43405, 43417, 43420, 43428, 43435, 43447, 43452, 43454,
|
531 |
+
43457, 43482, 43493, 43494, 43501, 43502, 43506, 43517, 43528, 43546, 43567,
|
532 |
+
43571, 43580, 43589, 43614, 43616, 43628, 43636, 43643, 43645, 43662, 43665,
|
533 |
+
43677, 43679, 43690, 43701, 43705, 43723, 43726, 43727, 43775, 43788, 43815,
|
534 |
+
43819, 43831, 43843, 43847, 43849, 43855, 43856, 43863, 43864, 43874, 43886,
|
535 |
+
43904, 43906, 43910, 43911, 43918, 43919, 43925, 43935, 43938, 43955, 43958,
|
536 |
+
43966, 43970, 43971, 43981, 43984, 44005, 44008, 44046, 44047, 44048, 44062,
|
537 |
+
44083, 44090, 44098, 44099, 44111, 44147, 44158, 44172, 44192, 44197, 44208,
|
538 |
+
44209, 44239, 44244, 44251, 44259, 44285, 44294, 44306, 44315, 44326, 44336,
|
539 |
+
44356, 44358, 44372, 44387, 44390, 44408, 44416, 44418, 44422, 44433, 44435,
|
540 |
+
44447, 44448, 44455, 44462, 44473, 44474, 44476, 44484, 44487, 44488, 44490,
|
541 |
+
44495, 44500, 44514, 44516, 44544, 44557, 44562, 44571, 44579, 44598, 44605,
|
542 |
+
44606, 44614, 44621, 44625, 44637, 44648, 44654, 44657, 44663, 44666, 44672,
|
543 |
+
44688, 44692, 44705, 44728, 44734, 44746, 44765, 44766, 44773, 44779, 44806,
|
544 |
+
44824, 44830, 44856, 44868, 44872, 44887, 44898, 44904, 44919, 44927, 44934,
|
545 |
+
44935, 44954, 44955, 44959, 44968, 44970, 44976, 44986, 44990, 44992, 44993,
|
546 |
+
45010, 45026, 45033, 45034, 45036, 45045, 45047, 45054, 45060, 45076, 45079,
|
547 |
+
45103, 45105, 45119, 45122, 45124, 45134, 45135, 45139, 45142, 45143, 45146,
|
548 |
+
45150, 45168, 45194, 45196, 45207, 45231, 45261, 45273, 45275, 45286, 45299,
|
549 |
+
45301, 45311, 45324, 45332, 45340, 45368, 45383, 45390, 45393, 45396, 45400,
|
550 |
+
45413, 45423, 45431, 45443, 45459, 45465, 45479, 45482, 45483, 45512, 45520,
|
551 |
+
45524, 45532, 45537, 45541, 45549, 45563, 45564, 45568, 45569, 45589, 45604,
|
552 |
+
45606, 45611, 45626, 45628, 45634, 45644, 45651, 45671, 45679, 45684, 45685,
|
553 |
+
45696, 45711, 45714, 45730, 45743, 45755, 45757, 45760, 45798, 45801, 45813,
|
554 |
+
45824, 45825, 45829, 45830, 45845, 45846, 45848, 45852, 45854, 45869, 45882,
|
555 |
+
45903, 45904, 45908, 45939, 45944, 45949, 45968, 45978, 45984, 45997, 45998,
|
556 |
+
46009, 46015, 46016, 46026, 46028, 46033, 46053, 46057, 46061, 46065, 46069,
|
557 |
+
46075, 46081, 46087, 46091, 46094, 46112, 46113, 46117, 46121, 46135, 46137,
|
558 |
+
46140, 46142, 46168, 46179, 46206, 46213, 46227, 46239, 46265, 46266, 46272,
|
559 |
+
46277, 46287, 46293, 46300, 46302, 46316, 46324, 46350, 46356, 46368, 46383,
|
560 |
+
46394, 46408, 46413, 46417, 46422, 46435, 46462, 46488, 46490, 46497, 46502,
|
561 |
+
46504, 46505, 46527, 46535, 46551, 46554, 46555, 46571, 46574, 46580, 46583,
|
562 |
+
46599, 46614, 46623, 46626, 46645, 46653, 46660, 46671, 46675, 46696, 46713,
|
563 |
+
46716, 46717, 46718, 46740, 46760, 46796, 46798, 46811, 46812, 46818, 46819,
|
564 |
+
46842, 46848, 46854, 46861, 46862, 46893, 46899, 46903, 46911, 46915, 46922,
|
565 |
+
46923, 46930, 46947, 46952, 46955, 46959, 46979, 46981, 46994, 46998, 47008,
|
566 |
+
47012, 47030, 47033, 47035, 47049, 47052, 47053, 47059, 47062, 47094, 47109,
|
567 |
+
47115, 47121, 47128, 47130, 47140, 47156, 47187, 47189, 47204, 47205, 47211,
|
568 |
+
47215, 47231, 47234, 47235, 47237, 47244, 47256, 47261, 47273, 47304, 47306,
|
569 |
+
47309, 47328, 47334, 47340, 47378, 47380, 47386, 47405, 47419, 47425, 47442,
|
570 |
+
47445, 47450, 47457, 47464, 47465, 47466, 47467, 47477, 47484, 47485, 47488,
|
571 |
+
47494, 47499, 47504, 47518, 47520, 47525, 47533, 47537, 47540, 47545, 47546,
|
572 |
+
47554, 47556, 47566, 47579, 47589, 47598, 47610, 47611, 47614, 47617, 47619,
|
573 |
+
47629, 47658, 47659, 47674, 47683, 47695, 47700, 47707, 47711, 47716, 47727,
|
574 |
+
47738, 47747, 47765, 47769, 47771, 47775, 47783, 47786, 47798, 47801, 47802,
|
575 |
+
47810, 47878, 47910, 47914, 47921, 47924, 47932, 47943, 47953, 47959, 47960,
|
576 |
+
47968, 47971, 47974, 47986, 48009, 48019, 48024, 48037, 48048, 48057, 48060,
|
577 |
+
48076, 48078, 48100, 48126, 48127, 48134, 48142, 48143, 48146, 48153, 48159,
|
578 |
+
48167, 48172, 48204, 48205, 48210, 48231, 48234, 48240, 48254, 48271, 48279,
|
579 |
+
48283, 48299, 48302, 48310, 48315, 48319, 48341, 48353, 48354, 48360, 48362,
|
580 |
+
48383, 48386, 48409, 48427, 48431, 48444, 48447, 48462, 48473, 48474, 48477,
|
581 |
+
48481, 48508, 48518, 48521, 48529, 48534, 48574, 48600, 48610, 48613, 48621,
|
582 |
+
48622, 48625, 48631, 48634, 48639, 48645, 48655, 48670, 48685, 48687, 48690,
|
583 |
+
48691, 48692, 48698, 48709, 48711, 48718, 48727, 48729, 48737, 48759, 48763,
|
584 |
+
48766, 48768, 48776, 48804, 48812, 48819, 48831, 48843, 48848, 48850, 48855,
|
585 |
+
48860, 48878, 48882, 48883, 48905, 48909, 48933, 48934, 48942, 48956, 48957,
|
586 |
+
48964, 48969, 48976, 48978, 48990, 48999, 49003, 49016, 49029, 49031, 49032,
|
587 |
+
49038, 49064, 49078, 49095, 49096, 49101, 49124, 49136, 49140, 49146, 49149,
|
588 |
+
49151, 49155, 49167, 49172, 49183, 49198, 49200, 49203, 49214, 49222, 49232,
|
589 |
+
49240, 49241, 49249, 49250, 49253, 49258, 49264, 49268, 49276, 49280, 49291,
|
590 |
+
49304, 49310, 49315, 49316, 49323, 49344, 49363, 49367, 49371, 49380, 49387,
|
591 |
+
49402, 49417, 49434, 49440, 49444, 49466, 49468, 49490, 49493, 49497, 49501,
|
592 |
+
49518, 49524, 49528, 49547, 49548, 49558, 49565, 49571, 49585, 49591, 49610,
|
593 |
+
49658, 49661, 49702, 49710, 49716, 49727, 49730, 49731, 49747, 49769, 49771,
|
594 |
+
49780, 49783, 49789, 49800, 49805, 49812, 49819, 49827, 49833, 49838, 49847,
|
595 |
+
49853, 49854, 49855, 49870, 49875, 49876, 49879, 49901, 49905, 49911, 49920,
|
596 |
+
49938, 49965, 49973, 49984, 50000, 50010, 50014, 50022, 50024, 50032, 50035,
|
597 |
+
50042, 50045, 50068, 50072, 50082, 50084, 50085, 50098, 50112, 50118, 50126,
|
598 |
+
50141, 50145, 50151, 50155, 50162, 50165, 50167, 50169, 50172, 50181, 50182,
|
599 |
+
50198, 50208, 50210, 50212, 50214, 50228, 50237, 50242, 50247, 50254, 50256,
|
600 |
+
50258, 50358, 50359, 50360, 50361, 50362, 50363, 50365, 50366, 50367, 50368,
|
601 |
+
50369, 50370, 50371, 50372, 50373, 50374, 50375, 50376, 50377, 50378, 50379,
|
602 |
+
50380, 50381, 50382, 50383, 50384, 50385, 50386, 50387, 50388, 50389, 50390,
|
603 |
+
50391, 50392, 50393, 50394, 50395, 50396, 50397, 50398, 50399, 50400, 50401,
|
604 |
+
50402, 50403, 50404, 50405, 50406, 50407, 50408, 50409, 50410, 50411, 50412,
|
605 |
+
50413, 50414, 50415, 50416, 50417, 50418, 50419, 50420, 50421, 50422, 50423,
|
606 |
+
50424, 50425, 50426, 50427, 50428, 50429, 50430, 50431, 50432, 50433, 50434,
|
607 |
+
50435, 50436, 50437, 50438, 50439, 50440, 50441, 50442, 50443, 50444, 50445,
|
608 |
+
50446, 50447, 50448, 50449, 50450, 50451, 50452, 50453, 50454, 50455, 50456,
|
609 |
+
50457, 50458, 50459, 50460, 50461, 50462, 50463, 50464, 50865, 50866, 50867,
|
610 |
+
50868, 50869, 50870, 50871, 50872, 50873, 50874, 50875, 50876, 50877, 50878,
|
611 |
+
50879, 50880, 50881, 50882, 50883, 50884, 50885, 50886, 50887, 50888, 50889,
|
612 |
+
50890, 50891, 50892, 50893, 50894, 50895, 50896, 50897, 50898, 50899, 50900,
|
613 |
+
50901, 50902, 50903, 50904, 50905, 50906, 50907, 50908, 50909, 50910, 50911,
|
614 |
+
50912, 50913, 50914, 50915, 50916, 50917, 50918, 50919, 50920, 50921, 50922,
|
615 |
+
50923, 50924, 50925, 50926, 50927, 50928, 50929, 50930, 50931, 50932, 50933,
|
616 |
+
50934, 50935, 50936, 50937, 50938, 50939, 50940, 50941, 50942, 50943, 50944,
|
617 |
+
50945, 50946, 50947, 50948, 50949, 50950, 50951, 50952, 50953, 50954, 50955,
|
618 |
+
50956, 50957, 50958, 50959, 50960, 50961, 50962, 50963, 50964, 50965, 50966,
|
619 |
+
50967, 50968, 50969, 50970, 50971, 50972, 50973, 50974, 50975, 50976, 50977,
|
620 |
+
50978, 50979, 50980, 50981, 50982, 50983, 50984, 50985, 50986, 50987, 50988,
|
621 |
+
50989, 50990, 50991, 50992, 50993, 50994, 50995, 50996, 50997, 50998, 50999,
|
622 |
+
51000, 51001, 51002, 51003, 51004, 51005, 51006, 51007, 51008, 51009, 51010,
|
623 |
+
51011, 51012, 51013, 51014, 51015, 51016, 51017, 51018, 51019, 51020, 51021,
|
624 |
+
51022, 51023, 51024, 51025, 51026, 51027, 51028, 51029, 51030, 51031, 51032,
|
625 |
+
51033, 51034, 51035, 51036, 51037, 51038, 51039, 51040, 51041, 51042, 51043,
|
626 |
+
51044, 51045, 51046, 51047, 51048, 51049, 51050, 51051, 51052, 51053, 51054,
|
627 |
+
51055, 51056, 51057, 51058, 51059, 51060, 51061, 51062, 51063, 51064, 51065,
|
628 |
+
51066, 51067, 51068, 51069, 51070, 51071, 51072, 51073, 51074, 51075, 51076,
|
629 |
+
51077, 51078, 51079, 51080, 51081, 51082, 51083, 51084, 51085, 51086, 51087,
|
630 |
+
51088, 51089, 51090, 51091, 51092, 51093, 51094, 51095, 51096, 51097, 51098,
|
631 |
+
51099, 51100, 51101, 51102, 51103, 51104, 51105, 51106, 51107, 51108, 51109,
|
632 |
+
51110, 51111, 51112, 51113, 51114, 51115, 51116, 51117, 51118, 51119, 51120,
|
633 |
+
51121, 51122, 51123, 51124, 51125, 51126, 51127, 51128, 51129, 51130, 51131,
|
634 |
+
51132, 51133, 51134, 51135, 51136, 51137, 51138, 51139, 51140, 51141, 51142,
|
635 |
+
51143, 51144, 51145, 51146, 51147, 51148, 51149, 51150, 51151, 51152, 51153,
|
636 |
+
51154, 51155, 51156, 51157, 51158, 51159, 51160, 51161, 51162, 51163, 51164,
|
637 |
+
51165, 51166, 51167, 51168, 51169, 51170, 51171, 51172, 51173, 51174, 51175,
|
638 |
+
51176, 51177, 51178, 51179, 51180, 51181, 51182, 51183, 51184, 51185, 51186,
|
639 |
+
51187, 51188, 51189, 51190, 51191, 51192, 51193, 51194, 51195, 51196, 51197,
|
640 |
+
51198, 51199, 51200, 51201, 51202, 51203, 51204, 51205, 51206, 51207, 51208,
|
641 |
+
51209, 51210, 51211, 51212, 51213, 51214, 51215, 51216, 51217, 51218, 51219,
|
642 |
+
51220, 51221, 51222, 51223, 51224, 51225, 51226, 51227, 51228, 51229, 51230,
|
643 |
+
51231, 51232, 51233, 51234, 51235, 51236, 51237, 51238, 51239, 51240, 51241,
|
644 |
+
51242, 51243, 51244, 51245, 51246, 51247, 51248, 51249, 51250, 51251, 51252,
|
645 |
+
51253, 51254, 51255, 51256, 51257, 51258, 51259, 51260, 51261, 51262, 51263,
|
646 |
+
51264, 51265, 51266, 51267, 51268, 51269, 51270, 51271, 51272, 51273, 51274,
|
647 |
+
51275, 51276, 51277, 51278, 51279, 51280, 51281, 51282, 51283, 51284, 51285,
|
648 |
+
51286, 51287, 51288, 51289, 51290, 51291, 51292, 51293, 51294, 51295, 51296,
|
649 |
+
51297, 51298, 51299, 51300, 51301, 51302, 51303, 51304, 51305, 51306, 51307,
|
650 |
+
51308, 51309, 51310, 51311, 51312, 51313, 51314, 51315, 51316, 51317, 51318,
|
651 |
+
51319, 51320, 51321, 51322, 51323, 51324, 51325, 51326, 51327, 51328, 51329,
|
652 |
+
51330, 51331, 51332, 51333, 51334, 51335, 51336, 51337, 51338, 51339, 51340,
|
653 |
+
51341, 51342, 51343, 51344, 51345, 51346, 51347, 51348, 51349, 51350, 51351,
|
654 |
+
51352, 51353, 51354, 51355, 51356, 51357, 51358, 51359, 51360, 51361, 51362,
|
655 |
+
51363, 51364, 50465, 50466, 50467, 50468, 50469, 50470, 50471, 50472, 50473,
|
656 |
+
50474, 50475, 50476, 50477, 50478, 50479, 50480, 50481, 50482, 50483, 50484,
|
657 |
+
50485, 50486, 50487, 50488, 50489, 50490, 50491, 50492, 50493, 50494, 50495,
|
658 |
+
50496, 50497, 50498, 50499, 50500, 50501, 50502, 50503, 50504, 50505, 50506,
|
659 |
+
50507, 50508, 50509, 50510, 50511, 50512, 50513, 50514, 51365, 51366, 51367,
|
660 |
+
51368, 51369, 51370, 51371, 51372, 51373, 51374, 51375, 51376, 51377, 51378,
|
661 |
+
51379, 51380, 51381, 51382, 51383, 51384, 51385, 51386, 51387, 51388, 51389,
|
662 |
+
51390, 51391, 51392, 51393, 51394, 51395, 51396, 51397, 51398, 51399, 51400,
|
663 |
+
51401, 51402, 51403, 51404, 51405, 51406, 51407, 51408, 51409, 51410, 51411,
|
664 |
+
51412, 51413, 51414, 51415, 51416, 51417, 51418, 51419, 51420, 51421, 51422,
|
665 |
+
51423, 51424, 51425, 51426, 51427, 51428, 51429, 51430, 51431, 51432, 51433,
|
666 |
+
51434, 51435, 51436, 51437, 51438, 51439, 51440, 51441, 51442, 51443, 51444,
|
667 |
+
51445, 51446, 51447, 51448, 51449, 51450, 51451, 51452, 51453, 51454, 51455,
|
668 |
+
51456, 51457, 51458, 51459, 51460, 51461, 51462, 51463, 51464, 51465, 51466,
|
669 |
+
51467, 51468, 51469, 51470, 51471, 51472, 51473, 51474, 51475, 51476, 51477,
|
670 |
+
51478, 51479, 51480, 51481, 51482, 51483, 51484, 51485, 51486, 51487, 51488,
|
671 |
+
51489, 51490, 51491, 51492, 51493, 51494, 51495, 51496, 51497, 51498, 51499,
|
672 |
+
51500, 51501, 51502, 51503, 51504, 51505, 51506, 51507, 51508, 51509, 51510,
|
673 |
+
51511, 51512, 51513, 51514, 51515, 51516, 51517, 51518, 51519, 51520, 51521,
|
674 |
+
51522, 51523, 51524, 51525, 51526, 51527, 51528, 51529, 51530, 51531, 51532,
|
675 |
+
51533, 51534, 51535, 51536, 51537, 51538, 51539, 51540, 51541, 51542, 51543,
|
676 |
+
51544, 51545, 51546, 51547, 51548, 51549, 51550, 51551, 51552, 51553, 51554,
|
677 |
+
51555, 51556, 51557, 51558, 51559, 51560, 51561, 51562, 51563, 51564, 51565,
|
678 |
+
51566, 51567, 51568, 51569, 51570, 51571, 51572, 51573, 51574, 51575, 51576,
|
679 |
+
51577, 51578, 51579, 51580, 51581, 51582, 51583, 51584, 51585, 51586, 51587,
|
680 |
+
51588, 51589, 51590, 51591, 51592, 51593, 51594, 51595, 51596, 51597, 51598,
|
681 |
+
51599, 51600, 51601, 51602, 51603, 51604, 51605, 51606, 51607, 51608, 51609,
|
682 |
+
51610, 51611, 51612, 51613, 51614, 51615, 51616, 51617, 51618, 51619, 51620,
|
683 |
+
51621, 51622, 51623, 51624, 51625, 51626, 51627, 51628, 51629, 51630, 51631,
|
684 |
+
51632, 51633, 51634, 51635, 51636, 51637, 51638, 51639, 51640, 51641, 51642,
|
685 |
+
51643, 51644, 51645, 51646, 51647, 51648, 51649, 51650, 51651, 51652, 51653,
|
686 |
+
51654, 51655, 51656, 51657, 51658, 51659, 51660, 51661, 51662, 51663, 51664,
|
687 |
+
51665, 51666, 51667, 51668, 51669, 51670, 51671, 51672, 51673, 51674, 51675,
|
688 |
+
51676, 51677, 51678, 51679, 51680, 51681, 51682, 51683, 51684, 51685, 51686,
|
689 |
+
51687, 51688, 51689, 51690, 51691, 51692, 51693, 51694, 51695, 51696, 51697,
|
690 |
+
51698, 51699, 51700, 51701, 51702, 51703, 51704, 51705, 51706, 51707, 51708,
|
691 |
+
51709, 51710, 51711, 51712, 51713, 51714, 51715, 51716, 51717, 51718, 51719,
|
692 |
+
51720, 51721, 51722, 51723, 51724, 51725, 51726, 51727, 51728, 51729, 51730,
|
693 |
+
51731, 51732, 51733, 51734, 51735, 51736, 51737, 51738, 51739, 51740, 51741,
|
694 |
+
51742, 51743, 51744, 51745, 51746, 51747, 51748, 51749, 51750, 51751, 51752,
|
695 |
+
51753, 51754, 51755, 51756, 51757, 51758, 51759, 51760, 51761, 51762, 51763,
|
696 |
+
51764, 51765, 51766, 51767, 51768, 51769, 51770, 51771, 51772, 51773, 51774,
|
697 |
+
51775, 51776, 51777, 51778, 51779, 51780, 51781, 51782, 51783, 51784, 51785,
|
698 |
+
51786, 51787, 51788, 51789, 51790, 51791, 51792, 51793, 51794, 51795, 51796,
|
699 |
+
51797, 51798, 51799, 51800, 51801, 51802, 51803, 51804, 51805, 51806, 51807,
|
700 |
+
51808, 51809, 51810, 51811, 51812, 51813, 51814, 51815, 51816, 51817, 51818,
|
701 |
+
51819, 51820, 51821, 51822, 51823, 51824, 51825, 51826, 51827, 51828, 51829,
|
702 |
+
51830, 51831, 51832, 51833, 51834, 51835, 51836, 51837, 51838, 51839, 51840,
|
703 |
+
51841, 51842, 51843, 51844, 51845, 51846, 51847, 51848, 51849, 51850, 51851,
|
704 |
+
51852, 51853, 51854, 51855, 51856, 51857, 51858, 51859, 51860, 51861, 51862,
|
705 |
+
51863, 51864, 50515, 50516, 50517, 50518, 50519, 50520, 50521, 50522, 50523,
|
706 |
+
50524, 50525, 50526, 50527, 50528, 50529, 50530, 50531, 50532, 50533, 50534,
|
707 |
+
50535, 50536, 50537, 50538, 50539, 50540, 50541, 50542, 50543, 50544, 50545,
|
708 |
+
50546, 50547, 50548, 50549, 50550, 50551, 50552, 50553, 50554, 50555, 50556,
|
709 |
+
50557, 50558, 50559, 50560, 50561, 50562, 50563, 50564, 51865, 50565, 50566,
|
710 |
+
50567, 50568, 50569, 50570, 50571, 50572, 50573, 50574, 50575, 50576, 50577,
|
711 |
+
50578, 50579, 50580, 50581, 50582, 50583, 50584, 50585, 50586, 50587, 50588,
|
712 |
+
50589, 50590, 50591, 50592, 50593, 50594, 50595, 50596, 50597, 50598, 50599,
|
713 |
+
50600, 50601, 50602, 50603, 50604, 50605, 50606, 50607, 50608, 50609, 50610,
|
714 |
+
50611, 50612, 50613, 50614, 50615, 50616, 50617, 50618, 50619, 50620, 50621,
|
715 |
+
50622, 50623, 50624, 50625, 50626, 50627, 50628, 50629, 50630, 50631, 50632,
|
716 |
+
50633, 50634, 50635, 50636, 50637, 50638, 50639, 50640, 50641, 50642, 50643,
|
717 |
+
50644, 50645, 50646, 50647, 50648, 50649, 50650, 50651, 50652, 50653, 50654,
|
718 |
+
50655, 50656, 50657, 50658, 50659, 50660, 50661, 50662, 50663, 50664, 50665,
|
719 |
+
50666, 50667, 50668, 50669, 50670, 50671, 50672, 50673, 50674, 50675, 50676,
|
720 |
+
50677, 50678, 50679, 50680, 50681, 50682, 50683, 50684, 50685, 50686, 50687,
|
721 |
+
50688, 50689, 50690, 50691, 50692, 50693, 50694, 50695, 50696, 50697, 50698,
|
722 |
+
50699, 50700, 50701, 50702, 50703, 50704, 50705, 50706, 50707, 50708, 50709,
|
723 |
+
50710, 50711, 50712, 50713, 50714, 50715, 50716, 50717, 50718, 50719, 50720,
|
724 |
+
50721, 50722, 50723, 50724, 50725, 50726, 50727, 50728, 50729, 50730, 50731,
|
725 |
+
50732, 50733, 50734, 50735, 50736, 50737, 50738, 50739, 50740, 50741, 50742,
|
726 |
+
50743, 50744, 50745, 50746, 50747, 50748, 50749, 50750, 50751, 50752, 50753,
|
727 |
+
50754, 50755, 50756, 50757, 50758, 50759, 50760, 50761, 50762, 50763, 50764,
|
728 |
+
50765, 50766, 50767, 50768, 50769, 50770, 50771, 50772, 50773, 50774, 50775,
|
729 |
+
50776, 50777, 50778, 50779, 50780, 50781, 50782, 50783, 50784, 50785, 50786,
|
730 |
+
50787, 50788, 50789, 50790, 50791, 50792, 50793, 50794, 50795, 50796, 50797,
|
731 |
+
50798, 50799, 50800, 50801, 50802, 50803, 50804, 50805, 50806, 50807, 50808,
|
732 |
+
50809, 50810, 50811, 50812, 50813, 50814, 50815, 50816, 50817, 50818, 50819,
|
733 |
+
50820, 50821, 50822, 50823, 50824, 50825, 50826, 50827, 50828, 50829, 50830,
|
734 |
+
50831, 50832, 50833, 50834, 50835, 50836, 50837, 50838, 50839, 50840, 50841,
|
735 |
+
50842, 50843, 50844, 50845, 50846, 50847, 50848, 50849, 50850, 50851, 50852,
|
736 |
+
50853, 50854, 50855, 50856, 50857, 50858, 50859, 50860, 50861, 50862, 50863,
|
737 |
+
50864
|
738 |
+
],
|
739 |
+
"task_to_id": {
|
740 |
+
"transcribe": 50360,
|
741 |
+
"translate": 50359
|
742 |
+
},
|
743 |
+
"token_ids_to_ignore_for_dtw": [13, 11, 0, 30, 12],
|
744 |
+
"transformers_version": "4.37.2"
|
745 |
+
}
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ab370a321fa94ce08d419959813540a4f9b0239b88b2f4207ae28ef6607083c0
|
3 |
+
size 3219908024
|
normalizer.json
ADDED
@@ -0,0 +1,1742 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"accessorise": "accessorize",
|
3 |
+
"accessorised": "accessorized",
|
4 |
+
"accessorises": "accessorizes",
|
5 |
+
"accessorising": "accessorizing",
|
6 |
+
"acclimatisation": "acclimatization",
|
7 |
+
"acclimatise": "acclimatize",
|
8 |
+
"acclimatised": "acclimatized",
|
9 |
+
"acclimatises": "acclimatizes",
|
10 |
+
"acclimatising": "acclimatizing",
|
11 |
+
"accoutrements": "accouterments",
|
12 |
+
"aeon": "eon",
|
13 |
+
"aeons": "eons",
|
14 |
+
"aerogramme": "aerogram",
|
15 |
+
"aerogrammes": "aerograms",
|
16 |
+
"aeroplane": "airplane",
|
17 |
+
"aeroplanes": "airplanes",
|
18 |
+
"aesthete": "esthete",
|
19 |
+
"aesthetes": "esthetes",
|
20 |
+
"aesthetic": "esthetic",
|
21 |
+
"aesthetically": "esthetically",
|
22 |
+
"aesthetics": "esthetics",
|
23 |
+
"aetiology": "etiology",
|
24 |
+
"ageing": "aging",
|
25 |
+
"aggrandisement": "aggrandizement",
|
26 |
+
"agonise": "agonize",
|
27 |
+
"agonised": "agonized",
|
28 |
+
"agonises": "agonizes",
|
29 |
+
"agonising": "agonizing",
|
30 |
+
"agonisingly": "agonizingly",
|
31 |
+
"almanack": "almanac",
|
32 |
+
"almanacks": "almanacs",
|
33 |
+
"aluminium": "aluminum",
|
34 |
+
"amortisable": "amortizable",
|
35 |
+
"amortisation": "amortization",
|
36 |
+
"amortisations": "amortizations",
|
37 |
+
"amortise": "amortize",
|
38 |
+
"amortised": "amortized",
|
39 |
+
"amortises": "amortizes",
|
40 |
+
"amortising": "amortizing",
|
41 |
+
"amphitheatre": "amphitheater",
|
42 |
+
"amphitheatres": "amphitheaters",
|
43 |
+
"anaemia": "anemia",
|
44 |
+
"anaemic": "anemic",
|
45 |
+
"anaesthesia": "anesthesia",
|
46 |
+
"anaesthetic": "anesthetic",
|
47 |
+
"anaesthetics": "anesthetics",
|
48 |
+
"anaesthetise": "anesthetize",
|
49 |
+
"anaesthetised": "anesthetized",
|
50 |
+
"anaesthetises": "anesthetizes",
|
51 |
+
"anaesthetising": "anesthetizing",
|
52 |
+
"anaesthetist": "anesthetist",
|
53 |
+
"anaesthetists": "anesthetists",
|
54 |
+
"anaesthetize": "anesthetize",
|
55 |
+
"anaesthetized": "anesthetized",
|
56 |
+
"anaesthetizes": "anesthetizes",
|
57 |
+
"anaesthetizing": "anesthetizing",
|
58 |
+
"analogue": "analog",
|
59 |
+
"analogues": "analogs",
|
60 |
+
"analyse": "analyze",
|
61 |
+
"analysed": "analyzed",
|
62 |
+
"analyses": "analyzes",
|
63 |
+
"analysing": "analyzing",
|
64 |
+
"anglicise": "anglicize",
|
65 |
+
"anglicised": "anglicized",
|
66 |
+
"anglicises": "anglicizes",
|
67 |
+
"anglicising": "anglicizing",
|
68 |
+
"annualised": "annualized",
|
69 |
+
"antagonise": "antagonize",
|
70 |
+
"antagonised": "antagonized",
|
71 |
+
"antagonises": "antagonizes",
|
72 |
+
"antagonising": "antagonizing",
|
73 |
+
"apologise": "apologize",
|
74 |
+
"apologised": "apologized",
|
75 |
+
"apologises": "apologizes",
|
76 |
+
"apologising": "apologizing",
|
77 |
+
"appal": "appall",
|
78 |
+
"appals": "appalls",
|
79 |
+
"appetiser": "appetizer",
|
80 |
+
"appetisers": "appetizers",
|
81 |
+
"appetising": "appetizing",
|
82 |
+
"appetisingly": "appetizingly",
|
83 |
+
"arbour": "arbor",
|
84 |
+
"arbours": "arbors",
|
85 |
+
"archaeologically": "archeologically",
|
86 |
+
"archaeologist": "archeologist",
|
87 |
+
"archaeologists": "archeologists",
|
88 |
+
"archaeology": "archeology</span>",
|
89 |
+
"archeological": "archaeological",
|
90 |
+
"ardour": "ardor",
|
91 |
+
"armour": "armor",
|
92 |
+
"armoured": "armored",
|
93 |
+
"armourer": "armorer",
|
94 |
+
"armourers": "armorers",
|
95 |
+
"armouries": "armories",
|
96 |
+
"armoury": "armory",
|
97 |
+
"artefact": "artifact",
|
98 |
+
"artefacts": "artifacts",
|
99 |
+
"authorise": "authorize",
|
100 |
+
"authorised": "authorized",
|
101 |
+
"authorises": "authorizes",
|
102 |
+
"authorising": "authorizing",
|
103 |
+
"axe": "ax",
|
104 |
+
"backpedalled": "backpedaled",
|
105 |
+
"backpedalling": "backpedaling",
|
106 |
+
"bannister": "banister",
|
107 |
+
"bannisters": "banisters",
|
108 |
+
"baptise": "baptize",
|
109 |
+
"baptised": "baptized",
|
110 |
+
"baptises": "baptizes",
|
111 |
+
"baptising": "baptizing",
|
112 |
+
"bastardise": "bastardize",
|
113 |
+
"bastardised": "bastardized",
|
114 |
+
"bastardises": "bastardizes",
|
115 |
+
"bastardising": "bastardizing",
|
116 |
+
"battleax": "battleaxe",
|
117 |
+
"baulk": "balk",
|
118 |
+
"baulked": "balked",
|
119 |
+
"baulking": "balking",
|
120 |
+
"baulks": "balks",
|
121 |
+
"bedevilled": "bedeviled",
|
122 |
+
"bedevilling": "bedeviling",
|
123 |
+
"behaviour": "behavior",
|
124 |
+
"behavioural": "behavioral",
|
125 |
+
"behaviourism": "behaviorism",
|
126 |
+
"behaviourist": "behaviorist",
|
127 |
+
"behaviourists": "behaviorists",
|
128 |
+
"behaviours": "behaviors",
|
129 |
+
"behove": "behoove",
|
130 |
+
"behoved": "behooved",
|
131 |
+
"behoves": "behooves",
|
132 |
+
"bejewelled": "bejeweled",
|
133 |
+
"belabour": "belabor",
|
134 |
+
"belaboured": "belabored",
|
135 |
+
"belabouring": "belaboring",
|
136 |
+
"belabours": "belabors",
|
137 |
+
"bevelled": "beveled",
|
138 |
+
"bevvies": "bevies",
|
139 |
+
"bevvy": "bevy",
|
140 |
+
"biassed": "biased",
|
141 |
+
"biassing": "biasing",
|
142 |
+
"bingeing": "binging",
|
143 |
+
"bougainvillaea": "bougainvillea",
|
144 |
+
"bougainvillaeas": "bougainvilleas",
|
145 |
+
"bowdlerise": "bowdlerize",
|
146 |
+
"bowdlerised": "bowdlerized",
|
147 |
+
"bowdlerises": "bowdlerizes",
|
148 |
+
"bowdlerising": "bowdlerizing",
|
149 |
+
"breathalyse": "breathalyze",
|
150 |
+
"breathalysed": "breathalyzed",
|
151 |
+
"breathalyser": "breathalyzer",
|
152 |
+
"breathalysers": "breathalyzers",
|
153 |
+
"breathalyses": "breathalyzes",
|
154 |
+
"breathalysing": "breathalyzing",
|
155 |
+
"brutalise": "brutalize",
|
156 |
+
"brutalised": "brutalized",
|
157 |
+
"brutalises": "brutalizes",
|
158 |
+
"brutalising": "brutalizing",
|
159 |
+
"busses": "buses",
|
160 |
+
"bussing": "busing",
|
161 |
+
"caesarean": "cesarean",
|
162 |
+
"caesareans": "cesareans",
|
163 |
+
"calibre": "caliber",
|
164 |
+
"calibres": "calibers",
|
165 |
+
"calliper": "caliper",
|
166 |
+
"callipers": "calipers",
|
167 |
+
"callisthenics": "calisthenics",
|
168 |
+
"canalise": "canalize",
|
169 |
+
"canalised": "canalized",
|
170 |
+
"canalises": "canalizes",
|
171 |
+
"canalising": "canalizing",
|
172 |
+
"cancelation": "cancellation",
|
173 |
+
"cancelations": "cancellations",
|
174 |
+
"cancelled": "canceled",
|
175 |
+
"cancelling": "canceling",
|
176 |
+
"candour": "candor",
|
177 |
+
"cannibalise": "cannibalize",
|
178 |
+
"cannibalised": "cannibalized",
|
179 |
+
"cannibalises": "cannibalizes",
|
180 |
+
"cannibalising": "cannibalizing",
|
181 |
+
"canonise": "canonize",
|
182 |
+
"canonised": "canonized",
|
183 |
+
"canonises": "canonizes",
|
184 |
+
"canonising": "canonizing",
|
185 |
+
"capitalise": "capitalize",
|
186 |
+
"capitalised": "capitalized",
|
187 |
+
"capitalises": "capitalizes",
|
188 |
+
"capitalising": "capitalizing",
|
189 |
+
"caramelise": "caramelize",
|
190 |
+
"caramelised": "caramelized",
|
191 |
+
"caramelises": "caramelizes",
|
192 |
+
"caramelising": "caramelizing",
|
193 |
+
"carbonise": "carbonize",
|
194 |
+
"carbonised": "carbonized",
|
195 |
+
"carbonises": "carbonizes",
|
196 |
+
"carbonising": "carbonizing",
|
197 |
+
"carolled": "caroled",
|
198 |
+
"carolling": "caroling",
|
199 |
+
"catalogue": "catalog",
|
200 |
+
"catalogued": "cataloged",
|
201 |
+
"catalogues": "catalogs",
|
202 |
+
"cataloguing": "cataloging",
|
203 |
+
"catalyse": "catalyze",
|
204 |
+
"catalysed": "catalyzed",
|
205 |
+
"catalyses": "catalyzes",
|
206 |
+
"catalysing": "catalyzing",
|
207 |
+
"categorise": "categorize",
|
208 |
+
"categorised": "categorized",
|
209 |
+
"categorises": "categorizes",
|
210 |
+
"categorising": "categorizing",
|
211 |
+
"cauterise": "cauterize",
|
212 |
+
"cauterised": "cauterized",
|
213 |
+
"cauterises": "cauterizes",
|
214 |
+
"cauterising": "cauterizing",
|
215 |
+
"cavilled": "caviled",
|
216 |
+
"cavilling": "caviling",
|
217 |
+
"centigramme": "centigram",
|
218 |
+
"centigrammes": "centigrams",
|
219 |
+
"centilitre": "centiliter",
|
220 |
+
"centilitres": "centiliters",
|
221 |
+
"centimetre": "centimeter",
|
222 |
+
"centimetres": "centimeters",
|
223 |
+
"centralise": "centralize",
|
224 |
+
"centralised": "centralized",
|
225 |
+
"centralises": "centralizes",
|
226 |
+
"centralising": "centralizing",
|
227 |
+
"centre": "center",
|
228 |
+
"centred": "centered",
|
229 |
+
"centrefold": "centerfold",
|
230 |
+
"centrefolds": "centerfolds",
|
231 |
+
"centrepiece": "centerpiece",
|
232 |
+
"centrepieces": "centerpieces",
|
233 |
+
"centres": "centers",
|
234 |
+
"channelled": "channeled",
|
235 |
+
"channelling": "channeling",
|
236 |
+
"characterise": "characterize",
|
237 |
+
"characterised": "characterized",
|
238 |
+
"characterises": "characterizes",
|
239 |
+
"characterising": "characterizing",
|
240 |
+
"cheque": "check",
|
241 |
+
"chequebook": "checkbook",
|
242 |
+
"chequebooks": "checkbooks",
|
243 |
+
"chequered": "checkered",
|
244 |
+
"cheques": "checks",
|
245 |
+
"chilli": "chili",
|
246 |
+
"chimaera": "chimera",
|
247 |
+
"chimaeras": "chimeras",
|
248 |
+
"chiselled": "chiseled",
|
249 |
+
"chiselling": "chiseling",
|
250 |
+
"circularise": "circularize",
|
251 |
+
"circularised": "circularized",
|
252 |
+
"circularises": "circularizes",
|
253 |
+
"circularising": "circularizing",
|
254 |
+
"civilise": "civilize",
|
255 |
+
"civilised": "civilized",
|
256 |
+
"civilises": "civilizes",
|
257 |
+
"civilising": "civilizing",
|
258 |
+
"clamour": "clamor",
|
259 |
+
"clamoured": "clamored",
|
260 |
+
"clamouring": "clamoring",
|
261 |
+
"clamours": "clamors",
|
262 |
+
"clangour": "clangor",
|
263 |
+
"clarinettist": "clarinetist",
|
264 |
+
"clarinettists": "clarinetists",
|
265 |
+
"collectivise": "collectivize",
|
266 |
+
"collectivised": "collectivized",
|
267 |
+
"collectivises": "collectivizes",
|
268 |
+
"collectivising": "collectivizing",
|
269 |
+
"colonisation": "colonization",
|
270 |
+
"colonise": "colonize",
|
271 |
+
"colonised": "colonized",
|
272 |
+
"coloniser": "colonizer",
|
273 |
+
"colonisers": "colonizers",
|
274 |
+
"colonises": "colonizes",
|
275 |
+
"colonising": "colonizing",
|
276 |
+
"colour": "color",
|
277 |
+
"colourant": "colorant",
|
278 |
+
"colourants": "colorants",
|
279 |
+
"coloured": "colored",
|
280 |
+
"coloureds": "coloreds",
|
281 |
+
"colourful": "colorful",
|
282 |
+
"colourfully": "colorfully",
|
283 |
+
"colouring": "coloring",
|
284 |
+
"colourize": "colorize",
|
285 |
+
"colourized": "colorized",
|
286 |
+
"colourizes": "colorizes",
|
287 |
+
"colourizing": "colorizing",
|
288 |
+
"colourless": "colorless",
|
289 |
+
"colours": "colors",
|
290 |
+
"commercialise": "commercialize",
|
291 |
+
"commercialised": "commercialized",
|
292 |
+
"commercialises": "commercializes",
|
293 |
+
"commercialising": "commercializing",
|
294 |
+
"compartmentalise": "compartmentalize",
|
295 |
+
"compartmentalised": "compartmentalized",
|
296 |
+
"compartmentalises": "compartmentalizes",
|
297 |
+
"compartmentalising": "compartmentalizing",
|
298 |
+
"computerise": "computerize",
|
299 |
+
"computerised": "computerized",
|
300 |
+
"computerises": "computerizes",
|
301 |
+
"computerising": "computerizing",
|
302 |
+
"conceptualise": "conceptualize",
|
303 |
+
"conceptualised": "conceptualized",
|
304 |
+
"conceptualises": "conceptualizes",
|
305 |
+
"conceptualising": "conceptualizing",
|
306 |
+
"connexion": "connection",
|
307 |
+
"connexions": "connections",
|
308 |
+
"contextualise": "contextualize",
|
309 |
+
"contextualised": "contextualized",
|
310 |
+
"contextualises": "contextualizes",
|
311 |
+
"contextualising": "contextualizing",
|
312 |
+
"cosier": "cozier",
|
313 |
+
"cosies": "cozies",
|
314 |
+
"cosiest": "coziest",
|
315 |
+
"cosily": "cozily",
|
316 |
+
"cosiness": "coziness",
|
317 |
+
"cosy": "cozy",
|
318 |
+
"councillor": "councilor",
|
319 |
+
"councillors": "councilors",
|
320 |
+
"counselled": "counseled",
|
321 |
+
"counselling": "counseling",
|
322 |
+
"counsellor": "counselor",
|
323 |
+
"counsellors": "counselors",
|
324 |
+
"crenelated": "crenellated",
|
325 |
+
"criminalise": "criminalize",
|
326 |
+
"criminalised": "criminalized",
|
327 |
+
"criminalises": "criminalizes",
|
328 |
+
"criminalising": "criminalizing",
|
329 |
+
"criticise": "criticize",
|
330 |
+
"criticised": "criticized",
|
331 |
+
"criticises": "criticizes",
|
332 |
+
"criticising": "criticizing",
|
333 |
+
"crueller": "crueler",
|
334 |
+
"cruellest": "cruelest",
|
335 |
+
"crystallisation": "crystallization",
|
336 |
+
"crystallise": "crystallize",
|
337 |
+
"crystallised": "crystallized",
|
338 |
+
"crystallises": "crystallizes",
|
339 |
+
"crystallising": "crystallizing",
|
340 |
+
"cudgelled": "cudgeled",
|
341 |
+
"cudgelling": "cudgeling",
|
342 |
+
"customise": "customize",
|
343 |
+
"customised": "customized",
|
344 |
+
"customises": "customizes",
|
345 |
+
"customising": "customizing",
|
346 |
+
"cypher": "cipher",
|
347 |
+
"cyphers": "ciphers",
|
348 |
+
"decentralisation": "decentralization",
|
349 |
+
"decentralise": "decentralize",
|
350 |
+
"decentralised": "decentralized",
|
351 |
+
"decentralises": "decentralizes",
|
352 |
+
"decentralising": "decentralizing",
|
353 |
+
"decriminalisation": "decriminalization",
|
354 |
+
"decriminalise": "decriminalize",
|
355 |
+
"decriminalised": "decriminalized",
|
356 |
+
"decriminalises": "decriminalizes",
|
357 |
+
"decriminalising": "decriminalizing",
|
358 |
+
"defence": "defense",
|
359 |
+
"defenceless": "defenseless",
|
360 |
+
"defences": "defenses",
|
361 |
+
"dehumanisation": "dehumanization",
|
362 |
+
"dehumanise": "dehumanize",
|
363 |
+
"dehumanised": "dehumanized",
|
364 |
+
"dehumanises": "dehumanizes",
|
365 |
+
"dehumanising": "dehumanizing",
|
366 |
+
"demeanour": "demeanor",
|
367 |
+
"demilitarisation": "demilitarization",
|
368 |
+
"demilitarise": "demilitarize",
|
369 |
+
"demilitarised": "demilitarized",
|
370 |
+
"demilitarises": "demilitarizes",
|
371 |
+
"demilitarising": "demilitarizing",
|
372 |
+
"demobilisation": "demobilization",
|
373 |
+
"demobilise": "demobilize",
|
374 |
+
"demobilised": "demobilized",
|
375 |
+
"demobilises": "demobilizes",
|
376 |
+
"demobilising": "demobilizing",
|
377 |
+
"democratisation": "democratization",
|
378 |
+
"democratise": "democratize",
|
379 |
+
"democratised": "democratized",
|
380 |
+
"democratises": "democratizes",
|
381 |
+
"democratising": "democratizing",
|
382 |
+
"demonise": "demonize",
|
383 |
+
"demonised": "demonized",
|
384 |
+
"demonises": "demonizes",
|
385 |
+
"demonising": "demonizing",
|
386 |
+
"demoralisation": "demoralization",
|
387 |
+
"demoralise": "demoralize",
|
388 |
+
"demoralised": "demoralized",
|
389 |
+
"demoralises": "demoralizes",
|
390 |
+
"demoralising": "demoralizing",
|
391 |
+
"denationalisation": "denationalization",
|
392 |
+
"denationalise": "denationalize",
|
393 |
+
"denationalised": "denationalized",
|
394 |
+
"denationalises": "denationalizes",
|
395 |
+
"denationalising": "denationalizing",
|
396 |
+
"deodorise": "deodorize",
|
397 |
+
"deodorised": "deodorized",
|
398 |
+
"deodorises": "deodorizes",
|
399 |
+
"deodorising": "deodorizing",
|
400 |
+
"depersonalise": "depersonalize",
|
401 |
+
"depersonalised": "depersonalized",
|
402 |
+
"depersonalises": "depersonalizes",
|
403 |
+
"depersonalising": "depersonalizing",
|
404 |
+
"deputise": "deputize",
|
405 |
+
"deputised": "deputized",
|
406 |
+
"deputises": "deputizes",
|
407 |
+
"deputising": "deputizing",
|
408 |
+
"desensitisation": "desensitization",
|
409 |
+
"desensitise": "desensitize",
|
410 |
+
"desensitised": "desensitized",
|
411 |
+
"desensitises": "desensitizes",
|
412 |
+
"desensitising": "desensitizing",
|
413 |
+
"destabilisation": "destabilization",
|
414 |
+
"destabilise": "destabilize",
|
415 |
+
"destabilised": "destabilized",
|
416 |
+
"destabilises": "destabilizes",
|
417 |
+
"destabilising": "destabilizing",
|
418 |
+
"dialled": "dialed",
|
419 |
+
"dialling": "dialing",
|
420 |
+
"dialogue": "dialog",
|
421 |
+
"dialogues": "dialogs",
|
422 |
+
"diarrhoea": "diarrhea",
|
423 |
+
"digitise": "digitize",
|
424 |
+
"digitised": "digitized",
|
425 |
+
"digitises": "digitizes",
|
426 |
+
"digitising": "digitizing",
|
427 |
+
"disc": "disk",
|
428 |
+
"discolour": "discolor",
|
429 |
+
"discoloured": "discolored",
|
430 |
+
"discolouring": "discoloring",
|
431 |
+
"discolours": "discolors",
|
432 |
+
"discs": "disks",
|
433 |
+
"disembowelled": "disemboweled",
|
434 |
+
"disembowelling": "disemboweling",
|
435 |
+
"disfavour": "disfavor",
|
436 |
+
"dishevelled": "disheveled",
|
437 |
+
"dishonour": "dishonor",
|
438 |
+
"dishonourable": "dishonorable",
|
439 |
+
"dishonourably": "dishonorably",
|
440 |
+
"dishonoured": "dishonored",
|
441 |
+
"dishonouring": "dishonoring",
|
442 |
+
"dishonours": "dishonors",
|
443 |
+
"disorganisation": "disorganization",
|
444 |
+
"disorganised": "disorganized",
|
445 |
+
"distil": "distill",
|
446 |
+
"distils": "distills",
|
447 |
+
"dramatisation": "dramatization",
|
448 |
+
"dramatisations": "dramatizations",
|
449 |
+
"dramatise": "dramatize",
|
450 |
+
"dramatised": "dramatized",
|
451 |
+
"dramatises": "dramatizes",
|
452 |
+
"dramatising": "dramatizing",
|
453 |
+
"draught": "draft",
|
454 |
+
"draughtboard": "draftboard",
|
455 |
+
"draughtboards": "draftboards",
|
456 |
+
"draughtier": "draftier",
|
457 |
+
"draughtiest": "draftiest",
|
458 |
+
"draughts": "drafts",
|
459 |
+
"draughtsman": "draftsman",
|
460 |
+
"draughtsmanship": "draftsmanship",
|
461 |
+
"draughtsmen": "draftsmen",
|
462 |
+
"draughtswoman": "draftswoman",
|
463 |
+
"draughtswomen": "draftswomen",
|
464 |
+
"draughty": "drafty",
|
465 |
+
"drivelled": "driveled",
|
466 |
+
"drivelling": "driveling",
|
467 |
+
"duelled": "dueled",
|
468 |
+
"duelling": "dueling",
|
469 |
+
"economise": "economize",
|
470 |
+
"economised": "economized",
|
471 |
+
"economises": "economizes",
|
472 |
+
"economising": "economizing",
|
473 |
+
"editorialise": "editorialize",
|
474 |
+
"editorialised": "editorialized",
|
475 |
+
"editorialises": "editorializes",
|
476 |
+
"editorialising": "editorializing",
|
477 |
+
"edoema": "edema",
|
478 |
+
"empathise": "empathize",
|
479 |
+
"empathised": "empathized",
|
480 |
+
"empathises": "empathizes",
|
481 |
+
"empathising": "empathizing",
|
482 |
+
"emphasise": "emphasize",
|
483 |
+
"emphasised": "emphasized",
|
484 |
+
"emphasises": "emphasizes",
|
485 |
+
"emphasising": "emphasizing",
|
486 |
+
"enamelled": "enameled",
|
487 |
+
"enamelling": "enameling",
|
488 |
+
"enamoured": "enamored",
|
489 |
+
"encyclopaedia": "encyclopedia",
|
490 |
+
"encyclopaedias": "encyclopedias",
|
491 |
+
"encyclopaedic": "encyclopedic",
|
492 |
+
"endeavour": "endeavor",
|
493 |
+
"endeavoured": "endeavored",
|
494 |
+
"endeavouring": "endeavoring",
|
495 |
+
"endeavours": "endeavors",
|
496 |
+
"energise": "energize",
|
497 |
+
"energised": "energized",
|
498 |
+
"energises": "energizes",
|
499 |
+
"energising": "energizing",
|
500 |
+
"enrol": "enroll",
|
501 |
+
"enrols": "enrolls",
|
502 |
+
"enthral": "enthrall",
|
503 |
+
"enthrals": "enthralls",
|
504 |
+
"epaulette": "epaulet",
|
505 |
+
"epaulettes": "epaulets",
|
506 |
+
"epicentre": "epicenter",
|
507 |
+
"epicentres": "epicenters",
|
508 |
+
"epilogue": "epilog",
|
509 |
+
"epilogues": "epilogs",
|
510 |
+
"epitomise": "epitomize",
|
511 |
+
"epitomised": "epitomized",
|
512 |
+
"epitomises": "epitomizes",
|
513 |
+
"epitomising": "epitomizing",
|
514 |
+
"equalisation": "equalization",
|
515 |
+
"equalise": "equalize",
|
516 |
+
"equalised": "equalized",
|
517 |
+
"equaliser": "equalizer",
|
518 |
+
"equalisers": "equalizers",
|
519 |
+
"equalises": "equalizes",
|
520 |
+
"equalising": "equalizing",
|
521 |
+
"eulogise": "eulogize",
|
522 |
+
"eulogised": "eulogized",
|
523 |
+
"eulogises": "eulogizes",
|
524 |
+
"eulogising": "eulogizing",
|
525 |
+
"evangelise": "evangelize",
|
526 |
+
"evangelised": "evangelized",
|
527 |
+
"evangelises": "evangelizes",
|
528 |
+
"evangelising": "evangelizing",
|
529 |
+
"exorcise": "exorcize",
|
530 |
+
"exorcised": "exorcized",
|
531 |
+
"exorcises": "exorcizes",
|
532 |
+
"exorcising": "exorcizing",
|
533 |
+
"extemporisation": "extemporization",
|
534 |
+
"extemporise": "extemporize",
|
535 |
+
"extemporised": "extemporized",
|
536 |
+
"extemporises": "extemporizes",
|
537 |
+
"extemporising": "extemporizing",
|
538 |
+
"externalisation": "externalization",
|
539 |
+
"externalisations": "externalizations",
|
540 |
+
"externalise": "externalize",
|
541 |
+
"externalised": "externalized",
|
542 |
+
"externalises": "externalizes",
|
543 |
+
"externalising": "externalizing",
|
544 |
+
"factorise": "factorize",
|
545 |
+
"factorised": "factorized",
|
546 |
+
"factorises": "factorizes",
|
547 |
+
"factorising": "factorizing",
|
548 |
+
"faecal": "fecal",
|
549 |
+
"faeces": "feces",
|
550 |
+
"familiarisation": "familiarization",
|
551 |
+
"familiarise": "familiarize",
|
552 |
+
"familiarised": "familiarized",
|
553 |
+
"familiarises": "familiarizes",
|
554 |
+
"familiarising": "familiarizing",
|
555 |
+
"fantasise": "fantasize",
|
556 |
+
"fantasised": "fantasized",
|
557 |
+
"fantasises": "fantasizes",
|
558 |
+
"fantasising": "fantasizing",
|
559 |
+
"favour": "favor",
|
560 |
+
"favourable": "favorable",
|
561 |
+
"favourably": "favorably",
|
562 |
+
"favoured": "favored",
|
563 |
+
"favouring": "favoring",
|
564 |
+
"favourite": "favorite",
|
565 |
+
"favourites": "favorites",
|
566 |
+
"favouritism": "favoritism",
|
567 |
+
"favours": "favors",
|
568 |
+
"feminise": "feminize",
|
569 |
+
"feminised": "feminized",
|
570 |
+
"feminises": "feminizes",
|
571 |
+
"feminising": "feminizing",
|
572 |
+
"fertilisation": "fertilization",
|
573 |
+
"fertilise": "fertilize",
|
574 |
+
"fertilised": "fertilized",
|
575 |
+
"fertiliser": "fertilizer",
|
576 |
+
"fertilisers": "fertilizers",
|
577 |
+
"fertilises": "fertilizes",
|
578 |
+
"fertilising": "fertilizing",
|
579 |
+
"fervour": "fervor",
|
580 |
+
"fibre": "fiber",
|
581 |
+
"fibreglass": "fiberglass",
|
582 |
+
"fibres": "fibers",
|
583 |
+
"fictionalisation": "fictionalization",
|
584 |
+
"fictionalisations": "fictionalizations",
|
585 |
+
"fictionalise": "fictionalize",
|
586 |
+
"fictionalised": "fictionalized",
|
587 |
+
"fictionalises": "fictionalizes",
|
588 |
+
"fictionalising": "fictionalizing",
|
589 |
+
"fillet": "filet",
|
590 |
+
"filleted": "fileted",
|
591 |
+
"filleting": "fileting",
|
592 |
+
"fillets": "filets",
|
593 |
+
"finalisation": "finalization",
|
594 |
+
"finalise": "finalize",
|
595 |
+
"finalised": "finalized",
|
596 |
+
"finalises": "finalizes",
|
597 |
+
"finalising": "finalizing",
|
598 |
+
"flautist": "flutist",
|
599 |
+
"flautists": "flutists",
|
600 |
+
"flavour": "flavor",
|
601 |
+
"flavoured": "flavored",
|
602 |
+
"flavouring": "flavoring",
|
603 |
+
"flavourings": "flavorings",
|
604 |
+
"flavourless": "flavorless",
|
605 |
+
"flavours": "flavors",
|
606 |
+
"flavoursome": "flavorsome",
|
607 |
+
"flyer / flier": "flier / flyer",
|
608 |
+
"foetal": "fetal",
|
609 |
+
"foetid": "fetid",
|
610 |
+
"foetus": "fetus",
|
611 |
+
"foetuses": "fetuses",
|
612 |
+
"formalisation": "formalization",
|
613 |
+
"formalise": "formalize",
|
614 |
+
"formalised": "formalized",
|
615 |
+
"formalises": "formalizes",
|
616 |
+
"formalising": "formalizing",
|
617 |
+
"fossilisation": "fossilization",
|
618 |
+
"fossilise": "fossilize",
|
619 |
+
"fossilised": "fossilized",
|
620 |
+
"fossilises": "fossilizes",
|
621 |
+
"fossilising": "fossilizing",
|
622 |
+
"fraternisation": "fraternization",
|
623 |
+
"fraternise": "fraternize",
|
624 |
+
"fraternised": "fraternized",
|
625 |
+
"fraternises": "fraternizes",
|
626 |
+
"fraternising": "fraternizing",
|
627 |
+
"fulfil": "fulfill",
|
628 |
+
"fulfilment": "fulfillment",
|
629 |
+
"fulfils": "fulfills",
|
630 |
+
"funnelled": "funneled",
|
631 |
+
"funnelling": "funneling",
|
632 |
+
"gage": "gauge",
|
633 |
+
"gaged": "gauged",
|
634 |
+
"gages": "gauges",
|
635 |
+
"gaging": "gauging",
|
636 |
+
"galvanise": "galvanize",
|
637 |
+
"galvanised": "galvanized",
|
638 |
+
"galvanises": "galvanizes",
|
639 |
+
"galvanising": "galvanizing",
|
640 |
+
"gambolled": "gamboled",
|
641 |
+
"gambolling": "gamboling",
|
642 |
+
"gaol": "jail",
|
643 |
+
"gaolbird": "jailbird",
|
644 |
+
"gaolbirds": "jailbirds",
|
645 |
+
"gaolbreak": "jailbreak",
|
646 |
+
"gaolbreaks": "jailbreaks",
|
647 |
+
"gaoled": "jailed",
|
648 |
+
"gaoler": "jailer",
|
649 |
+
"gaolers": "jailers",
|
650 |
+
"gaoling": "jailing",
|
651 |
+
"gaols": "jails",
|
652 |
+
"gasses": "gases",
|
653 |
+
"generalisation": "generalization",
|
654 |
+
"generalisations": "generalizations",
|
655 |
+
"generalise": "generalize",
|
656 |
+
"generalised": "generalized",
|
657 |
+
"generalises": "generalizes",
|
658 |
+
"generalising": "generalizing",
|
659 |
+
"ghettoise": "ghettoize",
|
660 |
+
"ghettoised": "ghettoized",
|
661 |
+
"ghettoises": "ghettoizes",
|
662 |
+
"ghettoising": "ghettoizing",
|
663 |
+
"gipsies": "gypsies",
|
664 |
+
"glamor": "glamour",
|
665 |
+
"glamorise": "glamorize",
|
666 |
+
"glamorised": "glamorized",
|
667 |
+
"glamorises": "glamorizes",
|
668 |
+
"glamorising": "glamorizing",
|
669 |
+
"globalisation": "globalization",
|
670 |
+
"globalise": "globalize",
|
671 |
+
"globalised": "globalized",
|
672 |
+
"globalises": "globalizes",
|
673 |
+
"globalising": "globalizing",
|
674 |
+
"glueing": "gluing",
|
675 |
+
"goitre": "goiter",
|
676 |
+
"goitres": "goiters",
|
677 |
+
"gonorrhoea": "gonorrhea",
|
678 |
+
"gramme": "gram",
|
679 |
+
"grammes": "grams",
|
680 |
+
"gravelled": "graveled",
|
681 |
+
"grey": "gray",
|
682 |
+
"greyed": "grayed",
|
683 |
+
"greying": "graying",
|
684 |
+
"greyish": "grayish",
|
685 |
+
"greyness": "grayness",
|
686 |
+
"greys": "grays",
|
687 |
+
"grovelled": "groveled",
|
688 |
+
"grovelling": "groveling",
|
689 |
+
"groyne": "groin",
|
690 |
+
"groynes": "groins",
|
691 |
+
"gruelling": "grueling",
|
692 |
+
"gruellingly": "gruelingly",
|
693 |
+
"gryphon": "griffin",
|
694 |
+
"gryphons": "griffins",
|
695 |
+
"gynaecological": "gynecological",
|
696 |
+
"gynaecologist": "gynecologist",
|
697 |
+
"gynaecologists": "gynecologists",
|
698 |
+
"gynaecology": "gynecology",
|
699 |
+
"haematological": "hematological",
|
700 |
+
"haematologist": "hematologist",
|
701 |
+
"haematologists": "hematologists",
|
702 |
+
"haematology": "hematology",
|
703 |
+
"haemoglobin": "hemoglobin",
|
704 |
+
"haemophilia": "hemophilia",
|
705 |
+
"haemophiliac": "hemophiliac",
|
706 |
+
"haemophiliacs": "hemophiliacs",
|
707 |
+
"haemorrhage": "hemorrhage",
|
708 |
+
"haemorrhaged": "hemorrhaged",
|
709 |
+
"haemorrhages": "hemorrhages",
|
710 |
+
"haemorrhaging": "hemorrhaging",
|
711 |
+
"haemorrhoids": "hemorrhoids",
|
712 |
+
"harbour": "harbor",
|
713 |
+
"harboured": "harbored",
|
714 |
+
"harbouring": "harboring",
|
715 |
+
"harbours": "harbors",
|
716 |
+
"harmonisation": "harmonization",
|
717 |
+
"harmonise": "harmonize",
|
718 |
+
"harmonised": "harmonized",
|
719 |
+
"harmonises": "harmonizes",
|
720 |
+
"harmonising": "harmonizing",
|
721 |
+
"homoeopath": "homeopath",
|
722 |
+
"homoeopathic": "homeopathic",
|
723 |
+
"homoeopaths": "homeopaths",
|
724 |
+
"homoeopathy": "homeopathy",
|
725 |
+
"homogenise": "homogenize",
|
726 |
+
"homogenised": "homogenized",
|
727 |
+
"homogenises": "homogenizes",
|
728 |
+
"homogenising": "homogenizing",
|
729 |
+
"honour": "honor",
|
730 |
+
"honourable": "honorable",
|
731 |
+
"honourably": "honorably",
|
732 |
+
"honoured": "honored",
|
733 |
+
"honouring": "honoring",
|
734 |
+
"honours": "honors",
|
735 |
+
"hospitalisation": "hospitalization",
|
736 |
+
"hospitalise": "hospitalize",
|
737 |
+
"hospitalised": "hospitalized",
|
738 |
+
"hospitalises": "hospitalizes",
|
739 |
+
"hospitalising": "hospitalizing",
|
740 |
+
"humanise": "humanize",
|
741 |
+
"humanised": "humanized",
|
742 |
+
"humanises": "humanizes",
|
743 |
+
"humanising": "humanizing",
|
744 |
+
"humour": "humor",
|
745 |
+
"humoured": "humored",
|
746 |
+
"humouring": "humoring",
|
747 |
+
"humourless": "humorless",
|
748 |
+
"humours": "humors",
|
749 |
+
"hybridise": "hybridize",
|
750 |
+
"hybridised": "hybridized",
|
751 |
+
"hybridises": "hybridizes",
|
752 |
+
"hybridising": "hybridizing",
|
753 |
+
"hypnotise": "hypnotize",
|
754 |
+
"hypnotised": "hypnotized",
|
755 |
+
"hypnotises": "hypnotizes",
|
756 |
+
"hypnotising": "hypnotizing",
|
757 |
+
"hypothesise": "hypothesize",
|
758 |
+
"hypothesised": "hypothesized",
|
759 |
+
"hypothesises": "hypothesizes",
|
760 |
+
"hypothesising": "hypothesizing",
|
761 |
+
"idealisation": "idealization",
|
762 |
+
"idealise": "idealize",
|
763 |
+
"idealised": "idealized",
|
764 |
+
"idealises": "idealizes",
|
765 |
+
"idealising": "idealizing",
|
766 |
+
"idolise": "idolize",
|
767 |
+
"idolised": "idolized",
|
768 |
+
"idolises": "idolizes",
|
769 |
+
"idolising": "idolizing",
|
770 |
+
"immobilisation": "immobilization",
|
771 |
+
"immobilise": "immobilize",
|
772 |
+
"immobilised": "immobilized",
|
773 |
+
"immobiliser": "immobilizer",
|
774 |
+
"immobilisers": "immobilizers",
|
775 |
+
"immobilises": "immobilizes",
|
776 |
+
"immobilising": "immobilizing",
|
777 |
+
"immortalise": "immortalize",
|
778 |
+
"immortalised": "immortalized",
|
779 |
+
"immortalises": "immortalizes",
|
780 |
+
"immortalising": "immortalizing",
|
781 |
+
"immunisation": "immunization",
|
782 |
+
"immunise": "immunize",
|
783 |
+
"immunised": "immunized",
|
784 |
+
"immunises": "immunizes",
|
785 |
+
"immunising": "immunizing",
|
786 |
+
"impanelled": "impaneled",
|
787 |
+
"impanelling": "impaneling",
|
788 |
+
"imperilled": "imperiled",
|
789 |
+
"imperilling": "imperiling",
|
790 |
+
"individualise": "individualize",
|
791 |
+
"individualised": "individualized",
|
792 |
+
"individualises": "individualizes",
|
793 |
+
"individualising": "individualizing",
|
794 |
+
"industrialise": "industrialize",
|
795 |
+
"industrialised": "industrialized",
|
796 |
+
"industrialises": "industrializes",
|
797 |
+
"industrialising": "industrializing",
|
798 |
+
"inflexion": "inflection",
|
799 |
+
"inflexions": "inflections",
|
800 |
+
"initialise": "initialize",
|
801 |
+
"initialised": "initialized",
|
802 |
+
"initialises": "initializes",
|
803 |
+
"initialising": "initializing",
|
804 |
+
"initialled": "initialed",
|
805 |
+
"initialling": "initialing",
|
806 |
+
"instal": "install",
|
807 |
+
"instalment": "installment",
|
808 |
+
"instalments": "installments",
|
809 |
+
"instals": "installs",
|
810 |
+
"instil": "instill",
|
811 |
+
"instils": "instills",
|
812 |
+
"institutionalisation": "institutionalization",
|
813 |
+
"institutionalise": "institutionalize",
|
814 |
+
"institutionalised": "institutionalized",
|
815 |
+
"institutionalises": "institutionalizes",
|
816 |
+
"institutionalising": "institutionalizing",
|
817 |
+
"intellectualise": "intellectualize",
|
818 |
+
"intellectualised": "intellectualized",
|
819 |
+
"intellectualises": "intellectualizes",
|
820 |
+
"intellectualising": "intellectualizing",
|
821 |
+
"internalisation": "internalization",
|
822 |
+
"internalise": "internalize",
|
823 |
+
"internalised": "internalized",
|
824 |
+
"internalises": "internalizes",
|
825 |
+
"internalising": "internalizing",
|
826 |
+
"internationalisation": "internationalization",
|
827 |
+
"internationalise": "internationalize",
|
828 |
+
"internationalised": "internationalized",
|
829 |
+
"internationalises": "internationalizes",
|
830 |
+
"internationalising": "internationalizing",
|
831 |
+
"ionisation": "ionization",
|
832 |
+
"ionise": "ionize",
|
833 |
+
"ionised": "ionized",
|
834 |
+
"ioniser": "ionizer",
|
835 |
+
"ionisers": "ionizers",
|
836 |
+
"ionises": "ionizes",
|
837 |
+
"ionising": "ionizing",
|
838 |
+
"italicise": "italicize",
|
839 |
+
"italicised": "italicized",
|
840 |
+
"italicises": "italicizes",
|
841 |
+
"italicising": "italicizing",
|
842 |
+
"itemise": "itemize",
|
843 |
+
"itemised": "itemized",
|
844 |
+
"itemises": "itemizes",
|
845 |
+
"itemising": "itemizing",
|
846 |
+
"jeopardise": "jeopardize",
|
847 |
+
"jeopardised": "jeopardized",
|
848 |
+
"jeopardises": "jeopardizes",
|
849 |
+
"jeopardising": "jeopardizing",
|
850 |
+
"jewelled": "jeweled",
|
851 |
+
"jeweller": "jeweler",
|
852 |
+
"jewellers": "jewelers",
|
853 |
+
"jewellery": "jewelry",
|
854 |
+
"judgement": "judgment",
|
855 |
+
"kilogramme": "kilogram",
|
856 |
+
"kilogrammes": "kilograms",
|
857 |
+
"kilometre": "kilometer",
|
858 |
+
"kilometres": "kilometers",
|
859 |
+
"labelled": "labeled",
|
860 |
+
"labelling": "labeling",
|
861 |
+
"labour": "labor",
|
862 |
+
"laboured": "labored",
|
863 |
+
"labourer": "laborer",
|
864 |
+
"labourers": "laborers",
|
865 |
+
"labouring": "laboring",
|
866 |
+
"labours": "labors",
|
867 |
+
"lacklustre": "lackluster",
|
868 |
+
"legalisation": "legalization",
|
869 |
+
"legalise": "legalize",
|
870 |
+
"legalised": "legalized",
|
871 |
+
"legalises": "legalizes",
|
872 |
+
"legalising": "legalizing",
|
873 |
+
"legitimise": "legitimize",
|
874 |
+
"legitimised": "legitimized",
|
875 |
+
"legitimises": "legitimizes",
|
876 |
+
"legitimising": "legitimizing",
|
877 |
+
"leukaemia": "leukemia",
|
878 |
+
"levelled": "leveled",
|
879 |
+
"leveller": "leveler",
|
880 |
+
"levellers": "levelers",
|
881 |
+
"levelling": "leveling",
|
882 |
+
"libelled": "libeled",
|
883 |
+
"libelling": "libeling",
|
884 |
+
"libellous": "libelous",
|
885 |
+
"liberalisation": "liberalization",
|
886 |
+
"liberalise": "liberalize",
|
887 |
+
"liberalised": "liberalized",
|
888 |
+
"liberalises": "liberalizes",
|
889 |
+
"liberalising": "liberalizing",
|
890 |
+
"licence": "license",
|
891 |
+
"licenced": "licensed",
|
892 |
+
"licences": "licenses",
|
893 |
+
"licencing": "licensing",
|
894 |
+
"likeable": "likable",
|
895 |
+
"lionisation": "lionization",
|
896 |
+
"lionise": "lionize",
|
897 |
+
"lionised": "lionized",
|
898 |
+
"lionises": "lionizes",
|
899 |
+
"lionising": "lionizing",
|
900 |
+
"liquidise": "liquidize",
|
901 |
+
"liquidised": "liquidized",
|
902 |
+
"liquidiser": "liquidizer",
|
903 |
+
"liquidisers": "liquidizers",
|
904 |
+
"liquidises": "liquidizes",
|
905 |
+
"liquidising": "liquidizing",
|
906 |
+
"litre": "liter",
|
907 |
+
"litres": "liters",
|
908 |
+
"localise": "localize",
|
909 |
+
"localised": "localized",
|
910 |
+
"localises": "localizes",
|
911 |
+
"localising": "localizing",
|
912 |
+
"louvre": "louver",
|
913 |
+
"louvred": "louvered",
|
914 |
+
"louvres": "louvers",
|
915 |
+
"lustre": "luster",
|
916 |
+
"magnetise": "magnetize",
|
917 |
+
"magnetised": "magnetized",
|
918 |
+
"magnetises": "magnetizes",
|
919 |
+
"magnetising": "magnetizing",
|
920 |
+
"manoeuvrability": "maneuverability",
|
921 |
+
"manoeuvrable": "maneuverable",
|
922 |
+
"manoeuvre": "maneuver",
|
923 |
+
"manoeuvred": "maneuvered",
|
924 |
+
"manoeuvres": "maneuvers",
|
925 |
+
"manoeuvring": "maneuvering",
|
926 |
+
"manoeuvrings": "maneuverings",
|
927 |
+
"marginalisation": "marginalization",
|
928 |
+
"marginalise": "marginalize",
|
929 |
+
"marginalised": "marginalized",
|
930 |
+
"marginalises": "marginalizes",
|
931 |
+
"marginalising": "marginalizing",
|
932 |
+
"marshalled": "marshaled",
|
933 |
+
"marshalling": "marshaling",
|
934 |
+
"marvelled": "marveled",
|
935 |
+
"marvelling": "marveling",
|
936 |
+
"marvellous": "marvelous",
|
937 |
+
"marvellously": "marvelously",
|
938 |
+
"materialisation": "materialization",
|
939 |
+
"materialise": "materialize",
|
940 |
+
"materialised": "materialized",
|
941 |
+
"materialises": "materializes",
|
942 |
+
"materialising": "materializing",
|
943 |
+
"maximisation": "maximization",
|
944 |
+
"maximise": "maximize",
|
945 |
+
"maximised": "maximized",
|
946 |
+
"maximises": "maximizes",
|
947 |
+
"maximising": "maximizing",
|
948 |
+
"meagre": "meager",
|
949 |
+
"mechanisation": "mechanization",
|
950 |
+
"mechanise": "mechanize",
|
951 |
+
"mechanised": "mechanized",
|
952 |
+
"mechanises": "mechanizes",
|
953 |
+
"mechanising": "mechanizing",
|
954 |
+
"mediaeval": "medieval",
|
955 |
+
"memorialise": "memorialize",
|
956 |
+
"memorialised": "memorialized",
|
957 |
+
"memorialises": "memorializes",
|
958 |
+
"memorialising": "memorializing",
|
959 |
+
"memorise": "memorize",
|
960 |
+
"memorised": "memorized",
|
961 |
+
"memorises": "memorizes",
|
962 |
+
"memorising": "memorizing",
|
963 |
+
"mesmerise": "mesmerize",
|
964 |
+
"mesmerised": "mesmerized",
|
965 |
+
"mesmerises": "mesmerizes",
|
966 |
+
"mesmerising": "mesmerizing",
|
967 |
+
"metabolise": "metabolize",
|
968 |
+
"metabolised": "metabolized",
|
969 |
+
"metabolises": "metabolizes",
|
970 |
+
"metabolising": "metabolizing",
|
971 |
+
"metre": "meter",
|
972 |
+
"metres": "meters",
|
973 |
+
"mhm": "hmm",
|
974 |
+
"micrometre": "micrometer",
|
975 |
+
"micrometres": "micrometers",
|
976 |
+
"militarise": "militarize",
|
977 |
+
"militarised": "militarized",
|
978 |
+
"militarises": "militarizes",
|
979 |
+
"militarising": "militarizing",
|
980 |
+
"milligramme": "milligram",
|
981 |
+
"milligrammes": "milligrams",
|
982 |
+
"millilitre": "milliliter",
|
983 |
+
"millilitres": "milliliters",
|
984 |
+
"millimetre": "millimeter",
|
985 |
+
"millimetres": "millimeters",
|
986 |
+
"miniaturisation": "miniaturization",
|
987 |
+
"miniaturise": "miniaturize",
|
988 |
+
"miniaturised": "miniaturized",
|
989 |
+
"miniaturises": "miniaturizes",
|
990 |
+
"miniaturising": "miniaturizing",
|
991 |
+
"minibusses": "minibuses",
|
992 |
+
"minimise": "minimize",
|
993 |
+
"minimised": "minimized",
|
994 |
+
"minimises": "minimizes",
|
995 |
+
"minimising": "minimizing",
|
996 |
+
"misbehaviour": "misbehavior",
|
997 |
+
"misdemeanour": "misdemeanor",
|
998 |
+
"misdemeanours": "misdemeanors",
|
999 |
+
"misspelt": "misspelled",
|
1000 |
+
"mitre": "miter",
|
1001 |
+
"mitres": "miters",
|
1002 |
+
"mm": "hmm",
|
1003 |
+
"mmm": "hmm",
|
1004 |
+
"mobilisation": "mobilization",
|
1005 |
+
"mobilise": "mobilize",
|
1006 |
+
"mobilised": "mobilized",
|
1007 |
+
"mobilises": "mobilizes",
|
1008 |
+
"mobilising": "mobilizing",
|
1009 |
+
"modelled": "modeled",
|
1010 |
+
"modeller": "modeler",
|
1011 |
+
"modellers": "modelers",
|
1012 |
+
"modelling": "modeling",
|
1013 |
+
"modernise": "modernize",
|
1014 |
+
"modernised": "modernized",
|
1015 |
+
"modernises": "modernizes",
|
1016 |
+
"modernising": "modernizing",
|
1017 |
+
"moisturise": "moisturize",
|
1018 |
+
"moisturised": "moisturized",
|
1019 |
+
"moisturiser": "moisturizer",
|
1020 |
+
"moisturisers": "moisturizers",
|
1021 |
+
"moisturises": "moisturizes",
|
1022 |
+
"moisturising": "moisturizing",
|
1023 |
+
"monologue": "monolog",
|
1024 |
+
"monologues": "monologs",
|
1025 |
+
"monopolisation": "monopolization",
|
1026 |
+
"monopolise": "monopolize",
|
1027 |
+
"monopolised": "monopolized",
|
1028 |
+
"monopolises": "monopolizes",
|
1029 |
+
"monopolising": "monopolizing",
|
1030 |
+
"moralise": "moralize",
|
1031 |
+
"moralised": "moralized",
|
1032 |
+
"moralises": "moralizes",
|
1033 |
+
"moralising": "moralizing",
|
1034 |
+
"motorised": "motorized",
|
1035 |
+
"mould": "mold",
|
1036 |
+
"moulded": "molded",
|
1037 |
+
"moulder": "molder",
|
1038 |
+
"mouldered": "moldered",
|
1039 |
+
"mouldering": "moldering",
|
1040 |
+
"moulders": "molders",
|
1041 |
+
"mouldier": "moldier",
|
1042 |
+
"mouldiest": "moldiest",
|
1043 |
+
"moulding": "molding",
|
1044 |
+
"mouldings": "moldings",
|
1045 |
+
"moulds": "molds",
|
1046 |
+
"mouldy": "moldy",
|
1047 |
+
"moult": "molt",
|
1048 |
+
"moulted": "molted",
|
1049 |
+
"moulting": "molting",
|
1050 |
+
"moults": "molts",
|
1051 |
+
"moustache": "mustache",
|
1052 |
+
"moustached": "mustached",
|
1053 |
+
"moustaches": "mustaches",
|
1054 |
+
"moustachioed": "mustachioed",
|
1055 |
+
"multicoloured": "multicolored",
|
1056 |
+
"nationalisation": "nationalization",
|
1057 |
+
"nationalisations": "nationalizations",
|
1058 |
+
"nationalise": "nationalize",
|
1059 |
+
"nationalised": "nationalized",
|
1060 |
+
"nationalises": "nationalizes",
|
1061 |
+
"nationalising": "nationalizing",
|
1062 |
+
"naturalisation": "naturalization",
|
1063 |
+
"naturalise": "naturalize",
|
1064 |
+
"naturalised": "naturalized",
|
1065 |
+
"naturalises": "naturalizes",
|
1066 |
+
"naturalising": "naturalizing",
|
1067 |
+
"neighbour": "neighbor",
|
1068 |
+
"neighbourhood": "neighborhood",
|
1069 |
+
"neighbourhoods": "neighborhoods",
|
1070 |
+
"neighbouring": "neighboring",
|
1071 |
+
"neighbourliness": "neighborliness",
|
1072 |
+
"neighbourly": "neighborly",
|
1073 |
+
"neighbours": "neighbors",
|
1074 |
+
"neutralisation": "neutralization",
|
1075 |
+
"neutralise": "neutralize",
|
1076 |
+
"neutralised": "neutralized",
|
1077 |
+
"neutralises": "neutralizes",
|
1078 |
+
"neutralising": "neutralizing",
|
1079 |
+
"normalisation": "normalization",
|
1080 |
+
"normalise": "normalize",
|
1081 |
+
"normalised": "normalized",
|
1082 |
+
"normalises": "normalizes",
|
1083 |
+
"normalising": "normalizing",
|
1084 |
+
"odour": "odor",
|
1085 |
+
"odourless": "odorless",
|
1086 |
+
"odours": "odors",
|
1087 |
+
"oesophagus": "esophagus",
|
1088 |
+
"oesophaguses": "esophaguses",
|
1089 |
+
"oestrogen": "estrogen",
|
1090 |
+
"offence": "offense",
|
1091 |
+
"offences": "offenses",
|
1092 |
+
"omelette": "omelet",
|
1093 |
+
"omelettes": "omelets",
|
1094 |
+
"optimise": "optimize",
|
1095 |
+
"optimised": "optimized",
|
1096 |
+
"optimises": "optimizes",
|
1097 |
+
"optimising": "optimizing",
|
1098 |
+
"organisation": "organization",
|
1099 |
+
"organisational": "organizational",
|
1100 |
+
"organisations": "organizations",
|
1101 |
+
"organise": "organize",
|
1102 |
+
"organised": "organized",
|
1103 |
+
"organiser": "organizer",
|
1104 |
+
"organisers": "organizers",
|
1105 |
+
"organises": "organizes",
|
1106 |
+
"organising": "organizing",
|
1107 |
+
"orthopaedic": "orthopedic",
|
1108 |
+
"orthopaedics": "orthopedics",
|
1109 |
+
"ostracise": "ostracize",
|
1110 |
+
"ostracised": "ostracized",
|
1111 |
+
"ostracises": "ostracizes",
|
1112 |
+
"ostracising": "ostracizing",
|
1113 |
+
"outmanoeuvre": "outmaneuver",
|
1114 |
+
"outmanoeuvred": "outmaneuvered",
|
1115 |
+
"outmanoeuvres": "outmaneuvers",
|
1116 |
+
"outmanoeuvring": "outmaneuvering",
|
1117 |
+
"overemphasise": "overemphasize",
|
1118 |
+
"overemphasised": "overemphasized",
|
1119 |
+
"overemphasises": "overemphasizes",
|
1120 |
+
"overemphasising": "overemphasizing",
|
1121 |
+
"oxidisation": "oxidization",
|
1122 |
+
"oxidise": "oxidize",
|
1123 |
+
"oxidised": "oxidized",
|
1124 |
+
"oxidises": "oxidizes",
|
1125 |
+
"oxidising": "oxidizing",
|
1126 |
+
"paederast": "pederast",
|
1127 |
+
"paederasts": "pederasts",
|
1128 |
+
"paediatric": "pediatric",
|
1129 |
+
"paediatrician": "pediatrician",
|
1130 |
+
"paediatricians": "pediatricians",
|
1131 |
+
"paediatrics": "pediatrics",
|
1132 |
+
"paedophile": "pedophile",
|
1133 |
+
"paedophiles": "pedophiles",
|
1134 |
+
"paedophilia": "pedophilia",
|
1135 |
+
"palaeolithic": "paleolithic",
|
1136 |
+
"palaeontologist": "paleontologist",
|
1137 |
+
"palaeontologists": "paleontologists",
|
1138 |
+
"palaeontology": "paleontology",
|
1139 |
+
"panelled": "paneled",
|
1140 |
+
"panelling": "paneling",
|
1141 |
+
"panellist": "panelist",
|
1142 |
+
"panellists": "panelists",
|
1143 |
+
"paralyse": "paralyze",
|
1144 |
+
"paralysed": "paralyzed",
|
1145 |
+
"paralyses": "paralyzes",
|
1146 |
+
"paralysing": "paralyzing",
|
1147 |
+
"parcelled": "parceled",
|
1148 |
+
"parcelling": "parceling",
|
1149 |
+
"parlour": "parlor",
|
1150 |
+
"parlours": "parlors",
|
1151 |
+
"particularise": "particularize",
|
1152 |
+
"particularised": "particularized",
|
1153 |
+
"particularises": "particularizes",
|
1154 |
+
"particularising": "particularizing",
|
1155 |
+
"passivisation": "passivization",
|
1156 |
+
"passivise": "passivize",
|
1157 |
+
"passivised": "passivized",
|
1158 |
+
"passivises": "passivizes",
|
1159 |
+
"passivising": "passivizing",
|
1160 |
+
"pasteurisation": "pasteurization",
|
1161 |
+
"pasteurise": "pasteurize",
|
1162 |
+
"pasteurised": "pasteurized",
|
1163 |
+
"pasteurises": "pasteurizes",
|
1164 |
+
"pasteurising": "pasteurizing",
|
1165 |
+
"patronise": "patronize",
|
1166 |
+
"patronised": "patronized",
|
1167 |
+
"patronises": "patronizes",
|
1168 |
+
"patronising": "patronizing",
|
1169 |
+
"patronisingly": "patronizingly",
|
1170 |
+
"pedalled": "pedaled",
|
1171 |
+
"pedalling": "pedaling",
|
1172 |
+
"pedestrianisation": "pedestrianization",
|
1173 |
+
"pedestrianise": "pedestrianize",
|
1174 |
+
"pedestrianised": "pedestrianized",
|
1175 |
+
"pedestrianises": "pedestrianizes",
|
1176 |
+
"pedestrianising": "pedestrianizing",
|
1177 |
+
"penalise": "penalize",
|
1178 |
+
"penalised": "penalized",
|
1179 |
+
"penalises": "penalizes",
|
1180 |
+
"penalising": "penalizing",
|
1181 |
+
"pencilled": "penciled",
|
1182 |
+
"pencilling": "penciling",
|
1183 |
+
"personalise": "personalize",
|
1184 |
+
"personalised": "personalized",
|
1185 |
+
"personalises": "personalizes",
|
1186 |
+
"personalising": "personalizing",
|
1187 |
+
"pharmacopoeia": "pharmacopeia",
|
1188 |
+
"pharmacopoeias": "pharmacopeias",
|
1189 |
+
"philosophise": "philosophize",
|
1190 |
+
"philosophised": "philosophized",
|
1191 |
+
"philosophises": "philosophizes",
|
1192 |
+
"philosophising": "philosophizing",
|
1193 |
+
"philtre": "filter",
|
1194 |
+
"philtres": "filters",
|
1195 |
+
"phoney": "phony",
|
1196 |
+
"plagiarise": "plagiarize",
|
1197 |
+
"plagiarised": "plagiarized",
|
1198 |
+
"plagiarises": "plagiarizes",
|
1199 |
+
"plagiarising": "plagiarizing",
|
1200 |
+
"plough": "plow",
|
1201 |
+
"ploughed": "plowed",
|
1202 |
+
"ploughing": "plowing",
|
1203 |
+
"ploughman": "plowman",
|
1204 |
+
"ploughmen": "plowmen",
|
1205 |
+
"ploughs": "plows",
|
1206 |
+
"ploughshare": "plowshare",
|
1207 |
+
"ploughshares": "plowshares",
|
1208 |
+
"polarisation": "polarization",
|
1209 |
+
"polarise": "polarize",
|
1210 |
+
"polarised": "polarized",
|
1211 |
+
"polarises": "polarizes",
|
1212 |
+
"polarising": "polarizing",
|
1213 |
+
"politicisation": "politicization",
|
1214 |
+
"politicise": "politicize",
|
1215 |
+
"politicised": "politicized",
|
1216 |
+
"politicises": "politicizes",
|
1217 |
+
"politicising": "politicizing",
|
1218 |
+
"popularisation": "popularization",
|
1219 |
+
"popularise": "popularize",
|
1220 |
+
"popularised": "popularized",
|
1221 |
+
"popularises": "popularizes",
|
1222 |
+
"popularising": "popularizing",
|
1223 |
+
"pouffe": "pouf",
|
1224 |
+
"pouffes": "poufs",
|
1225 |
+
"practise": "practice",
|
1226 |
+
"practised": "practiced",
|
1227 |
+
"practises": "practices",
|
1228 |
+
"practising": "practicing",
|
1229 |
+
"praesidium": "presidium",
|
1230 |
+
"praesidiums": "presidiums",
|
1231 |
+
"pressurisation": "pressurization",
|
1232 |
+
"pressurise": "pressurize",
|
1233 |
+
"pressurised": "pressurized",
|
1234 |
+
"pressurises": "pressurizes",
|
1235 |
+
"pressurising": "pressurizing",
|
1236 |
+
"pretence": "pretense",
|
1237 |
+
"pretences": "pretenses",
|
1238 |
+
"primaeval": "primeval",
|
1239 |
+
"prioritisation": "prioritization",
|
1240 |
+
"prioritise": "prioritize",
|
1241 |
+
"prioritised": "prioritized",
|
1242 |
+
"prioritises": "prioritizes",
|
1243 |
+
"prioritising": "prioritizing",
|
1244 |
+
"privatisation": "privatization",
|
1245 |
+
"privatisations": "privatizations",
|
1246 |
+
"privatise": "privatize",
|
1247 |
+
"privatised": "privatized",
|
1248 |
+
"privatises": "privatizes",
|
1249 |
+
"privatising": "privatizing",
|
1250 |
+
"professionalisation": "professionalization",
|
1251 |
+
"professionalise": "professionalize",
|
1252 |
+
"professionalised": "professionalized",
|
1253 |
+
"professionalises": "professionalizes",
|
1254 |
+
"professionalising": "professionalizing",
|
1255 |
+
"programme": "program",
|
1256 |
+
"programmes": "programs",
|
1257 |
+
"prologue": "prolog",
|
1258 |
+
"prologues": "prologs",
|
1259 |
+
"propagandise": "propagandize",
|
1260 |
+
"propagandised": "propagandized",
|
1261 |
+
"propagandises": "propagandizes",
|
1262 |
+
"propagandising": "propagandizing",
|
1263 |
+
"proselytise": "proselytize",
|
1264 |
+
"proselytised": "proselytized",
|
1265 |
+
"proselytiser": "proselytizer",
|
1266 |
+
"proselytisers": "proselytizers",
|
1267 |
+
"proselytises": "proselytizes",
|
1268 |
+
"proselytising": "proselytizing",
|
1269 |
+
"psychoanalyse": "psychoanalyze",
|
1270 |
+
"psychoanalysed": "psychoanalyzed",
|
1271 |
+
"psychoanalyses": "psychoanalyzes",
|
1272 |
+
"psychoanalysing": "psychoanalyzing",
|
1273 |
+
"publicise": "publicize",
|
1274 |
+
"publicised": "publicized",
|
1275 |
+
"publicises": "publicizes",
|
1276 |
+
"publicising": "publicizing",
|
1277 |
+
"pulverisation": "pulverization",
|
1278 |
+
"pulverise": "pulverize",
|
1279 |
+
"pulverised": "pulverized",
|
1280 |
+
"pulverises": "pulverizes",
|
1281 |
+
"pulverising": "pulverizing",
|
1282 |
+
"pummelled": "pummel",
|
1283 |
+
"pummelling": "pummeled",
|
1284 |
+
"pyjama": "pajama",
|
1285 |
+
"pyjamas": "pajamas",
|
1286 |
+
"pzazz": "pizzazz",
|
1287 |
+
"quarrelled": "quarreled",
|
1288 |
+
"quarrelling": "quarreling",
|
1289 |
+
"radicalise": "radicalize",
|
1290 |
+
"radicalised": "radicalized",
|
1291 |
+
"radicalises": "radicalizes",
|
1292 |
+
"radicalising": "radicalizing",
|
1293 |
+
"rancour": "rancor",
|
1294 |
+
"randomise": "randomize",
|
1295 |
+
"randomised": "randomized",
|
1296 |
+
"randomises": "randomizes",
|
1297 |
+
"randomising": "randomizing",
|
1298 |
+
"rationalisation": "rationalization",
|
1299 |
+
"rationalisations": "rationalizations",
|
1300 |
+
"rationalise": "rationalize",
|
1301 |
+
"rationalised": "rationalized",
|
1302 |
+
"rationalises": "rationalizes",
|
1303 |
+
"rationalising": "rationalizing",
|
1304 |
+
"ravelled": "raveled",
|
1305 |
+
"ravelling": "raveling",
|
1306 |
+
"realisable": "realizable",
|
1307 |
+
"realisation": "realization",
|
1308 |
+
"realisations": "realizations",
|
1309 |
+
"realise": "realize",
|
1310 |
+
"realised": "realized",
|
1311 |
+
"realises": "realizes",
|
1312 |
+
"realising": "realizing",
|
1313 |
+
"recognisable": "recognizable",
|
1314 |
+
"recognisably": "recognizably",
|
1315 |
+
"recognisance": "recognizance",
|
1316 |
+
"recognise": "recognize",
|
1317 |
+
"recognised": "recognized",
|
1318 |
+
"recognises": "recognizes",
|
1319 |
+
"recognising": "recognizing",
|
1320 |
+
"reconnoitre": "reconnoiter",
|
1321 |
+
"reconnoitred": "reconnoitered",
|
1322 |
+
"reconnoitres": "reconnoiters",
|
1323 |
+
"reconnoitring": "reconnoitering",
|
1324 |
+
"refuelled": "refueled",
|
1325 |
+
"refuelling": "refueling",
|
1326 |
+
"regularisation": "regularization",
|
1327 |
+
"regularise": "regularize",
|
1328 |
+
"regularised": "regularized",
|
1329 |
+
"regularises": "regularizes",
|
1330 |
+
"regularising": "regularizing",
|
1331 |
+
"remodelled": "remodeled",
|
1332 |
+
"remodelling": "remodeling",
|
1333 |
+
"remould": "remold",
|
1334 |
+
"remoulded": "remolded",
|
1335 |
+
"remoulding": "remolding",
|
1336 |
+
"remoulds": "remolds",
|
1337 |
+
"reorganisation": "reorganization",
|
1338 |
+
"reorganisations": "reorganizations",
|
1339 |
+
"reorganise": "reorganize",
|
1340 |
+
"reorganised": "reorganized",
|
1341 |
+
"reorganises": "reorganizes",
|
1342 |
+
"reorganising": "reorganizing",
|
1343 |
+
"revelled": "reveled",
|
1344 |
+
"reveller": "reveler",
|
1345 |
+
"revellers": "revelers",
|
1346 |
+
"revelling": "reveling",
|
1347 |
+
"revitalise": "revitalize",
|
1348 |
+
"revitalised": "revitalized",
|
1349 |
+
"revitalises": "revitalizes",
|
1350 |
+
"revitalising": "revitalizing",
|
1351 |
+
"revolutionise": "revolutionize",
|
1352 |
+
"revolutionised": "revolutionized",
|
1353 |
+
"revolutionises": "revolutionizes",
|
1354 |
+
"revolutionising": "revolutionizing",
|
1355 |
+
"rhapsodise": "rhapsodize",
|
1356 |
+
"rhapsodised": "rhapsodized",
|
1357 |
+
"rhapsodises": "rhapsodizes",
|
1358 |
+
"rhapsodising": "rhapsodizing",
|
1359 |
+
"rigour": "rigor",
|
1360 |
+
"rigours": "rigors",
|
1361 |
+
"ritualised": "ritualized",
|
1362 |
+
"rivalled": "rivaled",
|
1363 |
+
"rivalling": "rivaling",
|
1364 |
+
"romanticise": "romanticize",
|
1365 |
+
"romanticised": "romanticized",
|
1366 |
+
"romanticises": "romanticizes",
|
1367 |
+
"romanticising": "romanticizing",
|
1368 |
+
"rumour": "rumor",
|
1369 |
+
"rumoured": "rumored",
|
1370 |
+
"rumours": "rumors",
|
1371 |
+
"sabre": "saber",
|
1372 |
+
"sabres": "sabers",
|
1373 |
+
"saltpetre": "saltpeter",
|
1374 |
+
"sanitise": "sanitize",
|
1375 |
+
"sanitised": "sanitized",
|
1376 |
+
"sanitises": "sanitizes",
|
1377 |
+
"sanitising": "sanitizing",
|
1378 |
+
"satirise": "satirize",
|
1379 |
+
"satirised": "satirized",
|
1380 |
+
"satirises": "satirizes",
|
1381 |
+
"satirising": "satirizing",
|
1382 |
+
"saviour": "savior",
|
1383 |
+
"saviours": "saviors",
|
1384 |
+
"savour": "savor",
|
1385 |
+
"savoured": "savored",
|
1386 |
+
"savouries": "savories",
|
1387 |
+
"savouring": "savoring",
|
1388 |
+
"savours": "savors",
|
1389 |
+
"savoury": "savory",
|
1390 |
+
"scandalise": "scandalize",
|
1391 |
+
"scandalised": "scandalized",
|
1392 |
+
"scandalises": "scandalizes",
|
1393 |
+
"scandalising": "scandalizing",
|
1394 |
+
"sceptic": "skeptic",
|
1395 |
+
"sceptical": "skeptical",
|
1396 |
+
"sceptically": "skeptically",
|
1397 |
+
"scepticism": "skepticism",
|
1398 |
+
"sceptics": "skeptics",
|
1399 |
+
"sceptre": "scepter",
|
1400 |
+
"sceptres": "scepters",
|
1401 |
+
"scrutinise": "scrutinize",
|
1402 |
+
"scrutinised": "scrutinized",
|
1403 |
+
"scrutinises": "scrutinizes",
|
1404 |
+
"scrutinising": "scrutinizing",
|
1405 |
+
"secularisation": "secularization",
|
1406 |
+
"secularise": "secularize",
|
1407 |
+
"secularised": "secularized",
|
1408 |
+
"secularises": "secularizes",
|
1409 |
+
"secularising": "secularizing",
|
1410 |
+
"sensationalise": "sensationalize",
|
1411 |
+
"sensationalised": "sensationalized",
|
1412 |
+
"sensationalises": "sensationalizes",
|
1413 |
+
"sensationalising": "sensationalizing",
|
1414 |
+
"sensitise": "sensitize",
|
1415 |
+
"sensitised": "sensitized",
|
1416 |
+
"sensitises": "sensitizes",
|
1417 |
+
"sensitising": "sensitizing",
|
1418 |
+
"sentimentalise": "sentimentalize",
|
1419 |
+
"sentimentalised": "sentimentalized",
|
1420 |
+
"sentimentalises": "sentimentalizes",
|
1421 |
+
"sentimentalising": "sentimentalizing",
|
1422 |
+
"sepulchre": "sepulcher",
|
1423 |
+
"sepulchres": "sepulchers",
|
1424 |
+
"serialisation": "serialization",
|
1425 |
+
"serialisations": "serializations",
|
1426 |
+
"serialise": "serialize",
|
1427 |
+
"serialised": "serialized",
|
1428 |
+
"serialises": "serializes",
|
1429 |
+
"serialising": "serializing",
|
1430 |
+
"sermonise": "sermonize",
|
1431 |
+
"sermonised": "sermonized",
|
1432 |
+
"sermonises": "sermonizes",
|
1433 |
+
"sermonising": "sermonizing",
|
1434 |
+
"sheikh": "sheik",
|
1435 |
+
"shovelled": "shoveled",
|
1436 |
+
"shovelling": "shoveling",
|
1437 |
+
"shrivelled": "shriveled",
|
1438 |
+
"shrivelling": "shriveling",
|
1439 |
+
"signalise": "signalize",
|
1440 |
+
"signalised": "signalized",
|
1441 |
+
"signalises": "signalizes",
|
1442 |
+
"signalising": "signalizing",
|
1443 |
+
"signalled": "signaled",
|
1444 |
+
"signalling": "signaling",
|
1445 |
+
"smoulder": "smolder",
|
1446 |
+
"smouldered": "smoldered",
|
1447 |
+
"smouldering": "smoldering",
|
1448 |
+
"smoulders": "smolders",
|
1449 |
+
"snivelled": "sniveled",
|
1450 |
+
"snivelling": "sniveling",
|
1451 |
+
"snorkelled": "snorkeled",
|
1452 |
+
"snorkelling": "snorkeling",
|
1453 |
+
"snowplough": "snowplow",
|
1454 |
+
"snowploughs": "snowplow",
|
1455 |
+
"socialisation": "socialization",
|
1456 |
+
"socialise": "socialize",
|
1457 |
+
"socialised": "socialized",
|
1458 |
+
"socialises": "socializes",
|
1459 |
+
"socialising": "socializing",
|
1460 |
+
"sodomise": "sodomize",
|
1461 |
+
"sodomised": "sodomized",
|
1462 |
+
"sodomises": "sodomizes",
|
1463 |
+
"sodomising": "sodomizing",
|
1464 |
+
"solemnise": "solemnize",
|
1465 |
+
"solemnised": "solemnized",
|
1466 |
+
"solemnises": "solemnizes",
|
1467 |
+
"solemnising": "solemnizing",
|
1468 |
+
"sombre": "somber",
|
1469 |
+
"specialisation": "specialization",
|
1470 |
+
"specialisations": "specializations",
|
1471 |
+
"specialise": "specialize",
|
1472 |
+
"specialised": "specialized",
|
1473 |
+
"specialises": "specializes",
|
1474 |
+
"specialising": "specializing",
|
1475 |
+
"spectre": "specter",
|
1476 |
+
"spectres": "specters",
|
1477 |
+
"spiralled": "spiraled",
|
1478 |
+
"spiralling": "spiraling",
|
1479 |
+
"splendour": "splendor",
|
1480 |
+
"splendours": "splendors",
|
1481 |
+
"squirrelled": "squirreled",
|
1482 |
+
"squirrelling": "squirreling",
|
1483 |
+
"stabilisation": "stabilization",
|
1484 |
+
"stabilise": "stabilize",
|
1485 |
+
"stabilised": "stabilized",
|
1486 |
+
"stabiliser": "stabilizer",
|
1487 |
+
"stabilisers": "stabilizers",
|
1488 |
+
"stabilises": "stabilizes",
|
1489 |
+
"stabilising": "stabilizing",
|
1490 |
+
"standardisation": "standardization",
|
1491 |
+
"standardise": "standardize",
|
1492 |
+
"standardised": "standardized",
|
1493 |
+
"standardises": "standardizes",
|
1494 |
+
"standardising": "standardizing",
|
1495 |
+
"stencilled": "stenciled",
|
1496 |
+
"stencilling": "stenciling",
|
1497 |
+
"sterilisation": "sterilization",
|
1498 |
+
"sterilisations": "sterilizations",
|
1499 |
+
"sterilise": "sterilize",
|
1500 |
+
"sterilised": "sterilized",
|
1501 |
+
"steriliser": "sterilizer",
|
1502 |
+
"sterilisers": "sterilizers",
|
1503 |
+
"sterilises": "sterilizes",
|
1504 |
+
"sterilising": "sterilizing",
|
1505 |
+
"stigmatisation": "stigmatization",
|
1506 |
+
"stigmatise": "stigmatize",
|
1507 |
+
"stigmatised": "stigmatized",
|
1508 |
+
"stigmatises": "stigmatizes",
|
1509 |
+
"stigmatising": "stigmatizing",
|
1510 |
+
"storey": "story",
|
1511 |
+
"storeys": "stories",
|
1512 |
+
"subsidisation": "subsidization",
|
1513 |
+
"subsidise": "subsidize",
|
1514 |
+
"subsidised": "subsidized",
|
1515 |
+
"subsidiser": "subsidizer",
|
1516 |
+
"subsidisers": "subsidizers",
|
1517 |
+
"subsidises": "subsidizes",
|
1518 |
+
"subsidising": "subsidizing",
|
1519 |
+
"succour": "succor",
|
1520 |
+
"succoured": "succored",
|
1521 |
+
"succouring": "succoring",
|
1522 |
+
"succours": "succors",
|
1523 |
+
"sulphate": "sulfate",
|
1524 |
+
"sulphates": "sulfates",
|
1525 |
+
"sulphide": "sulfide",
|
1526 |
+
"sulphides": "sulfides",
|
1527 |
+
"sulphur": "sulfur",
|
1528 |
+
"sulphurous": "sulfurous",
|
1529 |
+
"summarise": "summarize",
|
1530 |
+
"summarised": "summarized",
|
1531 |
+
"summarises": "summarizes",
|
1532 |
+
"summarising": "summarizing",
|
1533 |
+
"swivelled": "swiveled",
|
1534 |
+
"swivelling": "swiveling",
|
1535 |
+
"symbolise": "symbolize",
|
1536 |
+
"symbolised": "symbolized",
|
1537 |
+
"symbolises": "symbolizes",
|
1538 |
+
"symbolising": "symbolizing",
|
1539 |
+
"sympathise": "sympathize",
|
1540 |
+
"sympathised": "sympathized",
|
1541 |
+
"sympathiser": "sympathizer",
|
1542 |
+
"sympathisers": "sympathizers",
|
1543 |
+
"sympathises": "sympathizes",
|
1544 |
+
"sympathising": "sympathizing",
|
1545 |
+
"synchronisation": "synchronization",
|
1546 |
+
"synchronise": "synchronize",
|
1547 |
+
"synchronised": "synchronized",
|
1548 |
+
"synchronises": "synchronizes",
|
1549 |
+
"synchronising": "synchronizing",
|
1550 |
+
"synthesise": "synthesize",
|
1551 |
+
"synthesised": "synthesized",
|
1552 |
+
"synthesiser": "synthesizer",
|
1553 |
+
"synthesisers": "synthesizers",
|
1554 |
+
"synthesises": "synthesizes",
|
1555 |
+
"synthesising": "synthesizing",
|
1556 |
+
"syphon": "siphon",
|
1557 |
+
"syphoned": "siphoned",
|
1558 |
+
"syphoning": "siphoning",
|
1559 |
+
"syphons": "siphons",
|
1560 |
+
"systematisation": "systematization",
|
1561 |
+
"systematise": "systematize",
|
1562 |
+
"systematised": "systematized",
|
1563 |
+
"systematises": "systematizes",
|
1564 |
+
"systematising": "systematizing",
|
1565 |
+
"tantalise": "tantalize",
|
1566 |
+
"tantalised": "tantalized",
|
1567 |
+
"tantalises": "tantalizes",
|
1568 |
+
"tantalising": "tantalizing",
|
1569 |
+
"tantalisingly": "tantalizingly",
|
1570 |
+
"tasselled": "tasseled",
|
1571 |
+
"technicolour": "technicolor",
|
1572 |
+
"temporise": "temporize",
|
1573 |
+
"temporised": "temporized",
|
1574 |
+
"temporises": "temporizes",
|
1575 |
+
"temporising": "temporizing",
|
1576 |
+
"tenderise": "tenderize",
|
1577 |
+
"tenderised": "tenderized",
|
1578 |
+
"tenderises": "tenderizes",
|
1579 |
+
"tenderising": "tenderizing",
|
1580 |
+
"terrorise": "terrorize",
|
1581 |
+
"terrorised": "terrorized",
|
1582 |
+
"terrorises": "terrorizes",
|
1583 |
+
"terrorising": "terrorizing",
|
1584 |
+
"theatre": "theater",
|
1585 |
+
"theatregoer": "theatergoer",
|
1586 |
+
"theatregoers": "theatergoers",
|
1587 |
+
"theatres": "theaters",
|
1588 |
+
"theorise": "theorize",
|
1589 |
+
"theorised": "theorized",
|
1590 |
+
"theorises": "theorizes",
|
1591 |
+
"theorising": "theorizing",
|
1592 |
+
"tonne": "ton",
|
1593 |
+
"tonnes": "tons",
|
1594 |
+
"towelled": "toweled",
|
1595 |
+
"towelling": "toweling",
|
1596 |
+
"toxaemia": "toxemia",
|
1597 |
+
"tranquillise": "tranquilize",
|
1598 |
+
"tranquillised": "tranquilized",
|
1599 |
+
"tranquilliser": "tranquilizer",
|
1600 |
+
"tranquillisers": "tranquilizers",
|
1601 |
+
"tranquillises": "tranquilizes",
|
1602 |
+
"tranquillising": "tranquilizing",
|
1603 |
+
"tranquillity": "tranquility",
|
1604 |
+
"tranquillize": "tranquilize",
|
1605 |
+
"tranquillized": "tranquilized",
|
1606 |
+
"tranquillizer": "tranquilizer",
|
1607 |
+
"tranquillizers": "tranquilizers",
|
1608 |
+
"tranquillizes": "tranquilizes",
|
1609 |
+
"tranquillizing": "tranquilizing",
|
1610 |
+
"tranquilly": "tranquility",
|
1611 |
+
"transistorised": "transistorized",
|
1612 |
+
"traumatise": "traumatize",
|
1613 |
+
"traumatised": "traumatized",
|
1614 |
+
"traumatises": "traumatizes",
|
1615 |
+
"traumatising": "traumatizing",
|
1616 |
+
"travelled": "traveled",
|
1617 |
+
"traveller": "traveler",
|
1618 |
+
"travellers": "travelers",
|
1619 |
+
"travelling": "traveling",
|
1620 |
+
"travelog": "travelogue",
|
1621 |
+
"travelogs": "travelogues",
|
1622 |
+
"trialled": "trialed",
|
1623 |
+
"trialling": "trialing",
|
1624 |
+
"tricolour": "tricolor",
|
1625 |
+
"tricolours": "tricolors",
|
1626 |
+
"trivialise": "trivialize",
|
1627 |
+
"trivialised": "trivialized",
|
1628 |
+
"trivialises": "trivializes",
|
1629 |
+
"trivialising": "trivializing",
|
1630 |
+
"tumour": "tumor",
|
1631 |
+
"tumours": "tumors",
|
1632 |
+
"tunnelled": "tunneled",
|
1633 |
+
"tunnelling": "tunneling",
|
1634 |
+
"tyrannise": "tyrannize",
|
1635 |
+
"tyrannised": "tyrannized",
|
1636 |
+
"tyrannises": "tyrannizes",
|
1637 |
+
"tyrannising": "tyrannizing",
|
1638 |
+
"tyre": "tire",
|
1639 |
+
"tyres": "tires",
|
1640 |
+
"unauthorised": "unauthorized",
|
1641 |
+
"uncivilised": "uncivilized",
|
1642 |
+
"underutilised": "underutilized",
|
1643 |
+
"unequalled": "unequaled",
|
1644 |
+
"unfavourable": "unfavorable",
|
1645 |
+
"unfavourably": "unfavorably",
|
1646 |
+
"unionisation": "unionization",
|
1647 |
+
"unionise": "unionize",
|
1648 |
+
"unionised": "unionized",
|
1649 |
+
"unionises": "unionizes",
|
1650 |
+
"unionising": "unionizing",
|
1651 |
+
"unorganised": "unorganized",
|
1652 |
+
"unravelled": "unraveled",
|
1653 |
+
"unravelling": "unraveling",
|
1654 |
+
"unrecognisable": "unrecognizable",
|
1655 |
+
"unrecognised": "unrecognized",
|
1656 |
+
"unrivalled": "unrivaled",
|
1657 |
+
"unsavoury": "unsavory",
|
1658 |
+
"untrammelled": "untrammeled",
|
1659 |
+
"urbanisation": "urbanization",
|
1660 |
+
"urbanise": "urbanize",
|
1661 |
+
"urbanised": "urbanized",
|
1662 |
+
"urbanises": "urbanizes",
|
1663 |
+
"urbanising": "urbanizing",
|
1664 |
+
"utilisable": "utilizable",
|
1665 |
+
"utilisation": "utilization",
|
1666 |
+
"utilise": "utilize",
|
1667 |
+
"utilised": "utilized",
|
1668 |
+
"utilises": "utilizes",
|
1669 |
+
"utilising": "utilizing",
|
1670 |
+
"valour": "valor",
|
1671 |
+
"vandalise": "vandalize",
|
1672 |
+
"vandalised": "vandalized",
|
1673 |
+
"vandalises": "vandalizes",
|
1674 |
+
"vandalising": "vandalizing",
|
1675 |
+
"vaporisation": "vaporization",
|
1676 |
+
"vaporise": "vaporize",
|
1677 |
+
"vaporised": "vaporized",
|
1678 |
+
"vaporises": "vaporizes",
|
1679 |
+
"vaporising": "vaporizing",
|
1680 |
+
"vapour": "vapor",
|
1681 |
+
"vapours": "vapors",
|
1682 |
+
"verbalise": "verbalize",
|
1683 |
+
"verbalised": "verbalized",
|
1684 |
+
"verbalises": "verbalizes",
|
1685 |
+
"verbalising": "verbalizing",
|
1686 |
+
"victimisation": "victimization",
|
1687 |
+
"victimise": "victimize",
|
1688 |
+
"victimised": "victimized",
|
1689 |
+
"victimises": "victimizes",
|
1690 |
+
"victimising": "victimizing",
|
1691 |
+
"videodisc": "videodisk",
|
1692 |
+
"videodiscs": "videodisks",
|
1693 |
+
"vigour": "vigor",
|
1694 |
+
"visualisation": "visualization",
|
1695 |
+
"visualisations": "visualizations",
|
1696 |
+
"visualise": "visualize",
|
1697 |
+
"visualised": "visualized",
|
1698 |
+
"visualises": "visualizes",
|
1699 |
+
"visualising": "visualizing",
|
1700 |
+
"vocalisation": "vocalization",
|
1701 |
+
"vocalisations": "vocalizations",
|
1702 |
+
"vocalise": "vocalize",
|
1703 |
+
"vocalised": "vocalized",
|
1704 |
+
"vocalises": "vocalizes",
|
1705 |
+
"vocalising": "vocalizing",
|
1706 |
+
"vulcanised": "vulcanized",
|
1707 |
+
"vulgarisation": "vulgarization",
|
1708 |
+
"vulgarise": "vulgarize",
|
1709 |
+
"vulgarised": "vulgarized",
|
1710 |
+
"vulgarises": "vulgarizes",
|
1711 |
+
"vulgarising": "vulgarizing",
|
1712 |
+
"waggon": "wagon",
|
1713 |
+
"waggons": "wagons",
|
1714 |
+
"watercolour": "watercolor",
|
1715 |
+
"watercolours": "watercolors",
|
1716 |
+
"weaselled": "weaseled",
|
1717 |
+
"weaselling": "weaseling",
|
1718 |
+
"westernisation": "westernization",
|
1719 |
+
"westernise": "westernize",
|
1720 |
+
"westernised": "westernized",
|
1721 |
+
"westernises": "westernizes",
|
1722 |
+
"westernising": "westernizing",
|
1723 |
+
"womanise": "womanize",
|
1724 |
+
"womanised": "womanized",
|
1725 |
+
"womaniser": "womanizer",
|
1726 |
+
"womanisers": "womanizers",
|
1727 |
+
"womanises": "womanizes",
|
1728 |
+
"womanising": "womanizing",
|
1729 |
+
"woollen": "woolen",
|
1730 |
+
"woollens": "woolens",
|
1731 |
+
"woollies": "woolies",
|
1732 |
+
"woolly": "wooly",
|
1733 |
+
"worshipped": "worshiped",
|
1734 |
+
"worshipper": "worshiper",
|
1735 |
+
"worshipping": "worshiping",
|
1736 |
+
"yodelled": "yodeled",
|
1737 |
+
"yodelling": "yodeling",
|
1738 |
+
"yoghourt": "yogurt",
|
1739 |
+
"yoghourts": "yogurts",
|
1740 |
+
"yoghurt": "yogurt",
|
1741 |
+
"yoghurts": "yogurts"
|
1742 |
+
}
|
preprocessor_config.json
ADDED
@@ -0,0 +1,14 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"chunk_length": 30,
|
3 |
+
"feature_extractor_type": "WhisperFeatureExtractor",
|
4 |
+
"feature_size": 128,
|
5 |
+
"hop_length": 160,
|
6 |
+
"n_fft": 400,
|
7 |
+
"n_samples": 480000,
|
8 |
+
"nb_max_frames": 3000,
|
9 |
+
"padding_side": "right",
|
10 |
+
"padding_value": 0.0,
|
11 |
+
"processor_class": "WhisperProcessor",
|
12 |
+
"return_attention_mask": false,
|
13 |
+
"sampling_rate": 16000
|
14 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,139 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"additional_special_tokens": [
|
3 |
+
"<|startoftranscript|>",
|
4 |
+
"<|en|>",
|
5 |
+
"<|zh|>",
|
6 |
+
"<|de|>",
|
7 |
+
"<|es|>",
|
8 |
+
"<|ru|>",
|
9 |
+
"<|ko|>",
|
10 |
+
"<|fr|>",
|
11 |
+
"<|ja|>",
|
12 |
+
"<|pt|>",
|
13 |
+
"<|tr|>",
|
14 |
+
"<|pl|>",
|
15 |
+
"<|ca|>",
|
16 |
+
"<|nl|>",
|
17 |
+
"<|ar|>",
|
18 |
+
"<|sv|>",
|
19 |
+
"<|it|>",
|
20 |
+
"<|id|>",
|
21 |
+
"<|hi|>",
|
22 |
+
"<|fi|>",
|
23 |
+
"<|vi|>",
|
24 |
+
"<|he|>",
|
25 |
+
"<|uk|>",
|
26 |
+
"<|el|>",
|
27 |
+
"<|ms|>",
|
28 |
+
"<|cs|>",
|
29 |
+
"<|ro|>",
|
30 |
+
"<|da|>",
|
31 |
+
"<|hu|>",
|
32 |
+
"<|ta|>",
|
33 |
+
"<|no|>",
|
34 |
+
"<|th|>",
|
35 |
+
"<|ur|>",
|
36 |
+
"<|hr|>",
|
37 |
+
"<|bg|>",
|
38 |
+
"<|lt|>",
|
39 |
+
"<|la|>",
|
40 |
+
"<|mi|>",
|
41 |
+
"<|ml|>",
|
42 |
+
"<|cy|>",
|
43 |
+
"<|sk|>",
|
44 |
+
"<|te|>",
|
45 |
+
"<|fa|>",
|
46 |
+
"<|lv|>",
|
47 |
+
"<|bn|>",
|
48 |
+
"<|sr|>",
|
49 |
+
"<|az|>",
|
50 |
+
"<|sl|>",
|
51 |
+
"<|kn|>",
|
52 |
+
"<|et|>",
|
53 |
+
"<|mk|>",
|
54 |
+
"<|br|>",
|
55 |
+
"<|eu|>",
|
56 |
+
"<|is|>",
|
57 |
+
"<|hy|>",
|
58 |
+
"<|ne|>",
|
59 |
+
"<|mn|>",
|
60 |
+
"<|bs|>",
|
61 |
+
"<|kk|>",
|
62 |
+
"<|sq|>",
|
63 |
+
"<|sw|>",
|
64 |
+
"<|gl|>",
|
65 |
+
"<|mr|>",
|
66 |
+
"<|pa|>",
|
67 |
+
"<|si|>",
|
68 |
+
"<|km|>",
|
69 |
+
"<|sn|>",
|
70 |
+
"<|yo|>",
|
71 |
+
"<|so|>",
|
72 |
+
"<|af|>",
|
73 |
+
"<|oc|>",
|
74 |
+
"<|ka|>",
|
75 |
+
"<|be|>",
|
76 |
+
"<|tg|>",
|
77 |
+
"<|sd|>",
|
78 |
+
"<|gu|>",
|
79 |
+
"<|am|>",
|
80 |
+
"<|yi|>",
|
81 |
+
"<|lo|>",
|
82 |
+
"<|uz|>",
|
83 |
+
"<|fo|>",
|
84 |
+
"<|ht|>",
|
85 |
+
"<|ps|>",
|
86 |
+
"<|tk|>",
|
87 |
+
"<|nn|>",
|
88 |
+
"<|mt|>",
|
89 |
+
"<|sa|>",
|
90 |
+
"<|lb|>",
|
91 |
+
"<|my|>",
|
92 |
+
"<|bo|>",
|
93 |
+
"<|tl|>",
|
94 |
+
"<|mg|>",
|
95 |
+
"<|as|>",
|
96 |
+
"<|tt|>",
|
97 |
+
"<|haw|>",
|
98 |
+
"<|ln|>",
|
99 |
+
"<|ha|>",
|
100 |
+
"<|ba|>",
|
101 |
+
"<|jw|>",
|
102 |
+
"<|su|>",
|
103 |
+
"<|yue|>",
|
104 |
+
"<|translate|>",
|
105 |
+
"<|transcribe|>",
|
106 |
+
"<|startoflm|>",
|
107 |
+
"<|startofprev|>",
|
108 |
+
"<|nospeech|>",
|
109 |
+
"<|notimestamps|>"
|
110 |
+
],
|
111 |
+
"bos_token": {
|
112 |
+
"content": "<|endoftext|>",
|
113 |
+
"lstrip": false,
|
114 |
+
"normalized": false,
|
115 |
+
"rstrip": false,
|
116 |
+
"single_word": false
|
117 |
+
},
|
118 |
+
"eos_token": {
|
119 |
+
"content": "<|endoftext|>",
|
120 |
+
"lstrip": false,
|
121 |
+
"normalized": false,
|
122 |
+
"rstrip": false,
|
123 |
+
"single_word": false
|
124 |
+
},
|
125 |
+
"pad_token": {
|
126 |
+
"content": "<|endoftext|>",
|
127 |
+
"lstrip": false,
|
128 |
+
"normalized": false,
|
129 |
+
"rstrip": false,
|
130 |
+
"single_word": false
|
131 |
+
},
|
132 |
+
"unk_token": {
|
133 |
+
"content": "<|endoftext|>",
|
134 |
+
"lstrip": false,
|
135 |
+
"normalized": false,
|
136 |
+
"rstrip": false,
|
137 |
+
"single_word": false
|
138 |
+
}
|
139 |
+
}
|
tokenizer_config.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
train_results.json
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"epoch": 1.0,
|
3 |
+
"train_loss": 0.006861437764047724,
|
4 |
+
"train_runtime": 11834.061,
|
5 |
+
"train_samples": 4118364,
|
6 |
+
"train_samples_per_second": 348.009,
|
7 |
+
"train_steps_per_second": 0.272
|
8 |
+
}
|
trainer_state.json
ADDED
@@ -0,0 +1,798 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"best_metric": null,
|
3 |
+
"best_model_checkpoint": null,
|
4 |
+
"epoch": 0.999854310939306,
|
5 |
+
"eval_steps": 5000,
|
6 |
+
"global_step": 3217,
|
7 |
+
"is_hyper_param_search": false,
|
8 |
+
"is_local_process_zero": true,
|
9 |
+
"is_world_process_zero": true,
|
10 |
+
"log_history": [
|
11 |
+
{
|
12 |
+
"epoch": 0.01,
|
13 |
+
"learning_rate": 8.000000000000001e-07,
|
14 |
+
"loss": 0.1751,
|
15 |
+
"step": 25
|
16 |
+
},
|
17 |
+
{
|
18 |
+
"epoch": 0.02,
|
19 |
+
"learning_rate": 1.6333333333333335e-06,
|
20 |
+
"loss": 0.1343,
|
21 |
+
"step": 50
|
22 |
+
},
|
23 |
+
{
|
24 |
+
"epoch": 0.02,
|
25 |
+
"learning_rate": 2.3333333333333336e-06,
|
26 |
+
"loss": 0.1246,
|
27 |
+
"step": 75
|
28 |
+
},
|
29 |
+
{
|
30 |
+
"epoch": 0.03,
|
31 |
+
"learning_rate": 3.133333333333334e-06,
|
32 |
+
"loss": 0.1172,
|
33 |
+
"step": 100
|
34 |
+
},
|
35 |
+
{
|
36 |
+
"epoch": 0.04,
|
37 |
+
"learning_rate": 3.866666666666667e-06,
|
38 |
+
"loss": 0.1133,
|
39 |
+
"step": 125
|
40 |
+
},
|
41 |
+
{
|
42 |
+
"epoch": 0.05,
|
43 |
+
"learning_rate": 4.566666666666667e-06,
|
44 |
+
"loss": 0.1104,
|
45 |
+
"step": 150
|
46 |
+
},
|
47 |
+
{
|
48 |
+
"epoch": 0.05,
|
49 |
+
"learning_rate": 5.366666666666666e-06,
|
50 |
+
"loss": 0.1098,
|
51 |
+
"step": 175
|
52 |
+
},
|
53 |
+
{
|
54 |
+
"epoch": 0.06,
|
55 |
+
"learning_rate": 6.1e-06,
|
56 |
+
"loss": 0.1077,
|
57 |
+
"step": 200
|
58 |
+
},
|
59 |
+
{
|
60 |
+
"epoch": 0.07,
|
61 |
+
"learning_rate": 6.833333333333334e-06,
|
62 |
+
"loss": 0.1061,
|
63 |
+
"step": 225
|
64 |
+
},
|
65 |
+
{
|
66 |
+
"epoch": 0.08,
|
67 |
+
"learning_rate": 7.566666666666667e-06,
|
68 |
+
"loss": 0.1068,
|
69 |
+
"step": 250
|
70 |
+
},
|
71 |
+
{
|
72 |
+
"epoch": 0.09,
|
73 |
+
"learning_rate": 8.3e-06,
|
74 |
+
"loss": 0.1074,
|
75 |
+
"step": 275
|
76 |
+
},
|
77 |
+
{
|
78 |
+
"epoch": 0.09,
|
79 |
+
"learning_rate": 9.033333333333334e-06,
|
80 |
+
"loss": 0.107,
|
81 |
+
"step": 300
|
82 |
+
},
|
83 |
+
{
|
84 |
+
"epoch": 0.1,
|
85 |
+
"learning_rate": 9.800000000000001e-06,
|
86 |
+
"loss": 0.1048,
|
87 |
+
"step": 325
|
88 |
+
},
|
89 |
+
{
|
90 |
+
"epoch": 0.11,
|
91 |
+
"learning_rate": 9.941720946177581e-06,
|
92 |
+
"loss": 0.1062,
|
93 |
+
"step": 350
|
94 |
+
},
|
95 |
+
{
|
96 |
+
"epoch": 0.12,
|
97 |
+
"learning_rate": 9.862872814535483e-06,
|
98 |
+
"loss": 0.1061,
|
99 |
+
"step": 375
|
100 |
+
},
|
101 |
+
{
|
102 |
+
"epoch": 0.12,
|
103 |
+
"learning_rate": 9.787452862529997e-06,
|
104 |
+
"loss": 0.1051,
|
105 |
+
"step": 400
|
106 |
+
},
|
107 |
+
{
|
108 |
+
"epoch": 0.13,
|
109 |
+
"learning_rate": 9.7086047308879e-06,
|
110 |
+
"loss": 0.1056,
|
111 |
+
"step": 425
|
112 |
+
},
|
113 |
+
{
|
114 |
+
"epoch": 0.14,
|
115 |
+
"learning_rate": 9.633184778882414e-06,
|
116 |
+
"loss": 0.1045,
|
117 |
+
"step": 450
|
118 |
+
},
|
119 |
+
{
|
120 |
+
"epoch": 0.15,
|
121 |
+
"learning_rate": 9.554336647240316e-06,
|
122 |
+
"loss": 0.1042,
|
123 |
+
"step": 475
|
124 |
+
},
|
125 |
+
{
|
126 |
+
"epoch": 0.16,
|
127 |
+
"learning_rate": 9.475488515598218e-06,
|
128 |
+
"loss": 0.105,
|
129 |
+
"step": 500
|
130 |
+
},
|
131 |
+
{
|
132 |
+
"epoch": 0.16,
|
133 |
+
"learning_rate": 9.39664038395612e-06,
|
134 |
+
"loss": 0.104,
|
135 |
+
"step": 525
|
136 |
+
},
|
137 |
+
{
|
138 |
+
"epoch": 0.17,
|
139 |
+
"learning_rate": 9.321220431950634e-06,
|
140 |
+
"loss": 0.104,
|
141 |
+
"step": 550
|
142 |
+
},
|
143 |
+
{
|
144 |
+
"epoch": 0.18,
|
145 |
+
"learning_rate": 9.242372300308537e-06,
|
146 |
+
"loss": 0.1017,
|
147 |
+
"step": 575
|
148 |
+
},
|
149 |
+
{
|
150 |
+
"epoch": 0.19,
|
151 |
+
"learning_rate": 9.166952348303052e-06,
|
152 |
+
"loss": 0.104,
|
153 |
+
"step": 600
|
154 |
+
},
|
155 |
+
{
|
156 |
+
"epoch": 0.19,
|
157 |
+
"learning_rate": 9.088104216660953e-06,
|
158 |
+
"loss": 0.1021,
|
159 |
+
"step": 625
|
160 |
+
},
|
161 |
+
{
|
162 |
+
"epoch": 0.2,
|
163 |
+
"learning_rate": 9.012684264655469e-06,
|
164 |
+
"loss": 0.1027,
|
165 |
+
"step": 650
|
166 |
+
},
|
167 |
+
{
|
168 |
+
"epoch": 0.21,
|
169 |
+
"learning_rate": 8.940692492286596e-06,
|
170 |
+
"loss": 0.1041,
|
171 |
+
"step": 675
|
172 |
+
},
|
173 |
+
{
|
174 |
+
"epoch": 0.22,
|
175 |
+
"learning_rate": 8.861844360644498e-06,
|
176 |
+
"loss": 0.1022,
|
177 |
+
"step": 700
|
178 |
+
},
|
179 |
+
{
|
180 |
+
"epoch": 0.23,
|
181 |
+
"learning_rate": 8.789852588275626e-06,
|
182 |
+
"loss": 0.1021,
|
183 |
+
"step": 725
|
184 |
+
},
|
185 |
+
{
|
186 |
+
"epoch": 0.23,
|
187 |
+
"learning_rate": 8.711004456633528e-06,
|
188 |
+
"loss": 0.103,
|
189 |
+
"step": 750
|
190 |
+
},
|
191 |
+
{
|
192 |
+
"epoch": 0.24,
|
193 |
+
"learning_rate": 8.63215632499143e-06,
|
194 |
+
"loss": 0.1033,
|
195 |
+
"step": 775
|
196 |
+
},
|
197 |
+
{
|
198 |
+
"epoch": 0.25,
|
199 |
+
"learning_rate": 8.560164552622558e-06,
|
200 |
+
"loss": 0.1036,
|
201 |
+
"step": 800
|
202 |
+
},
|
203 |
+
{
|
204 |
+
"epoch": 0.26,
|
205 |
+
"learning_rate": 8.484744600617072e-06,
|
206 |
+
"loss": 0.101,
|
207 |
+
"step": 825
|
208 |
+
},
|
209 |
+
{
|
210 |
+
"epoch": 0.26,
|
211 |
+
"learning_rate": 8.409324648611588e-06,
|
212 |
+
"loss": 0.1022,
|
213 |
+
"step": 850
|
214 |
+
},
|
215 |
+
{
|
216 |
+
"epoch": 0.27,
|
217 |
+
"learning_rate": 8.34076105587933e-06,
|
218 |
+
"loss": 0.1014,
|
219 |
+
"step": 875
|
220 |
+
},
|
221 |
+
{
|
222 |
+
"epoch": 0.28,
|
223 |
+
"learning_rate": 8.265341103873843e-06,
|
224 |
+
"loss": 0.1005,
|
225 |
+
"step": 900
|
226 |
+
},
|
227 |
+
{
|
228 |
+
"epoch": 0.29,
|
229 |
+
"learning_rate": 8.186492972231745e-06,
|
230 |
+
"loss": 0.0999,
|
231 |
+
"step": 925
|
232 |
+
},
|
233 |
+
{
|
234 |
+
"epoch": 0.3,
|
235 |
+
"learning_rate": 8.114501199862873e-06,
|
236 |
+
"loss": 0.0993,
|
237 |
+
"step": 950
|
238 |
+
},
|
239 |
+
{
|
240 |
+
"epoch": 0.3,
|
241 |
+
"learning_rate": 8.042509427494002e-06,
|
242 |
+
"loss": 0.1017,
|
243 |
+
"step": 975
|
244 |
+
},
|
245 |
+
{
|
246 |
+
"epoch": 0.31,
|
247 |
+
"learning_rate": 7.97051765512513e-06,
|
248 |
+
"loss": 0.0997,
|
249 |
+
"step": 1000
|
250 |
+
},
|
251 |
+
{
|
252 |
+
"epoch": 0.32,
|
253 |
+
"learning_rate": 7.895097703119644e-06,
|
254 |
+
"loss": 0.1004,
|
255 |
+
"step": 1025
|
256 |
+
},
|
257 |
+
{
|
258 |
+
"epoch": 0.33,
|
259 |
+
"learning_rate": 7.812821391840933e-06,
|
260 |
+
"loss": 0.1005,
|
261 |
+
"step": 1050
|
262 |
+
},
|
263 |
+
{
|
264 |
+
"epoch": 0.33,
|
265 |
+
"learning_rate": 7.737401439835449e-06,
|
266 |
+
"loss": 0.0996,
|
267 |
+
"step": 1075
|
268 |
+
},
|
269 |
+
{
|
270 |
+
"epoch": 0.34,
|
271 |
+
"learning_rate": 7.661981487829963e-06,
|
272 |
+
"loss": 0.1,
|
273 |
+
"step": 1100
|
274 |
+
},
|
275 |
+
{
|
276 |
+
"epoch": 0.35,
|
277 |
+
"learning_rate": 7.589989715461091e-06,
|
278 |
+
"loss": 0.0994,
|
279 |
+
"step": 1125
|
280 |
+
},
|
281 |
+
{
|
282 |
+
"epoch": 0.36,
|
283 |
+
"learning_rate": 7.5111415838189925e-06,
|
284 |
+
"loss": 0.0995,
|
285 |
+
"step": 1150
|
286 |
+
},
|
287 |
+
{
|
288 |
+
"epoch": 0.37,
|
289 |
+
"learning_rate": 7.43914981145012e-06,
|
290 |
+
"loss": 0.1004,
|
291 |
+
"step": 1175
|
292 |
+
},
|
293 |
+
{
|
294 |
+
"epoch": 0.37,
|
295 |
+
"learning_rate": 7.363729859444636e-06,
|
296 |
+
"loss": 0.1011,
|
297 |
+
"step": 1200
|
298 |
+
},
|
299 |
+
{
|
300 |
+
"epoch": 0.38,
|
301 |
+
"learning_rate": 7.2814535481659246e-06,
|
302 |
+
"loss": 0.1002,
|
303 |
+
"step": 1225
|
304 |
+
},
|
305 |
+
{
|
306 |
+
"epoch": 0.39,
|
307 |
+
"learning_rate": 7.209461775797052e-06,
|
308 |
+
"loss": 0.099,
|
309 |
+
"step": 1250
|
310 |
+
},
|
311 |
+
{
|
312 |
+
"epoch": 0.4,
|
313 |
+
"learning_rate": 7.137470003428181e-06,
|
314 |
+
"loss": 0.0996,
|
315 |
+
"step": 1275
|
316 |
+
},
|
317 |
+
{
|
318 |
+
"epoch": 0.4,
|
319 |
+
"learning_rate": 7.058621871786082e-06,
|
320 |
+
"loss": 0.1,
|
321 |
+
"step": 1300
|
322 |
+
},
|
323 |
+
{
|
324 |
+
"epoch": 0.41,
|
325 |
+
"learning_rate": 6.983201919780597e-06,
|
326 |
+
"loss": 0.0992,
|
327 |
+
"step": 1325
|
328 |
+
},
|
329 |
+
{
|
330 |
+
"epoch": 0.42,
|
331 |
+
"learning_rate": 6.904353788138499e-06,
|
332 |
+
"loss": 0.0993,
|
333 |
+
"step": 1350
|
334 |
+
},
|
335 |
+
{
|
336 |
+
"epoch": 0.43,
|
337 |
+
"learning_rate": 6.825505656496401e-06,
|
338 |
+
"loss": 0.0975,
|
339 |
+
"step": 1375
|
340 |
+
},
|
341 |
+
{
|
342 |
+
"epoch": 0.44,
|
343 |
+
"learning_rate": 6.756942063764142e-06,
|
344 |
+
"loss": 0.097,
|
345 |
+
"step": 1400
|
346 |
+
},
|
347 |
+
{
|
348 |
+
"epoch": 0.44,
|
349 |
+
"learning_rate": 6.68495029139527e-06,
|
350 |
+
"loss": 0.0988,
|
351 |
+
"step": 1425
|
352 |
+
},
|
353 |
+
{
|
354 |
+
"epoch": 0.45,
|
355 |
+
"learning_rate": 6.612958519026398e-06,
|
356 |
+
"loss": 0.096,
|
357 |
+
"step": 1450
|
358 |
+
},
|
359 |
+
{
|
360 |
+
"epoch": 0.46,
|
361 |
+
"learning_rate": 6.537538567020913e-06,
|
362 |
+
"loss": 0.0972,
|
363 |
+
"step": 1475
|
364 |
+
},
|
365 |
+
{
|
366 |
+
"epoch": 0.47,
|
367 |
+
"learning_rate": 6.462118615015427e-06,
|
368 |
+
"loss": 0.0978,
|
369 |
+
"step": 1500
|
370 |
+
},
|
371 |
+
{
|
372 |
+
"epoch": 0.47,
|
373 |
+
"learning_rate": 6.386698663009943e-06,
|
374 |
+
"loss": 0.0985,
|
375 |
+
"step": 1525
|
376 |
+
},
|
377 |
+
{
|
378 |
+
"epoch": 0.48,
|
379 |
+
"learning_rate": 6.3044223517312304e-06,
|
380 |
+
"loss": 0.0982,
|
381 |
+
"step": 1550
|
382 |
+
},
|
383 |
+
{
|
384 |
+
"epoch": 0.49,
|
385 |
+
"learning_rate": 6.235858758998972e-06,
|
386 |
+
"loss": 0.098,
|
387 |
+
"step": 1575
|
388 |
+
},
|
389 |
+
{
|
390 |
+
"epoch": 0.5,
|
391 |
+
"learning_rate": 6.1638669866301e-06,
|
392 |
+
"loss": 0.0965,
|
393 |
+
"step": 1600
|
394 |
+
},
|
395 |
+
{
|
396 |
+
"epoch": 0.51,
|
397 |
+
"learning_rate": 6.091875214261228e-06,
|
398 |
+
"loss": 0.0963,
|
399 |
+
"step": 1625
|
400 |
+
},
|
401 |
+
{
|
402 |
+
"epoch": 0.51,
|
403 |
+
"learning_rate": 6.01302708261913e-06,
|
404 |
+
"loss": 0.097,
|
405 |
+
"step": 1650
|
406 |
+
},
|
407 |
+
{
|
408 |
+
"epoch": 0.52,
|
409 |
+
"learning_rate": 5.937607130613645e-06,
|
410 |
+
"loss": 0.0972,
|
411 |
+
"step": 1675
|
412 |
+
},
|
413 |
+
{
|
414 |
+
"epoch": 0.53,
|
415 |
+
"learning_rate": 5.86218717860816e-06,
|
416 |
+
"loss": 0.0977,
|
417 |
+
"step": 1700
|
418 |
+
},
|
419 |
+
{
|
420 |
+
"epoch": 0.54,
|
421 |
+
"learning_rate": 5.783339046966061e-06,
|
422 |
+
"loss": 0.0971,
|
423 |
+
"step": 1725
|
424 |
+
},
|
425 |
+
{
|
426 |
+
"epoch": 0.54,
|
427 |
+
"learning_rate": 5.71134727459719e-06,
|
428 |
+
"loss": 0.0965,
|
429 |
+
"step": 1750
|
430 |
+
},
|
431 |
+
{
|
432 |
+
"epoch": 0.55,
|
433 |
+
"learning_rate": 5.632499142955091e-06,
|
434 |
+
"loss": 0.0971,
|
435 |
+
"step": 1775
|
436 |
+
},
|
437 |
+
{
|
438 |
+
"epoch": 0.56,
|
439 |
+
"learning_rate": 5.557079190949606e-06,
|
440 |
+
"loss": 0.0967,
|
441 |
+
"step": 1800
|
442 |
+
},
|
443 |
+
{
|
444 |
+
"epoch": 0.57,
|
445 |
+
"learning_rate": 5.485087418580734e-06,
|
446 |
+
"loss": 0.0949,
|
447 |
+
"step": 1825
|
448 |
+
},
|
449 |
+
{
|
450 |
+
"epoch": 0.57,
|
451 |
+
"learning_rate": 5.413095646211862e-06,
|
452 |
+
"loss": 0.0968,
|
453 |
+
"step": 1850
|
454 |
+
},
|
455 |
+
{
|
456 |
+
"epoch": 0.58,
|
457 |
+
"learning_rate": 5.337675694206377e-06,
|
458 |
+
"loss": 0.0974,
|
459 |
+
"step": 1875
|
460 |
+
},
|
461 |
+
{
|
462 |
+
"epoch": 0.59,
|
463 |
+
"learning_rate": 5.269112101474117e-06,
|
464 |
+
"loss": 0.0952,
|
465 |
+
"step": 1900
|
466 |
+
},
|
467 |
+
{
|
468 |
+
"epoch": 0.6,
|
469 |
+
"learning_rate": 5.193692149468632e-06,
|
470 |
+
"loss": 0.0952,
|
471 |
+
"step": 1925
|
472 |
+
},
|
473 |
+
{
|
474 |
+
"epoch": 0.61,
|
475 |
+
"learning_rate": 5.118272197463148e-06,
|
476 |
+
"loss": 0.0967,
|
477 |
+
"step": 1950
|
478 |
+
},
|
479 |
+
{
|
480 |
+
"epoch": 0.61,
|
481 |
+
"learning_rate": 5.0462804250942755e-06,
|
482 |
+
"loss": 0.0948,
|
483 |
+
"step": 1975
|
484 |
+
},
|
485 |
+
{
|
486 |
+
"epoch": 0.62,
|
487 |
+
"learning_rate": 4.9708604730887904e-06,
|
488 |
+
"loss": 0.0967,
|
489 |
+
"step": 2000
|
490 |
+
},
|
491 |
+
{
|
492 |
+
"epoch": 0.63,
|
493 |
+
"learning_rate": 4.892012341446693e-06,
|
494 |
+
"loss": 0.0953,
|
495 |
+
"step": 2025
|
496 |
+
},
|
497 |
+
{
|
498 |
+
"epoch": 0.64,
|
499 |
+
"learning_rate": 4.82002056907782e-06,
|
500 |
+
"loss": 0.0951,
|
501 |
+
"step": 2050
|
502 |
+
},
|
503 |
+
{
|
504 |
+
"epoch": 0.64,
|
505 |
+
"learning_rate": 4.737744257799109e-06,
|
506 |
+
"loss": 0.0952,
|
507 |
+
"step": 2075
|
508 |
+
},
|
509 |
+
{
|
510 |
+
"epoch": 0.65,
|
511 |
+
"learning_rate": 4.662324305793624e-06,
|
512 |
+
"loss": 0.0962,
|
513 |
+
"step": 2100
|
514 |
+
},
|
515 |
+
{
|
516 |
+
"epoch": 0.66,
|
517 |
+
"learning_rate": 4.586904353788139e-06,
|
518 |
+
"loss": 0.0953,
|
519 |
+
"step": 2125
|
520 |
+
},
|
521 |
+
{
|
522 |
+
"epoch": 0.67,
|
523 |
+
"learning_rate": 4.51834076105588e-06,
|
524 |
+
"loss": 0.0942,
|
525 |
+
"step": 2150
|
526 |
+
},
|
527 |
+
{
|
528 |
+
"epoch": 0.68,
|
529 |
+
"learning_rate": 4.439492629413782e-06,
|
530 |
+
"loss": 0.0943,
|
531 |
+
"step": 2175
|
532 |
+
},
|
533 |
+
{
|
534 |
+
"epoch": 0.68,
|
535 |
+
"learning_rate": 4.360644497771684e-06,
|
536 |
+
"loss": 0.1057,
|
537 |
+
"step": 2200
|
538 |
+
},
|
539 |
+
{
|
540 |
+
"epoch": 0.69,
|
541 |
+
"learning_rate": 4.288652725402811e-06,
|
542 |
+
"loss": 0.1048,
|
543 |
+
"step": 2225
|
544 |
+
},
|
545 |
+
{
|
546 |
+
"epoch": 0.7,
|
547 |
+
"learning_rate": 4.216660953033939e-06,
|
548 |
+
"loss": 0.1063,
|
549 |
+
"step": 2250
|
550 |
+
},
|
551 |
+
{
|
552 |
+
"epoch": 0.71,
|
553 |
+
"learning_rate": 4.144669180665067e-06,
|
554 |
+
"loss": 0.1051,
|
555 |
+
"step": 2275
|
556 |
+
},
|
557 |
+
{
|
558 |
+
"epoch": 0.71,
|
559 |
+
"learning_rate": 4.069249228659582e-06,
|
560 |
+
"loss": 0.104,
|
561 |
+
"step": 2300
|
562 |
+
},
|
563 |
+
{
|
564 |
+
"epoch": 0.72,
|
565 |
+
"learning_rate": 3.990401097017484e-06,
|
566 |
+
"loss": 0.1064,
|
567 |
+
"step": 2325
|
568 |
+
},
|
569 |
+
{
|
570 |
+
"epoch": 0.73,
|
571 |
+
"learning_rate": 3.914981145011999e-06,
|
572 |
+
"loss": 0.1038,
|
573 |
+
"step": 2350
|
574 |
+
},
|
575 |
+
{
|
576 |
+
"epoch": 0.74,
|
577 |
+
"learning_rate": 3.84641755227974e-06,
|
578 |
+
"loss": 0.1038,
|
579 |
+
"step": 2375
|
580 |
+
},
|
581 |
+
{
|
582 |
+
"epoch": 0.75,
|
583 |
+
"learning_rate": 3.764141241001029e-06,
|
584 |
+
"loss": 0.1028,
|
585 |
+
"step": 2400
|
586 |
+
},
|
587 |
+
{
|
588 |
+
"epoch": 0.75,
|
589 |
+
"learning_rate": 3.6887212889955437e-06,
|
590 |
+
"loss": 0.1044,
|
591 |
+
"step": 2425
|
592 |
+
},
|
593 |
+
{
|
594 |
+
"epoch": 0.76,
|
595 |
+
"learning_rate": 3.6167295166266713e-06,
|
596 |
+
"loss": 0.1052,
|
597 |
+
"step": 2450
|
598 |
+
},
|
599 |
+
{
|
600 |
+
"epoch": 0.77,
|
601 |
+
"learning_rate": 3.5413095646211863e-06,
|
602 |
+
"loss": 0.1042,
|
603 |
+
"step": 2475
|
604 |
+
},
|
605 |
+
{
|
606 |
+
"epoch": 0.78,
|
607 |
+
"learning_rate": 3.4693177922523143e-06,
|
608 |
+
"loss": 0.104,
|
609 |
+
"step": 2500
|
610 |
+
},
|
611 |
+
{
|
612 |
+
"epoch": 0.78,
|
613 |
+
"learning_rate": 3.3973260198834423e-06,
|
614 |
+
"loss": 0.1025,
|
615 |
+
"step": 2525
|
616 |
+
},
|
617 |
+
{
|
618 |
+
"epoch": 0.79,
|
619 |
+
"learning_rate": 3.321906067877957e-06,
|
620 |
+
"loss": 0.1031,
|
621 |
+
"step": 2550
|
622 |
+
},
|
623 |
+
{
|
624 |
+
"epoch": 0.8,
|
625 |
+
"learning_rate": 3.2430579362358587e-06,
|
626 |
+
"loss": 0.1049,
|
627 |
+
"step": 2575
|
628 |
+
},
|
629 |
+
{
|
630 |
+
"epoch": 0.81,
|
631 |
+
"learning_rate": 3.164209804593761e-06,
|
632 |
+
"loss": 0.1039,
|
633 |
+
"step": 2600
|
634 |
+
},
|
635 |
+
{
|
636 |
+
"epoch": 0.82,
|
637 |
+
"learning_rate": 3.088789852588276e-06,
|
638 |
+
"loss": 0.1032,
|
639 |
+
"step": 2625
|
640 |
+
},
|
641 |
+
{
|
642 |
+
"epoch": 0.82,
|
643 |
+
"learning_rate": 3.0167980802194034e-06,
|
644 |
+
"loss": 0.1032,
|
645 |
+
"step": 2650
|
646 |
+
},
|
647 |
+
{
|
648 |
+
"epoch": 0.83,
|
649 |
+
"learning_rate": 2.9413781282139188e-06,
|
650 |
+
"loss": 0.1036,
|
651 |
+
"step": 2675
|
652 |
+
},
|
653 |
+
{
|
654 |
+
"epoch": 0.84,
|
655 |
+
"learning_rate": 2.8625299965718206e-06,
|
656 |
+
"loss": 0.1027,
|
657 |
+
"step": 2700
|
658 |
+
},
|
659 |
+
{
|
660 |
+
"epoch": 0.85,
|
661 |
+
"learning_rate": 2.7836818649297224e-06,
|
662 |
+
"loss": 0.1016,
|
663 |
+
"step": 2725
|
664 |
+
},
|
665 |
+
{
|
666 |
+
"epoch": 0.85,
|
667 |
+
"learning_rate": 2.7082619129242378e-06,
|
668 |
+
"loss": 0.1035,
|
669 |
+
"step": 2750
|
670 |
+
},
|
671 |
+
{
|
672 |
+
"epoch": 0.86,
|
673 |
+
"learning_rate": 2.6294137812821396e-06,
|
674 |
+
"loss": 0.1025,
|
675 |
+
"step": 2775
|
676 |
+
},
|
677 |
+
{
|
678 |
+
"epoch": 0.87,
|
679 |
+
"learning_rate": 2.557422008913267e-06,
|
680 |
+
"loss": 0.1013,
|
681 |
+
"step": 2800
|
682 |
+
},
|
683 |
+
{
|
684 |
+
"epoch": 0.88,
|
685 |
+
"learning_rate": 2.471717517997943e-06,
|
686 |
+
"loss": 0.1026,
|
687 |
+
"step": 2825
|
688 |
+
},
|
689 |
+
{
|
690 |
+
"epoch": 0.89,
|
691 |
+
"learning_rate": 2.3997257456290712e-06,
|
692 |
+
"loss": 0.1026,
|
693 |
+
"step": 2850
|
694 |
+
},
|
695 |
+
{
|
696 |
+
"epoch": 0.89,
|
697 |
+
"learning_rate": 2.331162152896812e-06,
|
698 |
+
"loss": 0.1019,
|
699 |
+
"step": 2875
|
700 |
+
},
|
701 |
+
{
|
702 |
+
"epoch": 0.9,
|
703 |
+
"learning_rate": 2.252314021254714e-06,
|
704 |
+
"loss": 0.101,
|
705 |
+
"step": 2900
|
706 |
+
},
|
707 |
+
{
|
708 |
+
"epoch": 0.91,
|
709 |
+
"learning_rate": 2.183750428522455e-06,
|
710 |
+
"loss": 0.1026,
|
711 |
+
"step": 2925
|
712 |
+
},
|
713 |
+
{
|
714 |
+
"epoch": 0.92,
|
715 |
+
"learning_rate": 2.1083304765169694e-06,
|
716 |
+
"loss": 0.1014,
|
717 |
+
"step": 2950
|
718 |
+
},
|
719 |
+
{
|
720 |
+
"epoch": 0.92,
|
721 |
+
"learning_rate": 2.0363387041480975e-06,
|
722 |
+
"loss": 0.1022,
|
723 |
+
"step": 2975
|
724 |
+
},
|
725 |
+
{
|
726 |
+
"epoch": 0.93,
|
727 |
+
"learning_rate": 1.9574905725059997e-06,
|
728 |
+
"loss": 0.1015,
|
729 |
+
"step": 3000
|
730 |
+
},
|
731 |
+
{
|
732 |
+
"epoch": 0.94,
|
733 |
+
"learning_rate": 1.8786424408639015e-06,
|
734 |
+
"loss": 0.1029,
|
735 |
+
"step": 3025
|
736 |
+
},
|
737 |
+
{
|
738 |
+
"epoch": 0.95,
|
739 |
+
"learning_rate": 1.8066506684950293e-06,
|
740 |
+
"loss": 0.1022,
|
741 |
+
"step": 3050
|
742 |
+
},
|
743 |
+
{
|
744 |
+
"epoch": 0.96,
|
745 |
+
"learning_rate": 1.7312307164895443e-06,
|
746 |
+
"loss": 0.1014,
|
747 |
+
"step": 3075
|
748 |
+
},
|
749 |
+
{
|
750 |
+
"epoch": 0.96,
|
751 |
+
"learning_rate": 1.6523825848474463e-06,
|
752 |
+
"loss": 0.1002,
|
753 |
+
"step": 3100
|
754 |
+
},
|
755 |
+
{
|
756 |
+
"epoch": 0.97,
|
757 |
+
"learning_rate": 1.573534453205348e-06,
|
758 |
+
"loss": 0.1017,
|
759 |
+
"step": 3125
|
760 |
+
},
|
761 |
+
{
|
762 |
+
"epoch": 0.98,
|
763 |
+
"learning_rate": 1.504970860473089e-06,
|
764 |
+
"loss": 0.1015,
|
765 |
+
"step": 3150
|
766 |
+
},
|
767 |
+
{
|
768 |
+
"epoch": 0.99,
|
769 |
+
"learning_rate": 1.4226945491943777e-06,
|
770 |
+
"loss": 0.101,
|
771 |
+
"step": 3175
|
772 |
+
},
|
773 |
+
{
|
774 |
+
"epoch": 0.99,
|
775 |
+
"learning_rate": 1.3541309564621189e-06,
|
776 |
+
"loss": 0.1017,
|
777 |
+
"step": 3200
|
778 |
+
},
|
779 |
+
{
|
780 |
+
"epoch": 1.0,
|
781 |
+
"step": 3217,
|
782 |
+
"total_flos": 1.3990082808835046e+22,
|
783 |
+
"train_loss": 0.006861437764047724,
|
784 |
+
"train_runtime": 11834.061,
|
785 |
+
"train_samples_per_second": 348.009,
|
786 |
+
"train_steps_per_second": 0.272
|
787 |
+
}
|
788 |
+
],
|
789 |
+
"logging_steps": 25,
|
790 |
+
"max_steps": 3217,
|
791 |
+
"num_input_tokens_seen": 0,
|
792 |
+
"num_train_epochs": 1,
|
793 |
+
"save_steps": 200,
|
794 |
+
"total_flos": 1.3990082808835046e+22,
|
795 |
+
"train_batch_size": 5,
|
796 |
+
"trial_name": null,
|
797 |
+
"trial_params": null
|
798 |
+
}
|
training_args.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:e9b4a87e935a72c4ad19940265a06cfcd003c0f653392960b6d96d369c47ae8d
|
3 |
+
size 26552
|
transcribe.py
ADDED
@@ -0,0 +1,56 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import argparse
|
2 |
+
import os
|
3 |
+
import sys
|
4 |
+
import torch
|
5 |
+
from transformers import AutoModelForSpeechSeq2Seq, AutoProcessor, pipeline
|
6 |
+
|
7 |
+
|
8 |
+
def transcribe_audio(file_path):
|
9 |
+
device = "cuda:0" if torch.cuda.is_available() else "cpu"
|
10 |
+
torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32
|
11 |
+
|
12 |
+
model_id = "nyrahealth/CrisperWhisper" # You can change this to a different model if needed
|
13 |
+
|
14 |
+
model = AutoModelForSpeechSeq2Seq.from_pretrained(
|
15 |
+
model_id, torch_dtype=torch_dtype, low_cpu_mem_usage=True, use_safetensors=True
|
16 |
+
)
|
17 |
+
model.to(device)
|
18 |
+
|
19 |
+
processor = AutoProcessor.from_pretrained(model_id)
|
20 |
+
|
21 |
+
pipe = pipeline(
|
22 |
+
"automatic-speech-recognition",
|
23 |
+
model=model,
|
24 |
+
tokenizer=processor.tokenizer,
|
25 |
+
feature_extractor=processor.feature_extractor,
|
26 |
+
chunk_length_s=30,
|
27 |
+
batch_size=16,
|
28 |
+
return_timestamps="word",
|
29 |
+
torch_dtype=torch_dtype,
|
30 |
+
device=device,
|
31 |
+
)
|
32 |
+
|
33 |
+
result = pipe(file_path)
|
34 |
+
return result
|
35 |
+
|
36 |
+
|
37 |
+
def main():
|
38 |
+
parser = argparse.ArgumentParser(description="Transcribe an audio file.")
|
39 |
+
parser.add_argument("--f", type=str, required=True, help="Path to the audio file")
|
40 |
+
args = parser.parse_args()
|
41 |
+
|
42 |
+
if not os.path.exists(args.f):
|
43 |
+
print(f"Error: The file '{args.f}' does not exist.")
|
44 |
+
sys.exit(1)
|
45 |
+
|
46 |
+
try:
|
47 |
+
transcription = transcribe_audio(args.f)
|
48 |
+
print("Transcription:")
|
49 |
+
print(transcription["text"])
|
50 |
+
except Exception as e:
|
51 |
+
print(f"An error occurred while transcribing the audio: {str(e)}")
|
52 |
+
sys.exit(1)
|
53 |
+
|
54 |
+
|
55 |
+
if __name__ == "__main__":
|
56 |
+
main()
|
utils.py
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
def adjust_pauses_for_hf_pipeline_output(pipeline_output, split_threshold=0.12):
|
2 |
+
"""
|
3 |
+
Adjust pause timings by distributing pauses up to the threshold evenly between adjacent words.
|
4 |
+
"""
|
5 |
+
|
6 |
+
adjusted_chunks = pipeline_output["chunks"].copy()
|
7 |
+
|
8 |
+
for i in range(len(adjusted_chunks) - 1):
|
9 |
+
current_chunk = adjusted_chunks[i]
|
10 |
+
next_chunk = adjusted_chunks[i + 1]
|
11 |
+
|
12 |
+
current_start, current_end = current_chunk["timestamp"]
|
13 |
+
next_start, next_end = next_chunk["timestamp"]
|
14 |
+
pause_duration = next_start - current_end
|
15 |
+
|
16 |
+
if pause_duration > 0:
|
17 |
+
if pause_duration > split_threshold:
|
18 |
+
distribute = split_threshold / 2
|
19 |
+
else:
|
20 |
+
distribute = pause_duration / 2
|
21 |
+
|
22 |
+
# Adjust current chunk end time
|
23 |
+
adjusted_chunks[i]["timestamp"] = (current_start, current_end + distribute)
|
24 |
+
|
25 |
+
# Adjust next chunk start time
|
26 |
+
adjusted_chunks[i + 1]["timestamp"] = (next_start - distribute, next_end)
|
27 |
+
pipeline_output["chunks"] = adjusted_chunks
|
28 |
+
|
29 |
+
return pipeline_output
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|