upload int8 onnx model
Browse filesSigned-off-by: yuwenzho <[email protected]>
- README.md +92 -0
- added_tokens.json +108 -0
- config.json +144 -0
- decoder_model.onnx +3 -0
- decoder_with_past_model.onnx +3 -0
- encoder_model.onnx +3 -0
- generation_config.json +220 -0
- merges.txt +0 -0
- normalizer.json +1742 -0
- preprocessor_config.json +0 -0
- special_tokens_map.json +133 -0
- tokenizer.json +339 -0
- tokenizer_config.json +0 -0
- vocab.json +339 -0
README.md
CHANGED
|
@@ -1,3 +1,95 @@
|
|
| 1 |
---
|
| 2 |
license: apache-2.0
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 3 |
---
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
---
|
| 2 |
license: apache-2.0
|
| 3 |
+
datasets:
|
| 4 |
+
- librispeech_asr
|
| 5 |
+
metrics:
|
| 6 |
+
- wer
|
| 7 |
+
pipeline_tag: automatic-speech-recognition
|
| 8 |
+
tags:
|
| 9 |
+
- automatic-speech-recognition
|
| 10 |
+
- int8
|
| 11 |
+
- ONNX
|
| 12 |
+
- PostTrainingDynamic
|
| 13 |
+
- Intel® Neural Compressor
|
| 14 |
+
- neural-compressor
|
| 15 |
+
library_name: transformers
|
| 16 |
---
|
| 17 |
+
|
| 18 |
+
## Model Details: INT8 Whisper medium
|
| 19 |
+
|
| 20 |
+
Whisper is a pre-trained model for automatic speech recognition (ASR) and speech translation. Trained on 680k hours of labelled data, Whisper models demonstrate a strong ability to generalise to many datasets and domains without the need for fine-tuning.
|
| 21 |
+
|
| 22 |
+
This int8 ONNX model is generated by [neural-compressor](https://github.com/intel/neural-compressor) and the fp32 model can be exported with below command:
|
| 23 |
+
```shell
|
| 24 |
+
optimum-cli export onnx --model openai/whisper-medium whisper-medium-with-past/ --task automatic-speech-recognition-with-past --opset 13
|
| 25 |
+
```
|
| 26 |
+
|
| 27 |
+
| Model Detail | Description |
|
| 28 |
+
| ----------- | ----------- |
|
| 29 |
+
| Model Authors - Company | Intel |
|
| 30 |
+
| Date | July 7, 2023 |
|
| 31 |
+
| Version | 1 |
|
| 32 |
+
| Type | Speech Recognition |
|
| 33 |
+
| Paper or Other Resources | - |
|
| 34 |
+
| License | Apache 2.0 |
|
| 35 |
+
| Questions or Comments | [Community Tab](https://huggingface.co/Intel/whisper-medium-int8-dynamic/discussions)|
|
| 36 |
+
|
| 37 |
+
| Intended Use | Description |
|
| 38 |
+
| ----------- | ----------- |
|
| 39 |
+
| Primary intended uses | You can use the raw model for automatic speech recognition inference |
|
| 40 |
+
| Primary intended users | Anyone doing automatic speech recognition inference |
|
| 41 |
+
| Out-of-scope uses | This model in most cases will need to be fine-tuned for your particular task. The model should not be used to intentionally create hostile or alienating environments for people.|
|
| 42 |
+
|
| 43 |
+
|
| 44 |
+
### How to use
|
| 45 |
+
|
| 46 |
+
Download the model by cloning the repository:
|
| 47 |
+
```shell
|
| 48 |
+
git clone https://huggingface.co/Intel/whisper-medium-int8-dynamic
|
| 49 |
+
```
|
| 50 |
+
|
| 51 |
+
Evaluate the model with below code:
|
| 52 |
+
```python
|
| 53 |
+
import os
|
| 54 |
+
from evaluate import load
|
| 55 |
+
from datasets import load_dataset
|
| 56 |
+
from transformers import WhisperForConditionalGeneration, WhisperProcessor, AutoConfig
|
| 57 |
+
|
| 58 |
+
model_name = 'openai/whisper-medium'
|
| 59 |
+
model_path = 'whisper-medium-int8-dynamic'
|
| 60 |
+
processor = WhisperProcessor.from_pretrained(model_name)
|
| 61 |
+
model = WhisperForConditionalGeneration.from_pretrained(model_name)
|
| 62 |
+
config = AutoConfig.from_pretrained(model_name)
|
| 63 |
+
wer = load("wer")
|
| 64 |
+
librispeech_test_clean = load_dataset("librispeech_asr", "clean", split="test")
|
| 65 |
+
|
| 66 |
+
from optimum.onnxruntime import ORTModelForSpeechSeq2Seq
|
| 67 |
+
from transformers import PretrainedConfig
|
| 68 |
+
model_config = PretrainedConfig.from_pretrained(model_name)
|
| 69 |
+
predictions = []
|
| 70 |
+
references = []
|
| 71 |
+
sessions = ORTModelForSpeechSeq2Seq.load_model(
|
| 72 |
+
os.path.join(model_path, 'encoder_model.onnx'),
|
| 73 |
+
os.path.join(model_path, 'decoder_model.onnx'),
|
| 74 |
+
os.path.join(model_path, 'decoder_with_past_model.onnx'))
|
| 75 |
+
model = ORTModelForSpeechSeq2Seq(sessions[0], sessions[1], model_config, model_path, sessions[2])
|
| 76 |
+
for idx, batch in enumerate(librispeech_test_clean):
|
| 77 |
+
audio = batch["audio"]
|
| 78 |
+
input_features = processor(audio["array"], sampling_rate=audio["sampling_rate"], return_tensors="pt").input_features
|
| 79 |
+
reference = processor.tokenizer._normalize(batch['text'])
|
| 80 |
+
references.append(reference)
|
| 81 |
+
predicted_ids = model.generate(input_features)[0]
|
| 82 |
+
transcription = processor.decode(predicted_ids)
|
| 83 |
+
prediction = processor.tokenizer._normalize(transcription)
|
| 84 |
+
predictions.append(prediction)
|
| 85 |
+
wer_result = wer.compute(references=references, predictions=predictions)
|
| 86 |
+
print(f"Result wer: {wer_result * 100}")
|
| 87 |
+
accuracy = 1 - wer_result
|
| 88 |
+
print("Accuracy: %.5f" % accuracy)
|
| 89 |
+
```
|
| 90 |
+
|
| 91 |
+
## Metrics (Model Performance):
|
| 92 |
+
| Model | Model Size (GB) | wer |
|
| 93 |
+
|---|:---:|:---:|
|
| 94 |
+
| FP32 |2.4|2.88|
|
| 95 |
+
| INT8 |1.2|2.83|
|
added_tokens.json
ADDED
|
@@ -0,0 +1,108 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"<|af|>": 50327,
|
| 3 |
+
"<|am|>": 50334,
|
| 4 |
+
"<|ar|>": 50272,
|
| 5 |
+
"<|as|>": 50350,
|
| 6 |
+
"<|az|>": 50304,
|
| 7 |
+
"<|ba|>": 50355,
|
| 8 |
+
"<|be|>": 50330,
|
| 9 |
+
"<|bg|>": 50292,
|
| 10 |
+
"<|bn|>": 50302,
|
| 11 |
+
"<|bo|>": 50347,
|
| 12 |
+
"<|br|>": 50309,
|
| 13 |
+
"<|bs|>": 50315,
|
| 14 |
+
"<|ca|>": 50270,
|
| 15 |
+
"<|cs|>": 50283,
|
| 16 |
+
"<|cy|>": 50297,
|
| 17 |
+
"<|da|>": 50285,
|
| 18 |
+
"<|de|>": 50261,
|
| 19 |
+
"<|el|>": 50281,
|
| 20 |
+
"<|en|>": 50259,
|
| 21 |
+
"<|es|>": 50262,
|
| 22 |
+
"<|et|>": 50307,
|
| 23 |
+
"<|eu|>": 50310,
|
| 24 |
+
"<|fa|>": 50300,
|
| 25 |
+
"<|fi|>": 50277,
|
| 26 |
+
"<|fo|>": 50338,
|
| 27 |
+
"<|fr|>": 50265,
|
| 28 |
+
"<|gl|>": 50319,
|
| 29 |
+
"<|gu|>": 50333,
|
| 30 |
+
"<|haw|>": 50352,
|
| 31 |
+
"<|ha|>": 50354,
|
| 32 |
+
"<|he|>": 50279,
|
| 33 |
+
"<|hi|>": 50276,
|
| 34 |
+
"<|hr|>": 50291,
|
| 35 |
+
"<|ht|>": 50339,
|
| 36 |
+
"<|hu|>": 50286,
|
| 37 |
+
"<|hy|>": 50312,
|
| 38 |
+
"<|id|>": 50275,
|
| 39 |
+
"<|is|>": 50311,
|
| 40 |
+
"<|it|>": 50274,
|
| 41 |
+
"<|ja|>": 50266,
|
| 42 |
+
"<|jw|>": 50356,
|
| 43 |
+
"<|ka|>": 50329,
|
| 44 |
+
"<|kk|>": 50316,
|
| 45 |
+
"<|km|>": 50323,
|
| 46 |
+
"<|kn|>": 50306,
|
| 47 |
+
"<|ko|>": 50264,
|
| 48 |
+
"<|la|>": 50294,
|
| 49 |
+
"<|lb|>": 50345,
|
| 50 |
+
"<|ln|>": 50353,
|
| 51 |
+
"<|lo|>": 50336,
|
| 52 |
+
"<|lt|>": 50293,
|
| 53 |
+
"<|lv|>": 50301,
|
| 54 |
+
"<|mg|>": 50349,
|
| 55 |
+
"<|mi|>": 50295,
|
| 56 |
+
"<|mk|>": 50308,
|
| 57 |
+
"<|ml|>": 50296,
|
| 58 |
+
"<|mn|>": 50314,
|
| 59 |
+
"<|mr|>": 50320,
|
| 60 |
+
"<|ms|>": 50282,
|
| 61 |
+
"<|mt|>": 50343,
|
| 62 |
+
"<|my|>": 50346,
|
| 63 |
+
"<|ne|>": 50313,
|
| 64 |
+
"<|nl|>": 50271,
|
| 65 |
+
"<|nn|>": 50342,
|
| 66 |
+
"<|nocaptions|>": 50362,
|
| 67 |
+
"<|notimestamps|>": 50363,
|
| 68 |
+
"<|no|>": 50288,
|
| 69 |
+
"<|oc|>": 50328,
|
| 70 |
+
"<|pa|>": 50321,
|
| 71 |
+
"<|pl|>": 50269,
|
| 72 |
+
"<|ps|>": 50340,
|
| 73 |
+
"<|pt|>": 50267,
|
| 74 |
+
"<|ro|>": 50284,
|
| 75 |
+
"<|ru|>": 50263,
|
| 76 |
+
"<|sa|>": 50344,
|
| 77 |
+
"<|sd|>": 50332,
|
| 78 |
+
"<|si|>": 50322,
|
| 79 |
+
"<|sk|>": 50298,
|
| 80 |
+
"<|sl|>": 50305,
|
| 81 |
+
"<|sn|>": 50324,
|
| 82 |
+
"<|so|>": 50326,
|
| 83 |
+
"<|sq|>": 50317,
|
| 84 |
+
"<|sr|>": 50303,
|
| 85 |
+
"<|startoflm|>": 50360,
|
| 86 |
+
"<|startofprev|>": 50361,
|
| 87 |
+
"<|startoftranscript|>": 50258,
|
| 88 |
+
"<|su|>": 50357,
|
| 89 |
+
"<|sv|>": 50273,
|
| 90 |
+
"<|sw|>": 50318,
|
| 91 |
+
"<|ta|>": 50287,
|
| 92 |
+
"<|te|>": 50299,
|
| 93 |
+
"<|tg|>": 50331,
|
| 94 |
+
"<|th|>": 50289,
|
| 95 |
+
"<|tk|>": 50341,
|
| 96 |
+
"<|tl|>": 50348,
|
| 97 |
+
"<|transcribe|>": 50359,
|
| 98 |
+
"<|translate|>": 50358,
|
| 99 |
+
"<|tr|>": 50268,
|
| 100 |
+
"<|tt|>": 50351,
|
| 101 |
+
"<|uk|>": 50280,
|
| 102 |
+
"<|ur|>": 50290,
|
| 103 |
+
"<|uz|>": 50337,
|
| 104 |
+
"<|vi|>": 50278,
|
| 105 |
+
"<|yi|>": 50335,
|
| 106 |
+
"<|yo|>": 50325,
|
| 107 |
+
"<|zh|>": 50260
|
| 108 |
+
}
|
config.json
ADDED
|
@@ -0,0 +1,144 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"_name_or_path": "openai/whisper-medium",
|
| 3 |
+
"activation_dropout": 0.0,
|
| 4 |
+
"activation_function": "gelu",
|
| 5 |
+
"architectures": [
|
| 6 |
+
"WhisperForConditionalGeneration"
|
| 7 |
+
],
|
| 8 |
+
"attention_dropout": 0.0,
|
| 9 |
+
"begin_suppress_tokens": [
|
| 10 |
+
220,
|
| 11 |
+
50257
|
| 12 |
+
],
|
| 13 |
+
"bos_token_id": 50257,
|
| 14 |
+
"d_model": 1024,
|
| 15 |
+
"decoder_attention_heads": 16,
|
| 16 |
+
"decoder_ffn_dim": 4096,
|
| 17 |
+
"decoder_layerdrop": 0.0,
|
| 18 |
+
"decoder_layers": 24,
|
| 19 |
+
"decoder_start_token_id": 50258,
|
| 20 |
+
"dropout": 0.0,
|
| 21 |
+
"encoder_attention_heads": 16,
|
| 22 |
+
"encoder_ffn_dim": 4096,
|
| 23 |
+
"encoder_layerdrop": 0.0,
|
| 24 |
+
"encoder_layers": 24,
|
| 25 |
+
"eos_token_id": 50257,
|
| 26 |
+
"forced_decoder_ids": [
|
| 27 |
+
[
|
| 28 |
+
1,
|
| 29 |
+
50259
|
| 30 |
+
],
|
| 31 |
+
[
|
| 32 |
+
2,
|
| 33 |
+
50359
|
| 34 |
+
],
|
| 35 |
+
[
|
| 36 |
+
3,
|
| 37 |
+
50363
|
| 38 |
+
]
|
| 39 |
+
],
|
| 40 |
+
"init_std": 0.02,
|
| 41 |
+
"is_encoder_decoder": true,
|
| 42 |
+
"max_length": 448,
|
| 43 |
+
"max_source_positions": 1500,
|
| 44 |
+
"max_target_positions": 448,
|
| 45 |
+
"model_type": "whisper",
|
| 46 |
+
"num_hidden_layers": 24,
|
| 47 |
+
"num_mel_bins": 80,
|
| 48 |
+
"pad_token_id": 50257,
|
| 49 |
+
"scale_embedding": false,
|
| 50 |
+
"suppress_tokens": [
|
| 51 |
+
1,
|
| 52 |
+
2,
|
| 53 |
+
7,
|
| 54 |
+
8,
|
| 55 |
+
9,
|
| 56 |
+
10,
|
| 57 |
+
14,
|
| 58 |
+
25,
|
| 59 |
+
26,
|
| 60 |
+
27,
|
| 61 |
+
28,
|
| 62 |
+
29,
|
| 63 |
+
31,
|
| 64 |
+
58,
|
| 65 |
+
59,
|
| 66 |
+
60,
|
| 67 |
+
61,
|
| 68 |
+
62,
|
| 69 |
+
63,
|
| 70 |
+
90,
|
| 71 |
+
91,
|
| 72 |
+
92,
|
| 73 |
+
93,
|
| 74 |
+
359,
|
| 75 |
+
503,
|
| 76 |
+
522,
|
| 77 |
+
542,
|
| 78 |
+
873,
|
| 79 |
+
893,
|
| 80 |
+
902,
|
| 81 |
+
918,
|
| 82 |
+
922,
|
| 83 |
+
931,
|
| 84 |
+
1350,
|
| 85 |
+
1853,
|
| 86 |
+
1982,
|
| 87 |
+
2460,
|
| 88 |
+
2627,
|
| 89 |
+
3246,
|
| 90 |
+
3253,
|
| 91 |
+
3268,
|
| 92 |
+
3536,
|
| 93 |
+
3846,
|
| 94 |
+
3961,
|
| 95 |
+
4183,
|
| 96 |
+
4667,
|
| 97 |
+
6585,
|
| 98 |
+
6647,
|
| 99 |
+
7273,
|
| 100 |
+
9061,
|
| 101 |
+
9383,
|
| 102 |
+
10428,
|
| 103 |
+
10929,
|
| 104 |
+
11938,
|
| 105 |
+
12033,
|
| 106 |
+
12331,
|
| 107 |
+
12562,
|
| 108 |
+
13793,
|
| 109 |
+
14157,
|
| 110 |
+
14635,
|
| 111 |
+
15265,
|
| 112 |
+
15618,
|
| 113 |
+
16553,
|
| 114 |
+
16604,
|
| 115 |
+
18362,
|
| 116 |
+
18956,
|
| 117 |
+
20075,
|
| 118 |
+
21675,
|
| 119 |
+
22520,
|
| 120 |
+
26130,
|
| 121 |
+
26161,
|
| 122 |
+
26435,
|
| 123 |
+
28279,
|
| 124 |
+
29464,
|
| 125 |
+
31650,
|
| 126 |
+
32302,
|
| 127 |
+
32470,
|
| 128 |
+
36865,
|
| 129 |
+
42863,
|
| 130 |
+
47425,
|
| 131 |
+
49870,
|
| 132 |
+
50254,
|
| 133 |
+
50258,
|
| 134 |
+
50358,
|
| 135 |
+
50359,
|
| 136 |
+
50360,
|
| 137 |
+
50361,
|
| 138 |
+
50362
|
| 139 |
+
],
|
| 140 |
+
"torch_dtype": "float32",
|
| 141 |
+
"transformers_version": "4.27.0.dev0",
|
| 142 |
+
"use_cache": true,
|
| 143 |
+
"vocab_size": 51865
|
| 144 |
+
}
|
decoder_model.onnx
ADDED
|
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
version https://git-lfs.github.com/spec/v1
|
| 2 |
+
oid sha256:7df450d78a2493de3fd8dbc39c93b05362e8a38eba3ac4f3a543f8291e2e185d
|
| 3 |
+
size 515187416
|
decoder_with_past_model.onnx
ADDED
|
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
version https://git-lfs.github.com/spec/v1
|
| 2 |
+
oid sha256:fb84f28365f3058ad1fb78e49571704c3b438b53c6f7e508946ab7a88ea1e819
|
| 3 |
+
size 464390975
|
encoder_model.onnx
ADDED
|
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
version https://git-lfs.github.com/spec/v1
|
| 2 |
+
oid sha256:4c73b72d23ee96e4201a86814b61fb057ba3993ec01b32136bcbf07861844175
|
| 3 |
+
size 314242567
|
generation_config.json
ADDED
|
@@ -0,0 +1,220 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"begin_suppress_tokens": [
|
| 3 |
+
220,
|
| 4 |
+
50257
|
| 5 |
+
],
|
| 6 |
+
"bos_token_id": 50257,
|
| 7 |
+
"decoder_start_token_id": 50258,
|
| 8 |
+
"eos_token_id": 50257,
|
| 9 |
+
"forced_decoder_ids": [
|
| 10 |
+
[
|
| 11 |
+
1,
|
| 12 |
+
null
|
| 13 |
+
],
|
| 14 |
+
[
|
| 15 |
+
2,
|
| 16 |
+
50359
|
| 17 |
+
]
|
| 18 |
+
],
|
| 19 |
+
"is_multilingual": true,
|
| 20 |
+
"lang_to_id": {
|
| 21 |
+
"<|af|>": 50327,
|
| 22 |
+
"<|am|>": 50334,
|
| 23 |
+
"<|ar|>": 50272,
|
| 24 |
+
"<|as|>": 50350,
|
| 25 |
+
"<|az|>": 50304,
|
| 26 |
+
"<|ba|>": 50355,
|
| 27 |
+
"<|be|>": 50330,
|
| 28 |
+
"<|bg|>": 50292,
|
| 29 |
+
"<|bn|>": 50302,
|
| 30 |
+
"<|bo|>": 50347,
|
| 31 |
+
"<|br|>": 50309,
|
| 32 |
+
"<|bs|>": 50315,
|
| 33 |
+
"<|ca|>": 50270,
|
| 34 |
+
"<|cs|>": 50283,
|
| 35 |
+
"<|cy|>": 50297,
|
| 36 |
+
"<|da|>": 50285,
|
| 37 |
+
"<|de|>": 50261,
|
| 38 |
+
"<|el|>": 50281,
|
| 39 |
+
"<|en|>": 50259,
|
| 40 |
+
"<|es|>": 50262,
|
| 41 |
+
"<|et|>": 50307,
|
| 42 |
+
"<|eu|>": 50310,
|
| 43 |
+
"<|fa|>": 50300,
|
| 44 |
+
"<|fi|>": 50277,
|
| 45 |
+
"<|fo|>": 50338,
|
| 46 |
+
"<|fr|>": 50265,
|
| 47 |
+
"<|gl|>": 50319,
|
| 48 |
+
"<|gu|>": 50333,
|
| 49 |
+
"<|haw|>": 50352,
|
| 50 |
+
"<|ha|>": 50354,
|
| 51 |
+
"<|he|>": 50279,
|
| 52 |
+
"<|hi|>": 50276,
|
| 53 |
+
"<|hr|>": 50291,
|
| 54 |
+
"<|ht|>": 50339,
|
| 55 |
+
"<|hu|>": 50286,
|
| 56 |
+
"<|hy|>": 50312,
|
| 57 |
+
"<|id|>": 50275,
|
| 58 |
+
"<|is|>": 50311,
|
| 59 |
+
"<|it|>": 50274,
|
| 60 |
+
"<|ja|>": 50266,
|
| 61 |
+
"<|jw|>": 50356,
|
| 62 |
+
"<|ka|>": 50329,
|
| 63 |
+
"<|kk|>": 50316,
|
| 64 |
+
"<|km|>": 50323,
|
| 65 |
+
"<|kn|>": 50306,
|
| 66 |
+
"<|ko|>": 50264,
|
| 67 |
+
"<|la|>": 50294,
|
| 68 |
+
"<|lb|>": 50345,
|
| 69 |
+
"<|ln|>": 50353,
|
| 70 |
+
"<|lo|>": 50336,
|
| 71 |
+
"<|lt|>": 50293,
|
| 72 |
+
"<|lv|>": 50301,
|
| 73 |
+
"<|mg|>": 50349,
|
| 74 |
+
"<|mi|>": 50295,
|
| 75 |
+
"<|mk|>": 50308,
|
| 76 |
+
"<|ml|>": 50296,
|
| 77 |
+
"<|mn|>": 50314,
|
| 78 |
+
"<|mr|>": 50320,
|
| 79 |
+
"<|ms|>": 50282,
|
| 80 |
+
"<|mt|>": 50343,
|
| 81 |
+
"<|my|>": 50346,
|
| 82 |
+
"<|ne|>": 50313,
|
| 83 |
+
"<|nl|>": 50271,
|
| 84 |
+
"<|nn|>": 50342,
|
| 85 |
+
"<|no|>": 50288,
|
| 86 |
+
"<|oc|>": 50328,
|
| 87 |
+
"<|pa|>": 50321,
|
| 88 |
+
"<|pl|>": 50269,
|
| 89 |
+
"<|ps|>": 50340,
|
| 90 |
+
"<|pt|>": 50267,
|
| 91 |
+
"<|ro|>": 50284,
|
| 92 |
+
"<|ru|>": 50263,
|
| 93 |
+
"<|sa|>": 50344,
|
| 94 |
+
"<|sd|>": 50332,
|
| 95 |
+
"<|si|>": 50322,
|
| 96 |
+
"<|sk|>": 50298,
|
| 97 |
+
"<|sl|>": 50305,
|
| 98 |
+
"<|sn|>": 50324,
|
| 99 |
+
"<|so|>": 50326,
|
| 100 |
+
"<|sq|>": 50317,
|
| 101 |
+
"<|sr|>": 50303,
|
| 102 |
+
"<|su|>": 50357,
|
| 103 |
+
"<|sv|>": 50273,
|
| 104 |
+
"<|sw|>": 50318,
|
| 105 |
+
"<|ta|>": 50287,
|
| 106 |
+
"<|te|>": 50299,
|
| 107 |
+
"<|tg|>": 50331,
|
| 108 |
+
"<|th|>": 50289,
|
| 109 |
+
"<|tk|>": 50341,
|
| 110 |
+
"<|tl|>": 50348,
|
| 111 |
+
"<|tr|>": 50268,
|
| 112 |
+
"<|tt|>": 50351,
|
| 113 |
+
"<|uk|>": 50280,
|
| 114 |
+
"<|ur|>": 50290,
|
| 115 |
+
"<|uz|>": 50337,
|
| 116 |
+
"<|vi|>": 50278,
|
| 117 |
+
"<|yi|>": 50335,
|
| 118 |
+
"<|yo|>": 50325,
|
| 119 |
+
"<|zh|>": 50260
|
| 120 |
+
},
|
| 121 |
+
"max_initial_timestamp_index": 1,
|
| 122 |
+
"max_length": 448,
|
| 123 |
+
"no_timestamps_token_id": 50363,
|
| 124 |
+
"pad_token_id": 50257,
|
| 125 |
+
"suppress_tokens": [
|
| 126 |
+
1,
|
| 127 |
+
2,
|
| 128 |
+
7,
|
| 129 |
+
8,
|
| 130 |
+
9,
|
| 131 |
+
10,
|
| 132 |
+
14,
|
| 133 |
+
25,
|
| 134 |
+
26,
|
| 135 |
+
27,
|
| 136 |
+
28,
|
| 137 |
+
29,
|
| 138 |
+
31,
|
| 139 |
+
58,
|
| 140 |
+
59,
|
| 141 |
+
60,
|
| 142 |
+
61,
|
| 143 |
+
62,
|
| 144 |
+
63,
|
| 145 |
+
90,
|
| 146 |
+
91,
|
| 147 |
+
92,
|
| 148 |
+
93,
|
| 149 |
+
359,
|
| 150 |
+
503,
|
| 151 |
+
522,
|
| 152 |
+
542,
|
| 153 |
+
873,
|
| 154 |
+
893,
|
| 155 |
+
902,
|
| 156 |
+
918,
|
| 157 |
+
922,
|
| 158 |
+
931,
|
| 159 |
+
1350,
|
| 160 |
+
1853,
|
| 161 |
+
1982,
|
| 162 |
+
2460,
|
| 163 |
+
2627,
|
| 164 |
+
3246,
|
| 165 |
+
3253,
|
| 166 |
+
3268,
|
| 167 |
+
3536,
|
| 168 |
+
3846,
|
| 169 |
+
3961,
|
| 170 |
+
4183,
|
| 171 |
+
4667,
|
| 172 |
+
6585,
|
| 173 |
+
6647,
|
| 174 |
+
7273,
|
| 175 |
+
9061,
|
| 176 |
+
9383,
|
| 177 |
+
10428,
|
| 178 |
+
10929,
|
| 179 |
+
11938,
|
| 180 |
+
12033,
|
| 181 |
+
12331,
|
| 182 |
+
12562,
|
| 183 |
+
13793,
|
| 184 |
+
14157,
|
| 185 |
+
14635,
|
| 186 |
+
15265,
|
| 187 |
+
15618,
|
| 188 |
+
16553,
|
| 189 |
+
16604,
|
| 190 |
+
18362,
|
| 191 |
+
18956,
|
| 192 |
+
20075,
|
| 193 |
+
21675,
|
| 194 |
+
22520,
|
| 195 |
+
26130,
|
| 196 |
+
26161,
|
| 197 |
+
26435,
|
| 198 |
+
28279,
|
| 199 |
+
29464,
|
| 200 |
+
31650,
|
| 201 |
+
32302,
|
| 202 |
+
32470,
|
| 203 |
+
36865,
|
| 204 |
+
42863,
|
| 205 |
+
47425,
|
| 206 |
+
49870,
|
| 207 |
+
50254,
|
| 208 |
+
50258,
|
| 209 |
+
50358,
|
| 210 |
+
50359,
|
| 211 |
+
50360,
|
| 212 |
+
50361,
|
| 213 |
+
50362
|
| 214 |
+
],
|
| 215 |
+
"task_to_id": {
|
| 216 |
+
"transcribe": 50359,
|
| 217 |
+
"translate": 50358
|
| 218 |
+
},
|
| 219 |
+
"transformers_version": "4.27.0.dev0"
|
| 220 |
+
}
|
merges.txt
ADDED
|
The diff for this file is too large to render.
See raw diff
|
|
|
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
|
The diff for this file is too large to render.
See raw diff
|
|
|
special_tokens_map.json
ADDED
|
@@ -0,0 +1,133 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"additional_special_tokens": [
|
| 3 |
+
"<|endoftext|>",
|
| 4 |
+
"<|startoftranscript|>",
|
| 5 |
+
"<|en|>",
|
| 6 |
+
"<|zh|>",
|
| 7 |
+
"<|de|>",
|
| 8 |
+
"<|es|>",
|
| 9 |
+
"<|ru|>",
|
| 10 |
+
"<|ko|>",
|
| 11 |
+
"<|fr|>",
|
| 12 |
+
"<|ja|>",
|
| 13 |
+
"<|pt|>",
|
| 14 |
+
"<|tr|>",
|
| 15 |
+
"<|pl|>",
|
| 16 |
+
"<|ca|>",
|
| 17 |
+
"<|nl|>",
|
| 18 |
+
"<|ar|>",
|
| 19 |
+
"<|sv|>",
|
| 20 |
+
"<|it|>",
|
| 21 |
+
"<|id|>",
|
| 22 |
+
"<|hi|>",
|
| 23 |
+
"<|fi|>",
|
| 24 |
+
"<|vi|>",
|
| 25 |
+
"<|he|>",
|
| 26 |
+
"<|uk|>",
|
| 27 |
+
"<|el|>",
|
| 28 |
+
"<|ms|>",
|
| 29 |
+
"<|cs|>",
|
| 30 |
+
"<|ro|>",
|
| 31 |
+
"<|da|>",
|
| 32 |
+
"<|hu|>",
|
| 33 |
+
"<|ta|>",
|
| 34 |
+
"<|no|>",
|
| 35 |
+
"<|th|>",
|
| 36 |
+
"<|ur|>",
|
| 37 |
+
"<|hr|>",
|
| 38 |
+
"<|bg|>",
|
| 39 |
+
"<|lt|>",
|
| 40 |
+
"<|la|>",
|
| 41 |
+
"<|mi|>",
|
| 42 |
+
"<|ml|>",
|
| 43 |
+
"<|cy|>",
|
| 44 |
+
"<|sk|>",
|
| 45 |
+
"<|te|>",
|
| 46 |
+
"<|fa|>",
|
| 47 |
+
"<|lv|>",
|
| 48 |
+
"<|bn|>",
|
| 49 |
+
"<|sr|>",
|
| 50 |
+
"<|az|>",
|
| 51 |
+
"<|sl|>",
|
| 52 |
+
"<|kn|>",
|
| 53 |
+
"<|et|>",
|
| 54 |
+
"<|mk|>",
|
| 55 |
+
"<|br|>",
|
| 56 |
+
"<|eu|>",
|
| 57 |
+
"<|is|>",
|
| 58 |
+
"<|hy|>",
|
| 59 |
+
"<|ne|>",
|
| 60 |
+
"<|mn|>",
|
| 61 |
+
"<|bs|>",
|
| 62 |
+
"<|kk|>",
|
| 63 |
+
"<|sq|>",
|
| 64 |
+
"<|sw|>",
|
| 65 |
+
"<|gl|>",
|
| 66 |
+
"<|mr|>",
|
| 67 |
+
"<|pa|>",
|
| 68 |
+
"<|si|>",
|
| 69 |
+
"<|km|>",
|
| 70 |
+
"<|sn|>",
|
| 71 |
+
"<|yo|>",
|
| 72 |
+
"<|so|>",
|
| 73 |
+
"<|af|>",
|
| 74 |
+
"<|oc|>",
|
| 75 |
+
"<|ka|>",
|
| 76 |
+
"<|be|>",
|
| 77 |
+
"<|tg|>",
|
| 78 |
+
"<|sd|>",
|
| 79 |
+
"<|gu|>",
|
| 80 |
+
"<|am|>",
|
| 81 |
+
"<|yi|>",
|
| 82 |
+
"<|lo|>",
|
| 83 |
+
"<|uz|>",
|
| 84 |
+
"<|fo|>",
|
| 85 |
+
"<|ht|>",
|
| 86 |
+
"<|ps|>",
|
| 87 |
+
"<|tk|>",
|
| 88 |
+
"<|nn|>",
|
| 89 |
+
"<|mt|>",
|
| 90 |
+
"<|sa|>",
|
| 91 |
+
"<|lb|>",
|
| 92 |
+
"<|my|>",
|
| 93 |
+
"<|bo|>",
|
| 94 |
+
"<|tl|>",
|
| 95 |
+
"<|mg|>",
|
| 96 |
+
"<|as|>",
|
| 97 |
+
"<|tt|>",
|
| 98 |
+
"<|haw|>",
|
| 99 |
+
"<|ln|>",
|
| 100 |
+
"<|ha|>",
|
| 101 |
+
"<|ba|>",
|
| 102 |
+
"<|jw|>",
|
| 103 |
+
"<|su|>",
|
| 104 |
+
"<|translate|>",
|
| 105 |
+
"<|transcribe|>",
|
| 106 |
+
"<|startoflm|>",
|
| 107 |
+
"<|startofprev|>",
|
| 108 |
+
"<|nocaptions|>",
|
| 109 |
+
"<|notimestamps|>"
|
| 110 |
+
],
|
| 111 |
+
"bos_token": {
|
| 112 |
+
"content": "<|endoftext|>",
|
| 113 |
+
"lstrip": false,
|
| 114 |
+
"normalized": true,
|
| 115 |
+
"rstrip": false,
|
| 116 |
+
"single_word": false
|
| 117 |
+
},
|
| 118 |
+
"eos_token": {
|
| 119 |
+
"content": "<|endoftext|>",
|
| 120 |
+
"lstrip": false,
|
| 121 |
+
"normalized": true,
|
| 122 |
+
"rstrip": false,
|
| 123 |
+
"single_word": false
|
| 124 |
+
},
|
| 125 |
+
"pad_token": "<|endoftext|>",
|
| 126 |
+
"unk_token": {
|
| 127 |
+
"content": "<|endoftext|>",
|
| 128 |
+
"lstrip": false,
|
| 129 |
+
"normalized": true,
|
| 130 |
+
"rstrip": false,
|
| 131 |
+
"single_word": false
|
| 132 |
+
}
|
| 133 |
+
}
|
tokenizer.json
ADDED
|
@@ -0,0 +1,339 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
<!DOCTYPE html>
|
| 2 |
+
<html class="">
|
| 3 |
+
<head>
|
| 4 |
+
<meta charset="utf-8" />
|
| 5 |
+
<meta name="viewport" content="width=device-width, initial-scale=1.0, user-scalable=no" />
|
| 6 |
+
<meta name="description" content="We’re on a journey to advance and democratize artificial intelligence through open source and open science." />
|
| 7 |
+
<meta property="fb:app_id" content="1321688464574422" />
|
| 8 |
+
<meta name="twitter:card" content="summary_large_image" />
|
| 9 |
+
<meta name="twitter:site" content="@huggingface" />
|
| 10 |
+
<meta property="og:title" content="tokenizer.json · openai/whisper-medium at main" />
|
| 11 |
+
<meta property="og:type" content="website" />
|
| 12 |
+
<meta property="og:url" content="https://huggingface.co/openai/whisper-medium/blob/main/tokenizer.json" />
|
| 13 |
+
<meta property="og:image" content="https://cdn-thumbnails.huggingface.co/social-thumbnails/models/openai/whisper-medium.png" />
|
| 14 |
+
|
| 15 |
+
<link rel="stylesheet" href="/front/build/kube-48e6ffd/style.css" />
|
| 16 |
+
|
| 17 |
+
<link rel="preconnect" href="https://fonts.gstatic.com" />
|
| 18 |
+
<link
|
| 19 |
+
href="https://fonts.googleapis.com/css2?family=Source+Sans+Pro:ital,wght@0,200;0,300;0,400;0,600;0,700;0,900;1,200;1,300;1,400;1,600;1,700;1,900&display=swap"
|
| 20 |
+
rel="stylesheet"
|
| 21 |
+
/>
|
| 22 |
+
<link
|
| 23 |
+
href="https://fonts.googleapis.com/css2?family=IBM+Plex+Mono:wght@400;600;700&display=swap"
|
| 24 |
+
rel="stylesheet"
|
| 25 |
+
/>
|
| 26 |
+
<link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/[email protected]/dist/katex.min.css" />
|
| 27 |
+
|
| 28 |
+
|
| 29 |
+
|
| 30 |
+
<title>tokenizer.json · openai/whisper-medium at main</title>
|
| 31 |
+
|
| 32 |
+
<script defer data-domain="huggingface.co" src="/js/script.js"></script>
|
| 33 |
+
</head>
|
| 34 |
+
<body class="flex flex-col min-h-screen bg-white dark:bg-gray-950 text-black ViewerBlobPage">
|
| 35 |
+
<div class="flex min-h-screen flex-col">
|
| 36 |
+
<div class="SVELTE_HYDRATER contents" data-props="{"isWide":false,"isZh":true}" data-target="MainHeader"><header class="border-b border-gray-100"><div class="w-full px-4 container flex h-16 items-center"><div class="flex flex-1 items-center"><a class="mr-5 flex flex-none items-center lg:mr-6" href="/"><img alt="Hugging Face's logo" class="w-7 md:mr-2" src="/front/assets/huggingface_logo-noborder.svg">
|
| 37 |
+
<span class="hidden whitespace-nowrap text-lg font-bold md:block">Hugging Face</span></a>
|
| 38 |
+
<div class="relative flex-1 lg:max-w-sm mr-2 sm:mr-4 lg:mr-6"><input autocomplete="off" class="w-full dark:bg-gray-950 pl-8 form-input-alt h-9 pr-3 focus:shadow-xl" name="" placeholder="Search models, datasets, users..." spellcheck="false" type="text" value="">
|
| 39 |
+
<svg class="absolute left-2.5 text-gray-400 top-1/2 transform -translate-y-1/2" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 28.59L22.45 21A11 11 0 1 0 21 22.45L28.59 30zM5 14a9 9 0 1 1 9 9a9 9 0 0 1-9-9z" fill="currentColor"></path></svg>
|
| 40 |
+
</div>
|
| 41 |
+
<div class="flex flex-none items-center justify-center p-0.5 place-self-stretch lg:hidden"><button class="relative z-30 flex h-6 w-8 items-center justify-center" type="button"><svg width="1em" height="1em" viewBox="0 0 10 10" class="text-xl" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" fill="currentColor"><path fill-rule="evenodd" clip-rule="evenodd" d="M1.65039 2.9999C1.65039 2.8066 1.80709 2.6499 2.00039 2.6499H8.00039C8.19369 2.6499 8.35039 2.8066 8.35039 2.9999C8.35039 3.1932 8.19369 3.3499 8.00039 3.3499H2.00039C1.80709 3.3499 1.65039 3.1932 1.65039 2.9999ZM1.65039 4.9999C1.65039 4.8066 1.80709 4.6499 2.00039 4.6499H8.00039C8.19369 4.6499 8.35039 4.8066 8.35039 4.9999C8.35039 5.1932 8.19369 5.3499 8.00039 5.3499H2.00039C1.80709 5.3499 1.65039 5.1932 1.65039 4.9999ZM2.00039 6.6499C1.80709 6.6499 1.65039 6.8066 1.65039 6.9999C1.65039 7.1932 1.80709 7.3499 2.00039 7.3499H8.00039C8.19369 7.3499 8.35039 7.1932 8.35039 6.9999C8.35039 6.8066 8.19369 6.6499 8.00039 6.6499H2.00039Z"></path></svg>
|
| 42 |
+
</button>
|
| 43 |
+
|
| 44 |
+
</div></div>
|
| 45 |
+
<nav aria-label="Main" class="ml-auto hidden lg:block"><ul class="flex items-center space-x-2"><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-indigo-700" href="/models"><svg class="mr-1.5 text-gray-400 group-hover:text-indigo-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
|
| 46 |
+
Models</a>
|
| 47 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-red-700" href="/datasets"><svg class="mr-1.5 text-gray-400 group-hover:text-red-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
|
| 48 |
+
Datasets</a>
|
| 49 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-blue-700" href="/spaces"><svg class="mr-1.5 text-gray-400 group-hover:text-blue-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 25 25"><path opacity=".5" d="M6.016 14.674v4.31h4.31v-4.31h-4.31ZM14.674 14.674v4.31h4.31v-4.31h-4.31ZM6.016 6.016v4.31h4.31v-4.31h-4.31Z" fill="currentColor"></path><path opacity=".75" fill-rule="evenodd" clip-rule="evenodd" d="M3 4.914C3 3.857 3.857 3 4.914 3h6.514c.884 0 1.628.6 1.848 1.414a5.171 5.171 0 0 1 7.31 7.31c.815.22 1.414.964 1.414 1.848v6.514A1.914 1.914 0 0 1 20.086 22H4.914A1.914 1.914 0 0 1 3 20.086V4.914Zm3.016 1.102v4.31h4.31v-4.31h-4.31Zm0 12.968v-4.31h4.31v4.31h-4.31Zm8.658 0v-4.31h4.31v4.31h-4.31Zm0-10.813a2.155 2.155 0 1 1 4.31 0 2.155 2.155 0 0 1-4.31 0Z" fill="currentColor"></path><path opacity=".25" d="M16.829 6.016a2.155 2.155 0 1 0 0 4.31 2.155 2.155 0 0 0 0-4.31Z" fill="currentColor"></path></svg>
|
| 50 |
+
Spaces</a>
|
| 51 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-yellow-700" href="/docs"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="mr-1.5 text-gray-400 group-hover:text-yellow-500" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path opacity="0.5" d="M20.9022 5.10334L10.8012 10.8791L7.76318 9.11193C8.07741 8.56791 8.5256 8.11332 9.06512 7.7914L15.9336 3.73907C17.0868 3.08811 18.5002 3.26422 19.6534 3.91519L19.3859 3.73911C19.9253 4.06087 20.5879 4.56025 20.9022 5.10334Z" fill="currentColor"></path><path d="M10.7999 10.8792V28.5483C10.2136 28.5475 9.63494 28.4139 9.10745 28.1578C8.5429 27.8312 8.074 27.3621 7.74761 26.7975C7.42122 26.2327 7.24878 25.5923 7.24756 24.9402V10.9908C7.25062 10.3319 7.42358 9.68487 7.74973 9.1123L10.7999 10.8792Z" fill="currentColor" fill-opacity="0.75"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M21.3368 10.8499V6.918C21.3331 6.25959 21.16 5.61234 20.8346 5.03949L10.7971 10.8727L10.8046 10.874L21.3368 10.8499Z" fill="currentColor"></path><path opacity="0.5" d="M21.7937 10.8488L10.7825 10.8741V28.5486L21.7937 28.5234C23.3344 28.5234 24.5835 27.2743 24.5835 25.7335V13.6387C24.5835 12.0979 23.4365 11.1233 21.7937 10.8488Z" fill="currentColor"></path></svg>
|
| 52 |
+
Docs</a>
|
| 53 |
+
</li>
|
| 54 |
+
<li><div class="relative ">
|
| 55 |
+
<button class="px-2 py-0.5 group hover:text-green-700 dark:hover:text-gray-400 flex items-center " type="button">
|
| 56 |
+
<svg class="mr-1.5 text-gray-400 group-hover:text-green-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M19 6H5a3 3 0 0 0-3 3v2.72L8.837 14h6.326L22 11.72V9a3 3 0 0 0-3-3z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M10 6V5h4v1h2V5a2.002 2.002 0 0 0-2-2h-4a2.002 2.002 0 0 0-2 2v1h2zm-1.163 8L2 11.72V18a3.003 3.003 0 0 0 3 3h14a3.003 3.003 0 0 0 3-3v-6.28L15.163 14H8.837z" fill="currentColor"></path></svg>
|
| 57 |
+
Solutions
|
| 58 |
+
</button>
|
| 59 |
+
|
| 60 |
+
|
| 61 |
+
|
| 62 |
+
</div></li>
|
| 63 |
+
|
| 64 |
+
<li><a class="group flex items-center px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/pricing">Pricing
|
| 65 |
+
</a></li>
|
| 66 |
+
|
| 67 |
+
<li><div class="relative group">
|
| 68 |
+
<button class="px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-600 flex items-center " type="button">
|
| 69 |
+
<svg class="mr-1.5 text-gray-500 w-5 group-hover:text-gray-400 dark:text-gray-300 dark:group-hover:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 32 18" preserveAspectRatio="xMidYMid meet"><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 3.30221C14.4504 2.836 14.8284 2.45807 15.2946 2.45807H28.4933C28.9595 2.45807 29.3374 2.836 29.3374 3.30221C29.3374 3.76842 28.9595 4.14635 28.4933 4.14635H15.2946C14.8284 4.14635 14.4504 3.76842 14.4504 3.30221Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 9.00002C14.4504 8.53382 14.8284 8.15588 15.2946 8.15588H28.4933C28.9595 8.15588 29.3374 8.53382 29.3374 9.00002C29.3374 9.46623 28.9595 9.84417 28.4933 9.84417H15.2946C14.8284 9.84417 14.4504 9.46623 14.4504 9.00002Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 14.6978C14.4504 14.2316 14.8284 13.8537 15.2946 13.8537H28.4933C28.9595 13.8537 29.3374 14.2316 29.3374 14.6978C29.3374 15.164 28.9595 15.542 28.4933 15.542H15.2946C14.8284 15.542 14.4504 15.164 14.4504 14.6978Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M1.94549 6.87377C2.27514 6.54411 2.80962 6.54411 3.13928 6.87377L6.23458 9.96907L9.32988 6.87377C9.65954 6.54411 10.194 6.54411 10.5237 6.87377C10.8533 7.20343 10.8533 7.73791 10.5237 8.06756L6.23458 12.3567L1.94549 8.06756C1.61583 7.73791 1.61583 7.20343 1.94549 6.87377Z" fill="currentColor"></path></svg>
|
| 70 |
+
|
| 71 |
+
</button>
|
| 72 |
+
|
| 73 |
+
|
| 74 |
+
|
| 75 |
+
</div></li>
|
| 76 |
+
<li><hr class="h-5 w-0.5 border-none bg-gray-100 dark:bg-gray-800"></li>
|
| 77 |
+
<li><a class="block cursor-pointer px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/login">Log In
|
| 78 |
+
</a></li>
|
| 79 |
+
<li><a class="btn ml-2" href="/join">Sign Up </a></li></ul></nav></div></header></div>
|
| 80 |
+
|
| 81 |
+
<div class="SVELTE_HYDRATER contents" data-props="{}" data-target="GoogleAnalyticsTracker"></div>
|
| 82 |
+
|
| 83 |
+
|
| 84 |
+
<div class="SVELTE_HYDRATER contents" data-props="{}" data-target="SSOBanner"></div>
|
| 85 |
+
|
| 86 |
+
<main class="flex flex-1 flex-col"><div class="SVELTE_HYDRATER contents" data-props="{"activeTab":"files","author":{"avatarUrl":"https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1620805164087-5ec0135ded25d76864d553f1.png?w=200&h=200&f=face","fullname":"OpenAI","name":"openai","type":"org","isHf":false},"canReadRepoSettings":false,"canWriteRepoContent":false,"canDisable":false,"model":{"author":"openai","cardData":{"language":["en","zh","de","es","ru","ko","fr","ja","pt","tr","pl","ca","nl","ar","sv","it","id","hi","fi","vi","he","uk","el","ms","cs","ro","da","hu","ta","no","th","ur","hr","bg","lt","la","mi","ml","cy","sk","te","fa","lv","bn","sr","az","sl","kn","et","mk","br","eu","is","hy","ne","mn","bs","kk","sq","sw","gl","mr","pa","si","km","sn","yo","so","af","oc","ka","be","tg","sd","gu","am","yi","lo","uz","fo","ht","ps","tk","nn","mt","sa","lb","my","bo","tl","mg","as","tt","haw","ln","ha","ba","jw","su"],"tags":["audio","automatic-speech-recognition","hf-asr-leaderboard"],"widget":[{"example_title":"Librispeech sample 1","src":"https://cdn-media.huggingface.co/speech_samples/sample1.flac"},{"example_title":"Librispeech sample 2","src":"https://cdn-media.huggingface.co/speech_samples/sample2.flac"}],"model-index":[{"name":"whisper-medium","results":[{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (clean)","type":"librispeech_asr","config":"clean","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":2.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (other)","type":"librispeech_asr","config":"other","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":5.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"Common Voice 11.0","type":"mozilla-foundation/common_voice_11_0","config":"hi","split":"test","args":{"language":"hi"}},"metrics":[{"name":"Test WER","type":"wer","value":53.87,"verified":false}]}]}],"pipeline_tag":"automatic-speech-recognition","license":"apache-2.0"},"cardExists":true,"config":{"architectures":["WhisperForConditionalGeneration"],"model_type":"whisper"},"discussionsDisabled":false,"downloads":32431,"downloadsAllTime":527344,"id":"openai/whisper-medium","isLikedByUser":false,"isWatchedByUser":false,"inference":true,"lastModified":"2023-05-05T14:20:42.000Z","likes":92,"pipeline_tag":"automatic-speech-recognition","library_name":"transformers","model-index":[{"name":"whisper-medium","results":[{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (clean)","type":"librispeech_asr","config":"clean","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":2.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (other)","type":"librispeech_asr","config":"other","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":5.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"Common Voice 11.0","type":"mozilla-foundation/common_voice_11_0","config":"hi","split":"test","args":{"language":"hi"}},"metrics":[{"name":"Test WER","type":"wer","value":53.87,"verified":false}]}]}],"private":false,"repoType":"model","gated":false,"pwcLink":{"url":"https://paperswithcode.com/sota?task=Automatic+Speech+Recognition&dataset=LibriSpeech+%28clean%29"},"tags":["pytorch","tf","jax","whisper","automatic-speech-recognition","en","zh","de","es","ru","ko","fr","ja","pt","tr","pl","ca","nl","ar","sv","it","id","hi","fi","vi","he","uk","el","ms","cs","ro","da","hu","ta","no","th","ur","hr","bg","lt","la","mi","ml","cy","sk","te","fa","lv","bn","sr","az","sl","kn","et","mk","br","eu","is","hy","ne","mn","bs","kk","sq","sw","gl","mr","pa","si","km","sn","yo","so","af","oc","ka","be","tg","sd","gu","am","yi","lo","uz","fo","ht","ps","tk","nn","mt","sa","lb","my","bo","tl","mg","as","tt","haw","ln","ha","ba","jw","su","arxiv:2212.04356","transformers","audio","hf-asr-leaderboard","license:apache-2.0","model-index","has_space"],"tag_objs":[{"id":"automatic-speech-recognition","label":"Automatic Speech Recognition","subType":"audio","type":"pipeline_tag"},{"id":"pytorch","label":"PyTorch","type":"library"},{"id":"tf","label":"TensorFlow","type":"library"},{"id":"jax","label":"JAX","type":"library"},{"id":"transformers","label":"Transformers","type":"library"},{"id":"en","label":"en","type":"language"},{"id":"zh","label":"zh","type":"language"},{"id":"de","label":"de","type":"language"},{"id":"es","label":"es","type":"language"},{"id":"ru","label":"ru","type":"language"},{"id":"ko","label":"ko","type":"language"},{"id":"fr","label":"fr","type":"language"},{"id":"ja","label":"ja","type":"language"},{"id":"pt","label":"pt","type":"language"},{"id":"tr","label":"tr","type":"language"},{"id":"pl","label":"pl","type":"language"},{"id":"ca","label":"ca","type":"language"},{"id":"nl","label":"nl","type":"language"},{"id":"ar","label":"ar","type":"language"},{"id":"sv","label":"sv","type":"language"},{"id":"it","label":"it","type":"language"},{"id":"id","label":"id","type":"language"},{"id":"hi","label":"hi","type":"language"},{"id":"fi","label":"fi","type":"language"},{"id":"vi","label":"vi","type":"language"},{"id":"he","label":"he","type":"language"},{"id":"uk","label":"uk","type":"language"},{"id":"el","label":"el","type":"language"},{"id":"ms","label":"ms","type":"language"},{"id":"cs","label":"cs","type":"language"},{"id":"ro","label":"ro","type":"language"},{"id":"da","label":"da","type":"language"},{"id":"hu","label":"hu","type":"language"},{"id":"ta","label":"ta","type":"language"},{"id":"no","label":"no","type":"language"},{"id":"th","label":"th","type":"language"},{"id":"ur","label":"ur","type":"language"},{"id":"hr","label":"hr","type":"language"},{"id":"bg","label":"bg","type":"language"},{"id":"lt","label":"lt","type":"language"},{"id":"la","label":"la","type":"language"},{"id":"mi","label":"mi","type":"language"},{"id":"ml","label":"ml","type":"language"},{"id":"cy","label":"cy","type":"language"},{"id":"sk","label":"sk","type":"language"},{"id":"te","label":"te","type":"language"},{"id":"fa","label":"fa","type":"language"},{"id":"lv","label":"lv","type":"language"},{"id":"bn","label":"bn","type":"language"},{"id":"sr","label":"sr","type":"language"},{"id":"az","label":"az","type":"language"},{"id":"sl","label":"sl","type":"language"},{"id":"kn","label":"kn","type":"language"},{"id":"et","label":"et","type":"language"},{"id":"mk","label":"mk","type":"language"},{"id":"br","label":"br","type":"language"},{"id":"eu","label":"eu","type":"language"},{"id":"is","label":"is","type":"language"},{"id":"hy","label":"hy","type":"language"},{"id":"ne","label":"ne","type":"language"},{"id":"mn","label":"mn","type":"language"},{"id":"bs","label":"bs","type":"language"},{"id":"kk","label":"kk","type":"language"},{"id":"sq","label":"sq","type":"language"},{"id":"sw","label":"sw","type":"language"},{"id":"gl","label":"gl","type":"language"},{"id":"mr","label":"mr","type":"language"},{"id":"pa","label":"pa","type":"language"},{"id":"si","label":"si","type":"language"},{"id":"km","label":"km","type":"language"},{"id":"sn","label":"sn","type":"language"},{"id":"yo","label":"yo","type":"language"},{"id":"so","label":"so","type":"language"},{"id":"af","label":"af","type":"language"},{"id":"oc","label":"oc","type":"language"},{"id":"ka","label":"ka","type":"language"},{"id":"be","label":"be","type":"language"},{"id":"tg","label":"tg","type":"language"},{"id":"sd","label":"sd","type":"language"},{"id":"gu","label":"gu","type":"language"},{"id":"am","label":"am","type":"language"},{"id":"yi","label":"yi","type":"language"},{"id":"lo","label":"lo","type":"language"},{"id":"uz","label":"uz","type":"language"},{"id":"fo","label":"fo","type":"language"},{"id":"ht","label":"ht","type":"language"},{"id":"ps","label":"ps","type":"language"},{"id":"tk","label":"tk","type":"language"},{"id":"nn","label":"nn","type":"language"},{"id":"mt","label":"mt","type":"language"},{"id":"sa","label":"sa","type":"language"},{"id":"lb","label":"lb","type":"language"},{"id":"my","label":"my","type":"language"},{"id":"bo","label":"bo","type":"language"},{"id":"tl","label":"tl","type":"language"},{"id":"mg","label":"mg","type":"language"},{"id":"as","label":"as","type":"language"},{"id":"tt","label":"tt","type":"language"},{"id":"haw","label":"haw","type":"language"},{"id":"ln","label":"ln","type":"language"},{"id":"ha","label":"ha","type":"language"},{"id":"ba","label":"ba","type":"language"},{"id":"jw","label":"jw","type":"language"},{"id":"su","label":"su","type":"language"},{"id":"whisper","label":"whisper","type":"other"},{"id":"audio","label":"audio","type":"other"},{"id":"hf-asr-leaderboard","label":"hf-asr-leaderboard","type":"other"},{"id":"model-index","label":"Eval Results","type":"other"},{"id":"has_space","label":"Has a Space","type":"other"},{"id":"arxiv:2212.04356","label":"arxiv:2212.04356","type":"arxiv"},{"id":"license:apache-2.0","label":"apache-2.0","type":"license"}],"hasHandlerPy":false,"transformersInfo":{"auto_model":"AutoModelForSpeechSeq2Seq","pipeline_tag":"automatic-speech-recognition","processor":"AutoProcessor"},"widgetData":[{"example_title":"Librispeech sample 1","src":"https://cdn-media.huggingface.co/speech_samples/sample1.flac"},{"example_title":"Librispeech sample 2","src":"https://cdn-media.huggingface.co/speech_samples/sample2.flac"}]},"discussionsStats":{"closed":15,"open":4,"total":19}}" data-target="ModelHeader"><header class="from-gray-50-to-white border-b border-gray-100 bg-gradient-to-t via-white dark:via-gray-950 pt-6 sm:pt-9"><div class="container relative "><h1 class="flex flex-wrap items-center leading-tight mb-3 text-lg md:text-xl">
|
| 87 |
+
<div class="group flex flex-none items-center"><div class="relative mr-1.5 flex items-center">
|
| 88 |
+
|
| 89 |
+
<img alt="" class="w-3.5 h-3.5 rounded " src="https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1620805164087-5ec0135ded25d76864d553f1.png?w=200&h=200&f=face"></div>
|
| 90 |
+
<a href="/openai" class="text-gray-400 hover:text-blue-600">openai</a>
|
| 91 |
+
<div class="mx-0.5 text-gray-300">/</div></div>
|
| 92 |
+
|
| 93 |
+
<div class="max-w-full "><a class="break-words font-mono font-semibold hover:text-blue-600 " href="/openai/whisper-medium">whisper-medium</a>
|
| 94 |
+
<button class="relative text-sm mr-4 inline-flex cursor-pointer items-center text-sm focus:outline-none mx-0.5 text-gray-600 " title="Copy model name to clipboard" type="button"><svg class="" xmlns="http://www.w3.org/2000/svg" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M28,10V28H10V10H28m0-2H10a2,2,0,0,0-2,2V28a2,2,0,0,0,2,2H28a2,2,0,0,0,2-2V10a2,2,0,0,0-2-2Z" transform="translate(0)"></path><path d="M4,18H2V4A2,2,0,0,1,4,2H18V4H4Z" transform="translate(0)"></path><rect fill="none" width="32" height="32"></rect></svg>
|
| 95 |
+
|
| 96 |
+
</button></div>
|
| 97 |
+
<div class="inline-flex items-center overflow-hidden whitespace-nowrap rounded-md border bg-white text-sm leading-none text-gray-500 mr-2"><button class="relative flex items-center px-1.5 py-1 hover:bg-gradient-to-t focus:outline-none overflow-hidden from-red-50 to-transparent dark:from-red-900 dark:to-red-800" title="Like"><svg class="mr-1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.45,6a5.47,5.47,0,0,1,3.91,1.64,5.7,5.7,0,0,1,0,8L16,26.13,5.64,15.64a5.7,5.7,0,0,1,0-8,5.48,5.48,0,0,1,7.82,0L16,10.24l2.53-2.58A5.44,5.44,0,0,1,22.45,6m0-2a7.47,7.47,0,0,0-5.34,2.24L16,7.36,14.89,6.24a7.49,7.49,0,0,0-10.68,0,7.72,7.72,0,0,0,0,10.82L16,29,27.79,17.06a7.72,7.72,0,0,0,0-10.82A7.49,7.49,0,0,0,22.45,4Z"></path></svg>
|
| 98 |
+
|
| 99 |
+
<svg class="mr-1 absolute text-red-500 origin-center transform transition-transform ease-in
|
| 100 |
+
translate-y-10 scale-0" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.5,4c-2,0-3.9,0.8-5.3,2.2L16,7.4l-1.1-1.1C12,3.3,7.2,3.3,4.3,6.2c0,0-0.1,0.1-0.1,0.1c-3,3-3,7.8,0,10.8L16,29l11.8-11.9c3-3,3-7.8,0-10.8C26.4,4.8,24.5,4,22.5,4z"></path></svg>
|
| 101 |
+
like
|
| 102 |
+
</button>
|
| 103 |
+
<button class="flex items-center border-l px-1.5 py-1 text-gray-400 hover:bg-gray-50 focus:bg-gray-100 focus:outline-none dark:hover:bg-gray-900 dark:focus:bg-gray-800" title="See users who liked this repository">92</button></div>
|
| 104 |
+
|
| 105 |
+
</h1>
|
| 106 |
+
<div class="mb-3 flex flex-wrap md:mb-4"><a class="tag tag-white" href="/models?pipeline_tag=automatic-speech-recognition"><div class="tag-ico tag-ico-yellow"><svg class="" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 18 18"><path fill-rule="evenodd" clip-rule="evenodd" d="M8.38893 3.42133C7.9778 3.14662 7.49446 3 7 3C6.33696 3 5.70108 3.26339 5.23223 3.73223C4.76339 4.20107 4.5 4.83696 4.5 5.5C4.5 5.99445 4.64662 6.4778 4.92133 6.88893C5.19603 7.30005 5.58648 7.62048 6.04329 7.8097C6.50011 7.99892 7.00278 8.04843 7.48773 7.95196C7.97268 7.8555 8.41814 7.6174 8.76777 7.26777C9.1174 6.91814 9.3555 6.47268 9.45197 5.98773C9.54843 5.50277 9.49892 5.00011 9.3097 4.54329C9.12048 4.08648 8.80005 3.69603 8.38893 3.42133ZM5.05551 2.58986C5.63108 2.20527 6.30777 2 7 2C7.92826 2 8.8185 2.36875 9.47488 3.02513C10.1313 3.6815 10.5 4.57174 10.5 5.5C10.5 6.19223 10.2947 6.86892 9.91015 7.4445C9.52556 8.02007 8.97894 8.46867 8.33939 8.73358C7.69985 8.99849 6.99612 9.0678 6.31719 8.93275C5.63825 8.7977 5.01461 8.46436 4.52513 7.97487C4.03564 7.48539 3.7023 6.86175 3.56725 6.18282C3.4322 5.50388 3.50152 4.80015 3.76642 4.16061C4.03133 3.52107 4.47993 2.97444 5.05551 2.58986ZM14.85 9.6425L15.7075 10.5C15.8005 10.5927 15.8743 10.7029 15.9245 10.8242C15.9747 10.9456 16.0004 11.0757 16 11.207V16H2V13.5C2.00106 12.5721 2.37015 11.6824 3.0263 11.0263C3.68244 10.3701 4.57207 10.0011 5.5 10H8.5C9.42793 10.0011 10.3176 10.3701 10.9737 11.0263C11.6299 11.6824 11.9989 12.5721 12 13.5V15H15V11.207L14.143 10.35C13.9426 10.4476 13.7229 10.4989 13.5 10.5C13.2033 10.5 12.9133 10.412 12.6666 10.2472C12.42 10.0824 12.2277 9.84811 12.1142 9.57403C12.0006 9.29994 11.9709 8.99834 12.0288 8.70737C12.0867 8.41639 12.2296 8.14912 12.4393 7.93934C12.6491 7.72956 12.9164 7.5867 13.2074 7.52882C13.4983 7.47094 13.7999 7.50065 14.074 7.61418C14.3481 7.72771 14.5824 7.91997 14.7472 8.16665C14.912 8.41332 15 8.70333 15 9C14.9988 9.22271 14.9475 9.44229 14.85 9.6425ZM3.73311 11.7331C3.26444 12.2018 3.00079 12.8372 3 13.5V15H11V13.5C10.9992 12.8372 10.7356 12.2018 10.2669 11.7331C9.79822 11.2644 9.1628 11.0008 8.5 11H5.5C4.8372 11.0008 4.20178 11.2644 3.73311 11.7331Z" fill="currentColor"></path></svg></div>
|
| 107 |
+
<span>Automatic Speech Recognition</span>
|
| 108 |
+
</a><a class="tag tag-white" href="/models?library=pytorch"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><defs><clipPath id="a"><rect x="3.05" y="0.5" width="25.73" height="31" fill="none"></rect></clipPath></defs><g clip-path="url(#a)"><path d="M24.94,9.51a12.81,12.81,0,0,1,0,18.16,12.68,12.68,0,0,1-18,0,12.81,12.81,0,0,1,0-18.16l9-9V5l-.84.83-6,6a9.58,9.58,0,1,0,13.55,0ZM20.44,9a1.68,1.68,0,1,1,1.67-1.67A1.68,1.68,0,0,1,20.44,9Z" fill="#ee4c2c"></path></g></svg>
|
| 109 |
+
<span>PyTorch</span>
|
| 110 |
+
</a><a class="tag tag-white" href="/models?library=tf"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 534.01 508.99"><defs><style>.cls-1 {
|
| 111 |
+
fill: none;
|
| 112 |
+
}
|
| 113 |
+
.cls-2 {
|
| 114 |
+
clip-path: url(#clip-path);
|
| 115 |
+
}
|
| 116 |
+
.cls-3 {
|
| 117 |
+
fill: url(#linear-gradient);
|
| 118 |
+
}
|
| 119 |
+
.cls-4 {
|
| 120 |
+
clip-path: url(#clip-path-2);
|
| 121 |
+
}
|
| 122 |
+
.cls-5 {
|
| 123 |
+
fill: url(#linear-gradient-2);
|
| 124 |
+
}
|
| 125 |
+
</style><clipPath id="clip-path" transform="translate(23.09 1.92)"><polygon class="cls-1" points="452.23 123.16 235.73 0 235.73 506.11 322.33 456.07 322.33 313.67 387.76 351.2 386.8 254.02 322.33 216.49 322.33 159.72 452.23 235.73 452.23 123.16"></polygon></clipPath><linearGradient id="linear-gradient" x1="-20.21" y1="-48.36" x2="510.92" y2="-48.36" gradientTransform="matrix(1, 0, 0, -1, 0, 204.21)" gradientUnits="userSpaceOnUse"><stop offset="0" stop-color="#ff6f00"></stop><stop offset="1" stop-color="#ffa800"></stop></linearGradient><clipPath id="clip-path-2" transform="translate(23.09 1.92)"><polygon class="cls-1" points="0 123.16 216.49 0 216.49 506.11 129.89 456.07 129.89 159.72 0 235.73 0 123.16"></polygon></clipPath><linearGradient id="linear-gradient-2" x1="-23.09" y1="-48.36" x2="508.03" y2="-48.36" xlink:href="#linear-gradient"></linearGradient></defs><title>google-tensorflow</title><g class="cls-2"><path class="cls-3" d="M-20.21-1.92H510.92v509H-20.21Z" transform="translate(23.09 1.92)"></path></g><g class="cls-4"><path class="cls-5" d="M-23.09-1.92H508v509H-23.09Z" transform="translate(23.09 1.92)"></path></g></svg>
|
| 126 |
+
<span>TensorFlow</span>
|
| 127 |
+
</a><a class="tag tag-white" href="/models?library=jax"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1.73em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 451 260.81"><style>.J {
|
| 128 |
+
stroke: #dce0df;
|
| 129 |
+
}
|
| 130 |
+
.K {
|
| 131 |
+
stroke-linejoin: round;
|
| 132 |
+
}
|
| 133 |
+
</style><g fill="#5e97f6" class="J K"><path d="M50.5 130.4l-25 43.31h50l25-43.31h-50z"></path><path d="M.5 217.01l25-43.3h50l-25 43.3H.5z"></path><path d="M125.5 173.71h-50l-25 43.3h50l25-43.3z"></path><path d="M175.5 173.71h-50l-25 43.3h50l25-43.3z"></path><path d="M150.5 130.4l-25 43.31h50l25-43.31h-50z"></path><path d="M175.5 87.1l-25 43.3h50l25-43.3h-50z"></path><path d="M200.5 43.8l-25 43.3h50l25-43.3h-50z"></path><path d="M225.5.5l-25 43.3h50l25-43.3h-50z"></path></g><g fill="#2a56c6" class="J K"><path d="M.5 217.01l25 43.3h50l-25-43.3H.5z"></path><path d="M125.5 260.31h-50l-25-43.3h50l25 43.3z"></path><path d="M175.5 260.31h-50l-25-43.3h50l25 43.3z"></path></g><g fill="#00796b" class="J K"><path d="M200.5 217.01l-25-43.3-25 43.3 25 43.3 25-43.3zm50-86.61l-25-43.3-25 43.3h50z"></path><path d="M250.5 43.8l-25 43.3 25 43.3 25-43.3-25-43.3z"></path></g><path d="M125.5 173.71l-25-43.31-25 43.31h50z" fill="#3367d6" class="J K"></path><g fill="#26a69a" class="J K"><path d="M250.5 130.4h-50l-25 43.31h50l25-43.31z"></path><path d="M300.5 130.4h-50l-25 43.31h50l25-43.31z"></path></g><g fill="#9c27b0" class="J K"><path d="M350.5 43.8L325.5.5l-25 43.3 25 43.3 25-43.3z"></path><path d="M375.5 87.1l-25-43.3-25 43.3 25 43.3 25-43.3z"></path><path d="M400.5 130.4l-25-43.3-25 43.3 25 43.31 25-43.31z"></path><path d="M425.5 173.71l-25-43.31-25 43.31 25 43.3 25-43.3z"></path><path d="M450.5 217.01l-25-43.3-25 43.3 25 43.3 25-43.3zM425.5.5l-25 43.3 25 43.3 25-43.3-25-43.3z"></path><path d="M375.5 87.1l25-43.3 25 43.3-25 43.3-25-43.3zm-25 43.3l-25 43.31 25 43.3 25-43.3-25-43.31z"></path><path d="M325.5 260.31l-25-43.3 25-43.3 25 43.3-25 43.3z"></path></g><path d="M275.5 260.31l-25-43.3h50l25 43.3h-50z" fill="#6a1b9a" class="J K"></path><g fill="#00695c" class="J K"><path d="M225.5 173.71h-50l25 43.3h50l-25-43.3z"></path><path d="M275.5 173.71h-50l25 43.3 25-43.3zm0-86.61l25 43.3h50l-25-43.3h-50z"></path><path d="M300.5 43.8h-50l25 43.3h50l-25-43.3zm125 216.51l-25-43.3h-50l25 43.3h50z"></path><path d="M375.5 173.71l-25 43.3h50l-25-43.3z"></path></g><g fill="#ea80fc" class="J K"><path d="M325.5.5h-50l-25 43.3h50l25-43.3zm0 173.21h-50l-25 43.3h50l25-43.3z"></path><path d="M350.5 130.4h-50l-25 43.31h50l25-43.31zM425.5.5h-50l-25 43.3h50l25-43.3z"></path><path d="M375.5 87.1l-25-43.3h50l-25 43.3z"></path></g></svg>
|
| 134 |
+
<span>JAX</span>
|
| 135 |
+
</a><a class="tag tag-white" href="/models?library=transformers"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 90 90"><defs><mask id="a" x="31.46" y="42.5" width="26" height="25" maskUnits="userSpaceOnUse"><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#fff"></path></mask></defs><path d="M44.71,77.5A34.75,34.75,0,1,0,10,42.75,34.75,34.75,0,0,0,44.71,77.5Z" fill="#ffd21e"></path><path d="M79.46,42.75A34.75,34.75,0,1,0,44.71,77.5,34.75,34.75,0,0,0,79.46,42.75ZM6,42.75A38.75,38.75,0,1,1,44.71,81.5,38.75,38.75,0,0,1,6,42.75Z" fill="#ff9d0b"></path><path d="M56,33.29c1.28.45,1.78,3.07,3.07,2.39a5,5,0,1,0-6.76-2.07C52.92,34.76,54.86,32.89,56,33.29Z" fill="#3a3b45"></path><path d="M32.45,33.29c-1.28.45-1.79,3.07-3.07,2.39a5,5,0,1,1,6.76-2.07C35.53,34.76,33.58,32.89,32.45,33.29Z" fill="#3a3b45"></path><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#3a3b45"></path><g mask="url(#a)"><path d="M44.71,67.5a8.68,8.68,0,0,0,3-16.81l-.36-.13c-.84-.26-1.73,2.6-2.65,2.6S43,50.28,42.23,50.51a8.68,8.68,0,0,0,2.48,17Z" fill="#f94040"></path></g><path d="M68.21,38A3.25,3.25,0,1,0,65,34.75,3.25,3.25,0,0,0,68.21,38Z" fill="#ff9d0b"></path><path d="M21.71,38a3.25,3.25,0,1,0-3.25-3.25A3.25,3.25,0,0,0,21.71,38Z" fill="#ff9d0b"></path><path d="M15,49A5.22,5.22,0,0,0,11,50.87a5.92,5.92,0,0,0-1.33,3.75,7.28,7.28,0,0,0-1.94-.3A5.3,5.3,0,0,0,3.74,56a5.8,5.8,0,0,0-1.59,4.79A5.58,5.58,0,0,0,2.94,63a5.42,5.42,0,0,0-1.79,2.82,5.88,5.88,0,0,0,.79,4.74c-.08.12-.15.26-.22.39a5.2,5.2,0,0,0-.14,4.63c1,2.32,3.57,4.14,8.52,6.11,3.07,1.21,5.89,2,5.91,2a44.12,44.12,0,0,0,10.93,1.59c5.86,0,10.05-1.79,12.46-5.33C43.28,74.25,42.73,69,37.71,64a27.53,27.53,0,0,1-5-7.77c-.77-2.66-2.83-5.62-6.24-5.62h0a5.07,5.07,0,0,0-.86.07,5.68,5.68,0,0,0-3.73,2.38A13.22,13.22,0,0,0,19,50.28,7.41,7.41,0,0,0,15,49Zm0,4a3.6,3.6,0,0,1,1.82.65C19,55,23.09,62.08,24.6,64.83a2.43,2.43,0,0,0,2.14,1.31c1.55,0,2.75-1.53.15-3.48-3.92-2.93-2.55-7.72-.68-8a1,1,0,0,1,.24,0c1.7,0,2.45,2.93,2.45,2.93a31.55,31.55,0,0,0,6,9.29c3.77,3.77,4,6.8,1.22,10.84-1.88,2.75-5.47,3.58-9.16,3.58A41.51,41.51,0,0,1,17,79.81c-.11,0-13.45-3.8-11.76-7a1.39,1.39,0,0,1,1.34-.76c2.38,0,6.71,3.54,8.57,3.54A.77.77,0,0,0,16,75c.79-2.84-12.06-4-11-8.16a1.31,1.31,0,0,1,1.44-1c3.14,0,10.2,5.53,11.68,5.53a.28.28,0,0,0,.24-.11c.74-1.19.33-2-4.89-5.19S4.6,61,6.68,58.7a1.3,1.3,0,0,1,1-.38c3.17,0,10.66,6.82,10.66,6.82s2,2.1,3.25,2.1a.74.74,0,0,0,.68-.38c.86-1.46-8.06-8.22-8.56-11C13.37,54,14,53,15,53Z" fill="#ff9d0b"></path><path d="M36.1,77.69c2.75-4,2.55-7.07-1.22-10.84a31.55,31.55,0,0,1-6-9.29s-.82-3.21-2.69-2.91-3.24,5.08.68,8-.78,4.92-2.29,2.17S19,55,16.84,53.65s-3.63-.59-3.13,2.2,9.43,9.55,8.56,11-3.93-1.72-3.93-1.72S8.77,56.43,6.68,58.7,8.27,62.87,13.49,66s5.63,4,4.89,5.19S6.1,62.7,5,66.82,16.79,72.14,16,75,6.94,69.6,5.26,72.8s11.65,7,11.76,7C21.33,80.93,32.27,83.3,36.1,77.69Z" fill="#ffd21e"></path><path d="M74.9,49A5.21,5.21,0,0,1,79,50.87a5.92,5.92,0,0,1,1.33,3.75,7.35,7.35,0,0,1,2-.3A5.3,5.3,0,0,1,86.19,56a5.83,5.83,0,0,1,1.59,4.79A5.75,5.75,0,0,1,87,63a5.3,5.3,0,0,1,1.79,2.82A5.88,5.88,0,0,1,88,70.55c.08.12.16.26.23.39a5.26,5.26,0,0,1,.14,4.63c-1,2.32-3.58,4.14-8.52,6.11-3.08,1.21-5.89,2-5.92,2A44.12,44.12,0,0,1,63,85.27c-5.86,0-10-1.79-12.46-5.33C46.64,74.25,47.19,69,52.22,64a27.19,27.19,0,0,0,5-7.77c.78-2.66,2.83-5.62,6.24-5.62h0a4.91,4.91,0,0,1,.86.07,5.7,5.7,0,0,1,3.74,2.38,12.79,12.79,0,0,1,2.87-2.8A7.35,7.35,0,0,1,74.9,49Zm0,4a3.63,3.63,0,0,0-1.82.65C71,55,66.83,62.08,65.32,64.83a2.42,2.42,0,0,1-2.14,1.31c-1.54,0-2.75-1.53-.14-3.48,3.91-2.93,2.54-7.72.67-8a1,1,0,0,0-.24,0c-1.7,0-2.45,2.93-2.45,2.93a31.65,31.65,0,0,1-6,9.29c-3.78,3.77-4,6.8-1.22,10.84,1.87,2.75,5.47,3.58,9.15,3.58a41.61,41.61,0,0,0,9.93-1.46c.1,0,13.45-3.8,11.76-7a1.4,1.4,0,0,0-1.34-.76c-2.38,0-6.71,3.54-8.57,3.54a.76.76,0,0,1-.83-.61c-.8-2.84,12-4,11-8.16a1.31,1.31,0,0,0-1.44-1c-3.14,0-10.2,5.53-11.68,5.53a.25.25,0,0,1-.23-.11c-.74-1.19-.34-2,4.88-5.19S85.32,61,83.24,58.7a1.29,1.29,0,0,0-1-.38c-3.18,0-10.67,6.82-10.67,6.82s-2,2.1-3.24,2.1a.74.74,0,0,1-.68-.38c-.87-1.46,8-8.22,8.55-11C76.55,54,76,53,74.9,53Z" fill="#ff9d0b"></path><path d="M53.83,77.69c-2.75-4-2.56-7.07,1.22-10.84a31.65,31.65,0,0,0,6-9.29s.82-3.21,2.69-2.91,3.24,5.08-.67,8,.78,4.92,2.28,2.17S71,55,73.08,53.65s3.64-.59,3.13,2.2-9.42,9.55-8.55,11,3.92-1.72,3.92-1.72,9.58-8.71,11.66-6.44-1.58,4.17-6.8,7.33-5.63,4-4.89,5.19,12.27-8.52,13.35-4.4-11.76,5.32-11,8.16,9-5.38,10.74-2.18-11.65,7-11.76,7C68.6,80.93,57.65,83.3,53.83,77.69Z" fill="#ffd21e"></path></svg>
|
| 136 |
+
<span>Transformers</span>
|
| 137 |
+
</a>
|
| 138 |
+
<a class="tag tag-green" href="/models?language=en"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="ml-2 text-green-600/80" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 10 10"><path fill-rule="evenodd" clip-rule="evenodd" d="M0.625 5C0.625 6.16032 1.08594 7.27312 1.90641 8.09359C2.72688 8.91406 3.83968 9.375 5 9.375C6.16032 9.375 7.27312 8.91406 8.09359 8.09359C8.91406 7.27312 9.375 6.16032 9.375 5C9.375 3.83968 8.91406 2.72688 8.09359 1.90641C7.27312 1.08594 6.16032 0.625 5 0.625C3.83968 0.625 2.72688 1.08594 1.90641 1.90641C1.08594 2.72688 0.625 3.83968 0.625 5ZM7.64365 7.48027C7.61734 7.50832 7.59054 7.53598 7.56326 7.56326C7.13828 7.98824 6.61864 8.2968 6.0539 8.46842C6.29802 8.11949 6.49498 7.64804 6.63475 7.09483C7.00845 7.18834 7.35014 7.3187 7.64365 7.48027ZM8.10076 6.87776C8.37677 6.42196 8.55005 5.90894 8.60556 5.37499H6.86808C6.85542 5.71597 6.82551 6.04557 6.77971 6.35841C7.25309 6.47355 7.68808 6.6414 8.062 6.85549C8.07497 6.86283 8.08789 6.87025 8.10076 6.87776ZM6.03795 6.22536C6.07708 5.95737 6.1044 5.67232 6.11705 5.37499H3.88295C3.89666 5.69742 3.92764 6.00542 3.9722 6.29287C4.37075 6.21726 4.79213 6.17749 5.224 6.17749C5.50054 6.17749 5.77294 6.19376 6.03795 6.22536ZM4.1261 7.02673C4.34894 7.84835 4.68681 8.375 5 8.375C5.32122 8.375 5.66839 7.82101 5.8908 6.963C5.67389 6.93928 5.45082 6.92699 5.224 6.92699C4.84316 6.92699 4.47332 6.96176 4.1261 7.02673ZM3.39783 7.21853C3.53498 7.71842 3.72038 8.14579 3.9461 8.46842C3.42141 8.30898 2.93566 8.03132 2.52857 7.65192C2.77253 7.48017 3.06711 7.33382 3.39783 7.21853ZM3.23916 6.48077C3.18263 6.13193 3.14625 5.76074 3.13192 5.37499H1.39444C1.4585 5.99112 1.67936 6.57938 2.03393 7.08403C2.3706 6.83531 2.78055 6.63162 3.23916 6.48077ZM1.39444 4.62499H3.13192C3.14615 4.24204 3.18211 3.87344 3.23794 3.52681C2.77814 3.37545 2.36731 3.17096 2.03024 2.92123C1.67783 3.42469 1.45828 4.011 1.39444 4.62499ZM2.5237 2.35262C2.76812 2.52552 3.06373 2.67281 3.39584 2.78875C3.53318 2.28573 3.71928 1.85578 3.9461 1.53158C3.41932 1.69166 2.93178 1.97089 2.5237 2.35262ZM3.97101 3.71489C3.92709 4.00012 3.89654 4.30547 3.88295 4.62499H6.11705C6.10453 4.33057 6.07761 4.04818 6.03909 3.78248C5.77372 3.81417 5.50093 3.83049 5.224 3.83049C4.79169 3.83049 4.3699 3.79065 3.97101 3.71489ZM5.8928 3.04476C5.67527 3.06863 5.45151 3.08099 5.224 3.08099C4.84241 3.08099 4.47186 3.04609 4.12405 2.98086C4.34686 2.1549 4.68584 1.625 5 1.625C5.32218 1.625 5.67048 2.18233 5.8928 3.04476ZM6.78083 3.6493C6.826 3.95984 6.85552 4.28682 6.86808 4.62499H8.60556C8.55029 4.09337 8.37827 3.58251 8.10436 3.1282C8.0903 3.1364 8.07618 3.14449 8.062 3.15249C7.68838 3.36641 7.25378 3.53417 6.78083 3.6493ZM7.64858 2.52499C7.35446 2.68754 7.0117 2.81868 6.63664 2.91268C6.49676 2.35623 6.29913 1.88209 6.0539 1.53158C6.61864 1.7032 7.13828 2.01176 7.56326 2.43674C7.59224 2.46572 7.62068 2.49514 7.64858 2.52499Z" fill="currentColor"></path></svg>
|
| 139 |
+
<span>99 languages</span>
|
| 140 |
+
</a><a class="tag tag-purple" href="/models?other=whisper">
|
| 141 |
+
<span>whisper</span>
|
| 142 |
+
</a><a class="tag tag-purple" href="/models?other=audio">
|
| 143 |
+
<span>audio</span>
|
| 144 |
+
</a><a class="tag tag-purple" href="/models?other=hf-asr-leaderboard">
|
| 145 |
+
<span>hf-asr-leaderboard</span>
|
| 146 |
+
</a><a class="tag tag-purple" href="/models?other=model-index"><svg class="ml-2 text-orange-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 30h-8V4h8z" fill="currentColor"></path><path d="M20 30h-8V12h8z" fill="currentColor"></path><path d="M10 30H2V18h8z" fill="currentColor"></path></svg>
|
| 147 |
+
<span>Eval Results</span>
|
| 148 |
+
</a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
|
| 149 |
+
<button class=" " type="button">
|
| 150 |
+
|
| 151 |
+
<a class="tag mr-0 mb-0 md:mr-0 md:mb-0 tag-white rounded-full" href="/models?other=arxiv%3A2212.04356"><svg class="ml-2 text-gray-900" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 12 12" preserveAspectRatio="xMidYMid meet" fill="none"><path fill="currentColor" fill-rule="evenodd" d="M7.55 1.02c.29 0 .58.11.8.29l1.48 1.22c.3.25.45.6.45.97v6.22c0 .7-.56 1.26-1.25 1.26H2.97c-.7 0-1.26-.56-1.26-1.26V2.28c0-.7.56-1.26 1.26-1.26h4.57Zm.11 3.63c-.76 0-1.36-.6-1.36-1.36v-.7a.62.62 0 0 0-.63-.64h-2.7a.31.31 0 0 0-.31.33v7.44c0 .18.13.33.3.33h6.07c.18 0 .31-.15.31-.33V5.3a.62.62 0 0 0-.62-.64H7.65h.01Z" clip-rule="evenodd"></path></svg>
|
| 152 |
+
<span class="-mr-2 !pr-0 text-gray-400">arxiv:</span>
|
| 153 |
+
<span>2212.04356</span>
|
| 154 |
+
</a>
|
| 155 |
+
|
| 156 |
+
|
| 157 |
+
</button>
|
| 158 |
+
|
| 159 |
+
|
| 160 |
+
|
| 161 |
+
</div><a class="tag tag-white rounded-full" href="/models?license=license%3Aapache-2.0"><svg class="ml-2 text-xs text-gray-900" width="1em" height="1em" viewBox="0 0 10 10" fill="none" xmlns="http://www.w3.org/2000/svg"><path d="M1.46009 5.0945V6.88125C1.46009 7.25201 1.75937 7.55129 2.13012 7.55129C2.50087 7.55129 2.80016 7.25201 2.80016 6.88125V5.0945C2.80016 4.72375 2.50087 4.42446 2.13012 4.42446C1.75937 4.42446 1.46009 4.72375 1.46009 5.0945ZM4.14022 5.0945V6.88125C4.14022 7.25201 4.4395 7.55129 4.81026 7.55129C5.18101 7.55129 5.48029 7.25201 5.48029 6.88125V5.0945C5.48029 4.72375 5.18101 4.42446 4.81026 4.42446C4.4395 4.42446 4.14022 4.72375 4.14022 5.0945ZM1.23674 9.78473H8.38377C8.75452 9.78473 9.0538 9.48545 9.0538 9.1147C9.0538 8.74395 8.75452 8.44466 8.38377 8.44466H1.23674C0.865993 8.44466 0.566711 8.74395 0.566711 9.1147C0.566711 9.48545 0.865993 9.78473 1.23674 9.78473ZM6.82036 5.0945V6.88125C6.82036 7.25201 7.11964 7.55129 7.49039 7.55129C7.86114 7.55129 8.16042 7.25201 8.16042 6.88125V5.0945C8.16042 4.72375 7.86114 4.42446 7.49039 4.42446C7.11964 4.42446 6.82036 4.72375 6.82036 5.0945ZM4.39484 0.623142L0.865993 2.48137C0.682851 2.57517 0.566711 2.76725 0.566711 2.97273C0.566711 3.28094 0.816857 3.53109 1.12507 3.53109H8.49991C8.80365 3.53109 9.0538 3.28094 9.0538 2.97273C9.0538 2.76725 8.93766 2.57517 8.75452 2.48137L5.22568 0.623142C4.9666 0.484669 4.65391 0.484669 4.39484 0.623142V0.623142Z" fill="currentColor"></path></svg>
|
| 162 |
+
<span class="-mr-1 !pr-0 text-gray-400">License: </span>
|
| 163 |
+
<span>apache-2.0</span>
|
| 164 |
+
</a></div>
|
| 165 |
+
|
| 166 |
+
<div class="flex flex-col-reverse lg:flex-row lg:items-center lg:justify-between"><div class="-mb-px flex h-12 items-center overflow-x-auto overflow-y-hidden "><a class="tab-alternate " href="/openai/whisper-medium"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
|
| 167 |
+
Model card
|
| 168 |
+
|
| 169 |
+
|
| 170 |
+
</a><a class="tab-alternate active" href="/openai/whisper-medium/tree/main"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M21 19h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-8h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0 4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M9 19a1 1 0 0 1-1-1V6a1 1 0 0 1 2 0v12a1 1 0 0 1-1 1zm-6-4.333a1 1 0 0 1-.64-1.769L3.438 12l-1.078-.898a1 1 0 0 1 1.28-1.538l2 1.667a1 1 0 0 1 0 1.538l-2 1.667a.999.999 0 0 1-.64.231z" fill="currentColor"></path></svg>
|
| 171 |
+
<span class="xl:hidden">Files</span>
|
| 172 |
+
<span class="hidden xl:inline">Files and versions</span>
|
| 173 |
+
|
| 174 |
+
|
| 175 |
+
</a><a class="tab-alternate " href="/openai/whisper-medium/discussions"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M20.6081 3C21.7684 3 22.8053 3.49196 23.5284 4.38415C23.9756 4.93678 24.4428 5.82749 24.4808 7.16133C24.9674 7.01707 25.4353 6.93643 25.8725 6.93643C26.9833 6.93643 27.9865 7.37587 28.696 8.17411C29.6075 9.19872 30.0124 10.4579 29.8361 11.7177C29.7523 12.3177 29.5581 12.8555 29.2678 13.3534C29.8798 13.8646 30.3306 14.5763 30.5485 15.4322C30.719 16.1032 30.8939 17.5006 29.9808 18.9403C30.0389 19.0342 30.0934 19.1319 30.1442 19.2318C30.6932 20.3074 30.7283 21.5229 30.2439 22.6548C29.5093 24.3704 27.6841 25.7219 24.1397 27.1727C21.9347 28.0753 19.9174 28.6523 19.8994 28.6575C16.9842 29.4379 14.3477 29.8345 12.0653 29.8345C7.87017 29.8345 4.8668 28.508 3.13831 25.8921C0.356375 21.6797 0.754104 17.8269 4.35369 14.1131C6.34591 12.058 7.67023 9.02782 7.94613 8.36275C8.50224 6.39343 9.97271 4.20438 12.4172 4.20438H12.4179C12.6236 4.20438 12.8314 4.2214 13.0364 4.25468C14.107 4.42854 15.0428 5.06476 15.7115 6.02205C16.4331 5.09583 17.134 4.359 17.7682 3.94323C18.7242 3.31737 19.6794 3 20.6081 3ZM20.6081 5.95917C20.2427 5.95917 19.7963 6.1197 19.3039 6.44225C17.7754 7.44319 14.8258 12.6772 13.7458 14.7131C13.3839 15.3952 12.7655 15.6837 12.2086 15.6837C11.1036 15.6837 10.2408 14.5497 12.1076 13.1085C14.9146 10.9402 13.9299 7.39584 12.5898 7.1776C12.5311 7.16799 12.4731 7.16355 12.4172 7.16355C11.1989 7.16355 10.6615 9.33114 10.6615 9.33114C10.6615 9.33114 9.0863 13.4148 6.38031 16.206C3.67434 18.998 3.5346 21.2388 5.50675 24.2246C6.85185 26.2606 9.42666 26.8753 12.0653 26.8753C14.8021 26.8753 17.6077 26.2139 19.1799 25.793C19.2574 25.7723 28.8193 22.984 27.6081 20.6107C27.4046 20.212 27.0693 20.0522 26.6471 20.0522C24.9416 20.0522 21.8393 22.6726 20.5057 22.6726C20.2076 22.6726 19.9976 22.5416 19.9116 22.222C19.3433 20.1173 28.552 19.2325 27.7758 16.1839C27.639 15.6445 27.2677 15.4256 26.746 15.4263C24.4923 15.4263 19.4358 19.5181 18.3759 19.5181C18.2949 19.5181 18.2368 19.4937 18.2053 19.4419C17.6743 18.557 17.9653 17.9394 21.7082 15.6009C25.4511 13.2617 28.0783 11.8545 26.5841 10.1752C26.4121 9.98141 26.1684 9.8956 25.8725 9.8956C23.6001 9.89634 18.2311 14.9403 18.2311 14.9403C18.2311 14.9403 16.7821 16.496 15.9057 16.496C15.7043 16.496 15.533 16.4139 15.4169 16.2112C14.7956 15.1296 21.1879 10.1286 21.5484 8.06535C21.7928 6.66715 21.3771 5.95917 20.6081 5.95917Z" fill="#FF9D00"></path><path d="M5.50686 24.2246C3.53472 21.2387 3.67446 18.9979 6.38043 16.206C9.08641 13.4147 10.6615 9.33111 10.6615 9.33111C10.6615 9.33111 11.2499 6.95933 12.59 7.17757C13.93 7.39581 14.9139 10.9401 12.1069 13.1084C9.29997 15.276 12.6659 16.7489 13.7459 14.713C14.8258 12.6772 17.7747 7.44316 19.304 6.44221C20.8326 5.44128 21.9089 6.00204 21.5484 8.06532C21.188 10.1286 14.795 15.1295 15.4171 16.2118C16.0391 17.2934 18.2312 14.9402 18.2312 14.9402C18.2312 14.9402 25.0907 8.49588 26.5842 10.1752C28.0776 11.8545 25.4512 13.2616 21.7082 15.6008C17.9646 17.9393 17.6744 18.557 18.2054 19.4418C18.7372 20.3266 26.9998 13.1351 27.7759 16.1838C28.5513 19.2324 19.3434 20.1173 19.9117 22.2219C20.48 24.3274 26.3979 18.2382 27.6082 20.6107C28.8193 22.9839 19.2574 25.7722 19.18 25.7929C16.0914 26.62 8.24723 28.3726 5.50686 24.2246Z" fill="#FFD21E"></path></svg>
|
| 176 |
+
Community
|
| 177 |
+
<div class="ml-1.5 flex h-4 min-w-[1rem] items-center justify-center rounded px-1 text-xs leading-none shadow-sm bg-black text-white dark:bg-gray-800 dark:text-gray-200">19
|
| 178 |
+
</div>
|
| 179 |
+
|
| 180 |
+
</a>
|
| 181 |
+
</div>
|
| 182 |
+
|
| 183 |
+
|
| 184 |
+
|
| 185 |
+
|
| 186 |
+
<div class="relative mb-1.5 flex flex-wrap gap-1.5 sm:flex-nowrap lg:mb-0">
|
| 187 |
+
|
| 188 |
+
<div class="order-last sm:order-first"><div class="relative ">
|
| 189 |
+
<button class="btn px-1.5 py-1.5 " type="button">
|
| 190 |
+
|
| 191 |
+
<svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="p-0.5" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><circle cx="16" cy="7" r="3" fill="currentColor"></circle><circle cx="16" cy="16" r="3" fill="currentColor"></circle><circle cx="16" cy="25" r="3" fill="currentColor"></circle></svg>
|
| 192 |
+
|
| 193 |
+
</button>
|
| 194 |
+
|
| 195 |
+
|
| 196 |
+
|
| 197 |
+
</div></div>
|
| 198 |
+
|
| 199 |
+
|
| 200 |
+
|
| 201 |
+
|
| 202 |
+
|
| 203 |
+
|
| 204 |
+
|
| 205 |
+
<div class="flex-none w-full sm:w-auto"><div class="relative ">
|
| 206 |
+
<button class="text-sm btn btn w-full cursor-pointer text-sm" type="button">
|
| 207 |
+
<svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12.1 2a9.8 9.8 0 0 0-5.4 1.6l6.4 6.4a2.1 2.1 0 0 1 .2 3a2.1 2.1 0 0 1-3-.2L3.7 6.4A9.84 9.84 0 0 0 2 12.1a10.14 10.14 0 0 0 10.1 10.1a10.9 10.9 0 0 0 2.6-.3l6.7 6.7a5 5 0 0 0 7.1-7.1l-6.7-6.7a10.9 10.9 0 0 0 .3-2.6A10 10 0 0 0 12.1 2zm8 10.1a7.61 7.61 0 0 1-.3 2.1l-.3 1.1l.8.8l6.7 6.7a2.88 2.88 0 0 1 .9 2.1A2.72 2.72 0 0 1 27 27a2.9 2.9 0 0 1-4.2 0l-6.7-6.7l-.8-.8l-1.1.3a7.61 7.61 0 0 1-2.1.3a8.27 8.27 0 0 1-5.7-2.3A7.63 7.63 0 0 1 4 12.1a8.33 8.33 0 0 1 .3-2.2l4.4 4.4a4.14 4.14 0 0 0 5.9.2a4.14 4.14 0 0 0-.2-5.9L10 4.2a6.45 6.45 0 0 1 2-.3a8.27 8.27 0 0 1 5.7 2.3a8.49 8.49 0 0 1 2.4 5.9z" fill="currentColor"></path></svg>
|
| 208 |
+
Train
|
| 209 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 210 |
+
|
| 211 |
+
|
| 212 |
+
|
| 213 |
+
</div>
|
| 214 |
+
</div>
|
| 215 |
+
<div class="flex-none w-full sm:w-auto"><div class="relative ">
|
| 216 |
+
<button class="text-sm btn btn w-full cursor-pointer text-sm" type="button">
|
| 217 |
+
<svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><rect x="6.34" y="19" width="11.31" height="2" transform="translate(-10.63 14.34) rotate(-45)"></rect><path d="M17,30a1,1,0,0,1-.37-.07,1,1,0,0,1-.62-.79l-1-7,2-.28.75,5.27L21,24.52V17a1,1,0,0,1,.29-.71l4.07-4.07A8.94,8.94,0,0,0,28,5.86V4H26.14a8.94,8.94,0,0,0-6.36,2.64l-4.07,4.07A1,1,0,0,1,15,11H7.48L4.87,14.26l5.27.75-.28,2-7-1a1,1,0,0,1-.79-.62,1,1,0,0,1,.15-1l4-5A1,1,0,0,1,7,9h7.59l3.77-3.78A10.92,10.92,0,0,1,26.14,2H28a2,2,0,0,1,2,2V5.86a10.92,10.92,0,0,1-3.22,7.78L23,17.41V25a1,1,0,0,1-.38.78l-5,4A1,1,0,0,1,17,30Z"></path></svg>
|
| 218 |
+
Deploy
|
| 219 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 220 |
+
|
| 221 |
+
|
| 222 |
+
|
| 223 |
+
</div>
|
| 224 |
+
</div>
|
| 225 |
+
<div class="flex-auto sm:flex-none"><button class="w-full cursor-pointer btn text-sm" type="button" ><svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
|
| 226 |
+
Use in Transformers</button>
|
| 227 |
+
</div></div>
|
| 228 |
+
</div></div></header></div>
|
| 229 |
+
|
| 230 |
+
<div class="container relative flex flex-col md:grid md:space-y-0 w-full md:grid-cols-12 space-y-4 md:gap-6 mb-16"><section class="pt-8 border-gray-100 col-span-full"><header class="flex flex-wrap items-center justify-start pb-2 md:justify-end lg:flex-nowrap"><div class="mr-4 flex min-w-0 basis-auto flex-wrap items-center md:flex-grow md:basis-full lg:basis-auto lg:flex-nowrap"><div class="SVELTE_HYDRATER contents" data-props="{"path":"tokenizer.json","repoName":"openai/whisper-medium","repoType":"model","rev":"main","refs":{"branches":[{"name":"main","ref":"refs/heads/main","targetCommit":"8b6593e88fc558a10e78c6e5fa65311eddaa7c2a"}],"tags":[],"converts":[]},"view":"blob"}" data-target="BranchSelector"><div class="relative mr-4 mb-2">
|
| 231 |
+
<button class="text-sm md:text-base btn w-full cursor-pointer text-sm" type="button">
|
| 232 |
+
<svg class="mr-1.5 text-gray-700 dark:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M13 14c-3.36 0-4.46 1.35-4.82 2.24C9.25 16.7 10 17.76 10 19a3 3 0 0 1-3 3a3 3 0 0 1-3-3c0-1.31.83-2.42 2-2.83V7.83A2.99 2.99 0 0 1 4 5a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.31-.83 2.42-2 2.83v5.29c.88-.65 2.16-1.12 4-1.12c2.67 0 3.56-1.34 3.85-2.23A3.006 3.006 0 0 1 14 7a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.34-.88 2.5-2.09 2.86C17.65 11.29 16.68 14 13 14m-6 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1M7 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1m10 2a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1z" fill="currentColor"></path></svg>
|
| 233 |
+
main
|
| 234 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 235 |
+
|
| 236 |
+
|
| 237 |
+
|
| 238 |
+
</div></div>
|
| 239 |
+
<div class="mb-2 flex items-center overflow-hidden"><a class="truncate text-gray-800 hover:underline" href="/openai/whisper-medium/tree/main">whisper-medium</a>
|
| 240 |
+
<span class="mx-1 text-gray-300">/</span>
|
| 241 |
+
<span class="dark:text-gray-300">tokenizer.json</span></div></div>
|
| 242 |
+
|
| 243 |
+
|
| 244 |
+
</header>
|
| 245 |
+
<div class="SVELTE_HYDRATER contents" data-props="{"commitLast":{"date":"2023-01-31T20:13:48.000Z","subject":"change hebrew code from iw (deprecated) to he (#8)","authors":[{"_id":"62441cb7456803e95009a08f","avatar":"https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1674683851722-62441cb7456803e95009a08f.jpeg?w=200&h=200&f=face","isHf":true,"user":"ArthurZ"}],"commit":{"id":"8050949d8c56a3f3185f116547cdb26dbe953f37","parentIds":["18af65e3f79d69b9f7eddc4fed9ce8cf1aa10f6d"]},"title":"change hebrew code from iw (deprecated) to he (<a href=\"/openai/whisper-medium/discussions/8\">#8</a>)"},"repo":{"name":"openai/whisper-medium","type":"model"}}" data-target="LastCommit"><div class="from-gray-100-to-white flex items-baseline rounded-t-lg border border-b-0 bg-gradient-to-t px-3 py-2 dark:border-gray-800"><img class="mt-0.5 mr-2.5 h-4 w-4 self-center rounded-full" alt="ArthurZ's picture" src="https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1674683851722-62441cb7456803e95009a08f.jpeg?w=200&h=200&f=face">
|
| 246 |
+
<div class="mr-5 flex flex-none items-center truncate"><a class="hover:underline" href="/ArthurZ">ArthurZ
|
| 247 |
+
</a>
|
| 248 |
+
<div class="mt-0.5 ml-1.5 rounded border border-yellow-200 bg-yellow-50 px-1 text-xs font-semibold uppercase text-yellow-500 dark:bg-yellow-800 dark:text-yellow-400" title="member of the Hugging Face team">HF staff
|
| 249 |
+
</div>
|
| 250 |
+
</div>
|
| 251 |
+
<div class="mr-4 truncate font-mono text-sm text-gray-500 hover:prose-a:underline"><!-- HTML_TAG_START -->change hebrew code from iw (deprecated) to he (<a href="/openai/whisper-medium/discussions/8">#8</a>)<!-- HTML_TAG_END --></div>
|
| 252 |
+
<a class="rounded border bg-gray-50 px-1.5 text-sm hover:underline dark:border-gray-800 dark:bg-gray-900" href="/openai/whisper-medium/commit/8050949d8c56a3f3185f116547cdb26dbe953f37">8050949</a>
|
| 253 |
+
|
| 254 |
+
<time class="ml-auto hidden flex-none truncate pl-2 text-gray-500 dark:text-gray-400 lg:block" datetime="2023-01-31T20:13:48" title="Tue, 31 Jan 2023 20:13:48 GMT">5 months ago</time></div></div>
|
| 255 |
+
<div class="flex flex-wrap items-center border px-3 py-1.5 text-sm text-gray-800 dark:border-gray-800 dark:bg-gray-900">
|
| 256 |
+
<a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/raw/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
|
| 257 |
+
raw
|
| 258 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/commits/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 4C9.383 4 4 9.383 4 16s5.383 12 12 12s12-5.383 12-12S22.617 4 16 4zm0 2c5.535 0 10 4.465 10 10s-4.465 10-10 10S6 21.535 6 16S10.465 6 16 6zm-1 2v9h7v-2h-5V8z" fill="currentColor"></path></svg>
|
| 259 |
+
history
|
| 260 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline text-green-600 dark:text-gray-300" href="/openai/whisper-medium/edit/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M2 26h28v2H2z" fill="currentColor"></path><path d="M25.4 9c.8-.8.8-2 0-2.8l-3.6-3.6c-.8-.8-2-.8-2.8 0l-15 15V24h6.4l15-15zm-5-5L24 7.6l-3 3L17.4 7l3-3zM6 22v-3.6l10-10l3.6 3.6l-10 10H6z" fill="currentColor"></path></svg>
|
| 261 |
+
contribute
|
| 262 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/delete/main/tokenizer.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12 12h2v12h-2z" fill="currentColor"></path><path d="M18 12h2v12h-2z" fill="currentColor"></path><path d="M4 6v2h2v20a2 2 0 0 0 2 2h16a2 2 0 0 0 2-2V8h2V6zm4 22V8h16v20z" fill="currentColor"></path><path d="M12 2h8v2h-8z" fill="currentColor"></path></svg>
|
| 263 |
+
delete
|
| 264 |
+
</a>
|
| 265 |
+
<div class="mr-4 flex items-center text-gray-400"><svg class="text-gray-300 text-sm mr-1.5 -translate-y-px" width="1em" height="1em" viewBox="0 0 22 28" fill="none" xmlns="http://www.w3.org/2000/svg"><path fill-rule="evenodd" clip-rule="evenodd" d="M15.3634 10.3639C15.8486 10.8491 15.8486 11.6357 15.3634 12.1209L10.9292 16.5551C10.6058 16.8785 10.0814 16.8785 9.7579 16.5551L7.03051 13.8277C6.54532 13.3425 6.54532 12.5558 7.03051 12.0707C7.51569 11.5855 8.30234 11.5855 8.78752 12.0707L9.7579 13.041C10.0814 13.3645 10.6058 13.3645 10.9292 13.041L13.6064 10.3639C14.0916 9.8787 14.8782 9.8787 15.3634 10.3639Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M10.6666 27.12C4.93329 25.28 0 19.2267 0 12.7867V6.52001C0 5.40001 0.693334 4.41334 1.73333 4.01334L9.73333 1.01334C10.3333 0.786673 11 0.786673 11.6 1.02667L19.6 4.02667C20.1083 4.21658 20.5465 4.55701 20.8562 5.00252C21.1659 5.44803 21.3324 5.97742 21.3333 6.52001V12.7867C21.3333 19.24 16.4 25.28 10.6666 27.12Z" fill="currentColor" fill-opacity="0.22"></path><path d="M10.0845 1.94967L10.0867 1.94881C10.4587 1.8083 10.8666 1.81036 11.2286 1.95515L11.2387 1.95919L11.2489 1.963L19.2489 4.963L19.25 4.96342C19.5677 5.08211 19.8416 5.29488 20.0351 5.57333C20.2285 5.85151 20.3326 6.18203 20.3333 6.52082C20.3333 6.52113 20.3333 6.52144 20.3333 6.52176L20.3333 12.7867C20.3333 18.6535 15.8922 24.2319 10.6666 26.0652C5.44153 24.2316 1 18.6409 1 12.7867V6.52001C1 5.82357 1.42893 5.20343 2.08883 4.94803L10.0845 1.94967Z" stroke="currentColor" stroke-opacity="0.30" stroke-width="2"></path></svg>
|
| 266 |
+
|
| 267 |
+
No virus
|
| 268 |
+
</div>
|
| 269 |
+
|
| 270 |
+
<div class="dark:text-gray-300 sm:ml-auto">2.2 MB</div></div>
|
| 271 |
+
|
| 272 |
+
<div class="relative min-h-[100px] rounded-b-lg border border-t-0 leading-tight dark:border-gray-800 dark:bg-gray-925">
|
| 273 |
+
<div class="p-4 py-8 text-center">File too large to display, you can
|
| 274 |
+
<a href="/openai/whisper-medium/raw/main/tokenizer.json" target="_blank" class="underline">check the raw version</a>
|
| 275 |
+
instead.
|
| 276 |
+
</div></div></section></div></main>
|
| 277 |
+
</div>
|
| 278 |
+
|
| 279 |
+
<script>
|
| 280 |
+
import("/front/build/kube-48e6ffd/index.js");
|
| 281 |
+
window.moonSha = "kube-48e6ffd/";
|
| 282 |
+
window.hubConfig = JSON.parse(`{"features":{"signupDisabled":false},"sshGitUrl":"[email protected]","moonHttpUrl":"https://huggingface.co","captchaApiKey":"bd5f2066-93dc-4bdd-a64b-a24646ca3859","stripePublicKey":"pk_live_x2tdjFXBCvXo2FFmMybezpeM00J6gPCAAc"}`);
|
| 283 |
+
</script>
|
| 284 |
+
|
| 285 |
+
<!-- Stripe -->
|
| 286 |
+
<script>
|
| 287 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 288 |
+
const script = document.createElement("script");
|
| 289 |
+
script.src = "https://js.stripe.com/v3/";
|
| 290 |
+
script.async = true;
|
| 291 |
+
document.head.appendChild(script);
|
| 292 |
+
}
|
| 293 |
+
</script>
|
| 294 |
+
|
| 295 |
+
<!-- Google analytics v4 -->
|
| 296 |
+
<script>
|
| 297 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 298 |
+
const script = document.createElement("script");
|
| 299 |
+
script.src = "https://www.googletagmanager.com/gtag/js?id=G-8Q63TH4CSL";
|
| 300 |
+
script.async = true;
|
| 301 |
+
document.head.appendChild(script);
|
| 302 |
+
|
| 303 |
+
window.dataLayer = window.dataLayer || [];
|
| 304 |
+
function gtag() {
|
| 305 |
+
if (window.dataLayer !== undefined) {
|
| 306 |
+
window.dataLayer.push(arguments);
|
| 307 |
+
}
|
| 308 |
+
}
|
| 309 |
+
gtag("js", new Date());
|
| 310 |
+
gtag("config", "G-8Q63TH4CSL", { page_path: "/openai/whisper-medium/blob/main/tokenizer.json" });
|
| 311 |
+
/// ^ See https://developers.google.com/analytics/devguides/collection/gtagjs/pages
|
| 312 |
+
gtag("consent", "default", { ad_storage: "denied", analytics_storage: "denied" });
|
| 313 |
+
/// ^ See https://developers.google.com/tag-platform/gtagjs/reference#consent
|
| 314 |
+
/// TODO: ask the user for their consent and update this with gtag('consent', 'update')
|
| 315 |
+
}
|
| 316 |
+
</script>
|
| 317 |
+
|
| 318 |
+
<!-- Google Analytics v3 (deprecated) -->
|
| 319 |
+
<script>
|
| 320 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 321 |
+
(function (i, s, o, g, r, a, m) {
|
| 322 |
+
i["GoogleAnalyticsObject"] = r;
|
| 323 |
+
(i[r] =
|
| 324 |
+
i[r] ||
|
| 325 |
+
function () {
|
| 326 |
+
(i[r].q = i[r].q || []).push(arguments);
|
| 327 |
+
}),
|
| 328 |
+
(i[r].l = 1 * new Date());
|
| 329 |
+
(a = s.createElement(o)), (m = s.getElementsByTagName(o)[0]);
|
| 330 |
+
a.async = 1;
|
| 331 |
+
a.src = g;
|
| 332 |
+
m.parentNode.insertBefore(a, m);
|
| 333 |
+
})(window, document, "script", "https://www.google-analytics.com/analytics.js", "ganalytics");
|
| 334 |
+
ganalytics("create", "UA-83738774-2", "auto");
|
| 335 |
+
ganalytics("send", "pageview", "/openai/whisper-medium/blob/main/tokenizer.json");
|
| 336 |
+
}
|
| 337 |
+
</script>
|
| 338 |
+
</body>
|
| 339 |
+
</html>
|
tokenizer_config.json
ADDED
|
The diff for this file is too large to render.
See raw diff
|
|
|
vocab.json
ADDED
|
@@ -0,0 +1,339 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
<!DOCTYPE html>
|
| 2 |
+
<html class="">
|
| 3 |
+
<head>
|
| 4 |
+
<meta charset="utf-8" />
|
| 5 |
+
<meta name="viewport" content="width=device-width, initial-scale=1.0, user-scalable=no" />
|
| 6 |
+
<meta name="description" content="We’re on a journey to advance and democratize artificial intelligence through open source and open science." />
|
| 7 |
+
<meta property="fb:app_id" content="1321688464574422" />
|
| 8 |
+
<meta name="twitter:card" content="summary_large_image" />
|
| 9 |
+
<meta name="twitter:site" content="@huggingface" />
|
| 10 |
+
<meta property="og:title" content="vocab.json · openai/whisper-medium at main" />
|
| 11 |
+
<meta property="og:type" content="website" />
|
| 12 |
+
<meta property="og:url" content="https://huggingface.co/openai/whisper-medium/blob/main/vocab.json" />
|
| 13 |
+
<meta property="og:image" content="https://cdn-thumbnails.huggingface.co/social-thumbnails/models/openai/whisper-medium.png" />
|
| 14 |
+
|
| 15 |
+
<link rel="stylesheet" href="/front/build/kube-48e6ffd/style.css" />
|
| 16 |
+
|
| 17 |
+
<link rel="preconnect" href="https://fonts.gstatic.com" />
|
| 18 |
+
<link
|
| 19 |
+
href="https://fonts.googleapis.com/css2?family=Source+Sans+Pro:ital,wght@0,200;0,300;0,400;0,600;0,700;0,900;1,200;1,300;1,400;1,600;1,700;1,900&display=swap"
|
| 20 |
+
rel="stylesheet"
|
| 21 |
+
/>
|
| 22 |
+
<link
|
| 23 |
+
href="https://fonts.googleapis.com/css2?family=IBM+Plex+Mono:wght@400;600;700&display=swap"
|
| 24 |
+
rel="stylesheet"
|
| 25 |
+
/>
|
| 26 |
+
<link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/[email protected]/dist/katex.min.css" />
|
| 27 |
+
|
| 28 |
+
|
| 29 |
+
|
| 30 |
+
<title>vocab.json · openai/whisper-medium at main</title>
|
| 31 |
+
|
| 32 |
+
<script defer data-domain="huggingface.co" src="/js/script.js"></script>
|
| 33 |
+
</head>
|
| 34 |
+
<body class="flex flex-col min-h-screen bg-white dark:bg-gray-950 text-black ViewerBlobPage">
|
| 35 |
+
<div class="flex min-h-screen flex-col">
|
| 36 |
+
<div class="SVELTE_HYDRATER contents" data-props="{"isWide":false,"isZh":true}" data-target="MainHeader"><header class="border-b border-gray-100"><div class="w-full px-4 container flex h-16 items-center"><div class="flex flex-1 items-center"><a class="mr-5 flex flex-none items-center lg:mr-6" href="/"><img alt="Hugging Face's logo" class="w-7 md:mr-2" src="/front/assets/huggingface_logo-noborder.svg">
|
| 37 |
+
<span class="hidden whitespace-nowrap text-lg font-bold md:block">Hugging Face</span></a>
|
| 38 |
+
<div class="relative flex-1 lg:max-w-sm mr-2 sm:mr-4 lg:mr-6"><input autocomplete="off" class="w-full dark:bg-gray-950 pl-8 form-input-alt h-9 pr-3 focus:shadow-xl" name="" placeholder="Search models, datasets, users..." spellcheck="false" type="text" value="">
|
| 39 |
+
<svg class="absolute left-2.5 text-gray-400 top-1/2 transform -translate-y-1/2" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 28.59L22.45 21A11 11 0 1 0 21 22.45L28.59 30zM5 14a9 9 0 1 1 9 9a9 9 0 0 1-9-9z" fill="currentColor"></path></svg>
|
| 40 |
+
</div>
|
| 41 |
+
<div class="flex flex-none items-center justify-center p-0.5 place-self-stretch lg:hidden"><button class="relative z-30 flex h-6 w-8 items-center justify-center" type="button"><svg width="1em" height="1em" viewBox="0 0 10 10" class="text-xl" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" fill="currentColor"><path fill-rule="evenodd" clip-rule="evenodd" d="M1.65039 2.9999C1.65039 2.8066 1.80709 2.6499 2.00039 2.6499H8.00039C8.19369 2.6499 8.35039 2.8066 8.35039 2.9999C8.35039 3.1932 8.19369 3.3499 8.00039 3.3499H2.00039C1.80709 3.3499 1.65039 3.1932 1.65039 2.9999ZM1.65039 4.9999C1.65039 4.8066 1.80709 4.6499 2.00039 4.6499H8.00039C8.19369 4.6499 8.35039 4.8066 8.35039 4.9999C8.35039 5.1932 8.19369 5.3499 8.00039 5.3499H2.00039C1.80709 5.3499 1.65039 5.1932 1.65039 4.9999ZM2.00039 6.6499C1.80709 6.6499 1.65039 6.8066 1.65039 6.9999C1.65039 7.1932 1.80709 7.3499 2.00039 7.3499H8.00039C8.19369 7.3499 8.35039 7.1932 8.35039 6.9999C8.35039 6.8066 8.19369 6.6499 8.00039 6.6499H2.00039Z"></path></svg>
|
| 42 |
+
</button>
|
| 43 |
+
|
| 44 |
+
</div></div>
|
| 45 |
+
<nav aria-label="Main" class="ml-auto hidden lg:block"><ul class="flex items-center space-x-2"><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-indigo-700" href="/models"><svg class="mr-1.5 text-gray-400 group-hover:text-indigo-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
|
| 46 |
+
Models</a>
|
| 47 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-red-700" href="/datasets"><svg class="mr-1.5 text-gray-400 group-hover:text-red-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 25 25"><ellipse cx="12.5" cy="5" fill="currentColor" fill-opacity="0.25" rx="7.5" ry="2"></ellipse><path d="M12.5 15C16.6421 15 20 14.1046 20 13V20C20 21.1046 16.6421 22 12.5 22C8.35786 22 5 21.1046 5 20V13C5 14.1046 8.35786 15 12.5 15Z" fill="currentColor" opacity="0.5"></path><path d="M12.5 7C16.6421 7 20 6.10457 20 5V11.5C20 12.6046 16.6421 13.5 12.5 13.5C8.35786 13.5 5 12.6046 5 11.5V5C5 6.10457 8.35786 7 12.5 7Z" fill="currentColor" opacity="0.5"></path><path d="M5.23628 12C5.08204 12.1598 5 12.8273 5 13C5 14.1046 8.35786 15 12.5 15C16.6421 15 20 14.1046 20 13C20 12.8273 19.918 12.1598 19.7637 12C18.9311 12.8626 15.9947 13.5 12.5 13.5C9.0053 13.5 6.06886 12.8626 5.23628 12Z" fill="currentColor"></path></svg>
|
| 48 |
+
Datasets</a>
|
| 49 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-blue-700" href="/spaces"><svg class="mr-1.5 text-gray-400 group-hover:text-blue-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 25 25"><path opacity=".5" d="M6.016 14.674v4.31h4.31v-4.31h-4.31ZM14.674 14.674v4.31h4.31v-4.31h-4.31ZM6.016 6.016v4.31h4.31v-4.31h-4.31Z" fill="currentColor"></path><path opacity=".75" fill-rule="evenodd" clip-rule="evenodd" d="M3 4.914C3 3.857 3.857 3 4.914 3h6.514c.884 0 1.628.6 1.848 1.414a5.171 5.171 0 0 1 7.31 7.31c.815.22 1.414.964 1.414 1.848v6.514A1.914 1.914 0 0 1 20.086 22H4.914A1.914 1.914 0 0 1 3 20.086V4.914Zm3.016 1.102v4.31h4.31v-4.31h-4.31Zm0 12.968v-4.31h4.31v4.31h-4.31Zm8.658 0v-4.31h4.31v4.31h-4.31Zm0-10.813a2.155 2.155 0 1 1 4.31 0 2.155 2.155 0 0 1-4.31 0Z" fill="currentColor"></path><path opacity=".25" d="M16.829 6.016a2.155 2.155 0 1 0 0 4.31 2.155 2.155 0 0 0 0-4.31Z" fill="currentColor"></path></svg>
|
| 50 |
+
Spaces</a>
|
| 51 |
+
</li><li><a class="group flex items-center px-2 py-0.5 dark:hover:text-gray-400 hover:text-yellow-700" href="/docs"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="mr-1.5 text-gray-400 group-hover:text-yellow-500" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path opacity="0.5" d="M20.9022 5.10334L10.8012 10.8791L7.76318 9.11193C8.07741 8.56791 8.5256 8.11332 9.06512 7.7914L15.9336 3.73907C17.0868 3.08811 18.5002 3.26422 19.6534 3.91519L19.3859 3.73911C19.9253 4.06087 20.5879 4.56025 20.9022 5.10334Z" fill="currentColor"></path><path d="M10.7999 10.8792V28.5483C10.2136 28.5475 9.63494 28.4139 9.10745 28.1578C8.5429 27.8312 8.074 27.3621 7.74761 26.7975C7.42122 26.2327 7.24878 25.5923 7.24756 24.9402V10.9908C7.25062 10.3319 7.42358 9.68487 7.74973 9.1123L10.7999 10.8792Z" fill="currentColor" fill-opacity="0.75"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M21.3368 10.8499V6.918C21.3331 6.25959 21.16 5.61234 20.8346 5.03949L10.7971 10.8727L10.8046 10.874L21.3368 10.8499Z" fill="currentColor"></path><path opacity="0.5" d="M21.7937 10.8488L10.7825 10.8741V28.5486L21.7937 28.5234C23.3344 28.5234 24.5835 27.2743 24.5835 25.7335V13.6387C24.5835 12.0979 23.4365 11.1233 21.7937 10.8488Z" fill="currentColor"></path></svg>
|
| 52 |
+
Docs</a>
|
| 53 |
+
</li>
|
| 54 |
+
<li><div class="relative ">
|
| 55 |
+
<button class="px-2 py-0.5 group hover:text-green-700 dark:hover:text-gray-400 flex items-center " type="button">
|
| 56 |
+
<svg class="mr-1.5 text-gray-400 group-hover:text-green-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M19 6H5a3 3 0 0 0-3 3v2.72L8.837 14h6.326L22 11.72V9a3 3 0 0 0-3-3z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M10 6V5h4v1h2V5a2.002 2.002 0 0 0-2-2h-4a2.002 2.002 0 0 0-2 2v1h2zm-1.163 8L2 11.72V18a3.003 3.003 0 0 0 3 3h14a3.003 3.003 0 0 0 3-3v-6.28L15.163 14H8.837z" fill="currentColor"></path></svg>
|
| 57 |
+
Solutions
|
| 58 |
+
</button>
|
| 59 |
+
|
| 60 |
+
|
| 61 |
+
|
| 62 |
+
</div></li>
|
| 63 |
+
|
| 64 |
+
<li><a class="group flex items-center px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/pricing">Pricing
|
| 65 |
+
</a></li>
|
| 66 |
+
|
| 67 |
+
<li><div class="relative group">
|
| 68 |
+
<button class="px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-600 flex items-center " type="button">
|
| 69 |
+
<svg class="mr-1.5 text-gray-500 w-5 group-hover:text-gray-400 dark:text-gray-300 dark:group-hover:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 32 18" preserveAspectRatio="xMidYMid meet"><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 3.30221C14.4504 2.836 14.8284 2.45807 15.2946 2.45807H28.4933C28.9595 2.45807 29.3374 2.836 29.3374 3.30221C29.3374 3.76842 28.9595 4.14635 28.4933 4.14635H15.2946C14.8284 4.14635 14.4504 3.76842 14.4504 3.30221Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 9.00002C14.4504 8.53382 14.8284 8.15588 15.2946 8.15588H28.4933C28.9595 8.15588 29.3374 8.53382 29.3374 9.00002C29.3374 9.46623 28.9595 9.84417 28.4933 9.84417H15.2946C14.8284 9.84417 14.4504 9.46623 14.4504 9.00002Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M14.4504 14.6978C14.4504 14.2316 14.8284 13.8537 15.2946 13.8537H28.4933C28.9595 13.8537 29.3374 14.2316 29.3374 14.6978C29.3374 15.164 28.9595 15.542 28.4933 15.542H15.2946C14.8284 15.542 14.4504 15.164 14.4504 14.6978Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M1.94549 6.87377C2.27514 6.54411 2.80962 6.54411 3.13928 6.87377L6.23458 9.96907L9.32988 6.87377C9.65954 6.54411 10.194 6.54411 10.5237 6.87377C10.8533 7.20343 10.8533 7.73791 10.5237 8.06756L6.23458 12.3567L1.94549 8.06756C1.61583 7.73791 1.61583 7.20343 1.94549 6.87377Z" fill="currentColor"></path></svg>
|
| 70 |
+
|
| 71 |
+
</button>
|
| 72 |
+
|
| 73 |
+
|
| 74 |
+
|
| 75 |
+
</div></li>
|
| 76 |
+
<li><hr class="h-5 w-0.5 border-none bg-gray-100 dark:bg-gray-800"></li>
|
| 77 |
+
<li><a class="block cursor-pointer px-2 py-0.5 hover:text-gray-500 dark:hover:text-gray-400" href="/login">Log In
|
| 78 |
+
</a></li>
|
| 79 |
+
<li><a class="btn ml-2" href="/join">Sign Up </a></li></ul></nav></div></header></div>
|
| 80 |
+
|
| 81 |
+
<div class="SVELTE_HYDRATER contents" data-props="{}" data-target="GoogleAnalyticsTracker"></div>
|
| 82 |
+
|
| 83 |
+
|
| 84 |
+
<div class="SVELTE_HYDRATER contents" data-props="{}" data-target="SSOBanner"></div>
|
| 85 |
+
|
| 86 |
+
<main class="flex flex-1 flex-col"><div class="SVELTE_HYDRATER contents" data-props="{"activeTab":"files","author":{"avatarUrl":"https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1620805164087-5ec0135ded25d76864d553f1.png?w=200&h=200&f=face","fullname":"OpenAI","name":"openai","type":"org","isHf":false},"canReadRepoSettings":false,"canWriteRepoContent":false,"canDisable":false,"model":{"author":"openai","cardData":{"language":["en","zh","de","es","ru","ko","fr","ja","pt","tr","pl","ca","nl","ar","sv","it","id","hi","fi","vi","he","uk","el","ms","cs","ro","da","hu","ta","no","th","ur","hr","bg","lt","la","mi","ml","cy","sk","te","fa","lv","bn","sr","az","sl","kn","et","mk","br","eu","is","hy","ne","mn","bs","kk","sq","sw","gl","mr","pa","si","km","sn","yo","so","af","oc","ka","be","tg","sd","gu","am","yi","lo","uz","fo","ht","ps","tk","nn","mt","sa","lb","my","bo","tl","mg","as","tt","haw","ln","ha","ba","jw","su"],"tags":["audio","automatic-speech-recognition","hf-asr-leaderboard"],"widget":[{"example_title":"Librispeech sample 1","src":"https://cdn-media.huggingface.co/speech_samples/sample1.flac"},{"example_title":"Librispeech sample 2","src":"https://cdn-media.huggingface.co/speech_samples/sample2.flac"}],"model-index":[{"name":"whisper-medium","results":[{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (clean)","type":"librispeech_asr","config":"clean","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":2.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (other)","type":"librispeech_asr","config":"other","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":5.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"Common Voice 11.0","type":"mozilla-foundation/common_voice_11_0","config":"hi","split":"test","args":{"language":"hi"}},"metrics":[{"name":"Test WER","type":"wer","value":53.87,"verified":false}]}]}],"pipeline_tag":"automatic-speech-recognition","license":"apache-2.0"},"cardExists":true,"config":{"architectures":["WhisperForConditionalGeneration"],"model_type":"whisper"},"discussionsDisabled":false,"downloads":32431,"downloadsAllTime":527344,"id":"openai/whisper-medium","isLikedByUser":false,"isWatchedByUser":false,"inference":true,"lastModified":"2023-05-05T14:20:42.000Z","likes":92,"pipeline_tag":"automatic-speech-recognition","library_name":"transformers","model-index":[{"name":"whisper-medium","results":[{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (clean)","type":"librispeech_asr","config":"clean","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":2.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"LibriSpeech (other)","type":"librispeech_asr","config":"other","split":"test","args":{"language":"en"}},"metrics":[{"name":"Test WER","type":"wer","value":5.9,"verified":false}]},{"task":{"name":"Automatic Speech Recognition","type":"automatic-speech-recognition"},"dataset":{"name":"Common Voice 11.0","type":"mozilla-foundation/common_voice_11_0","config":"hi","split":"test","args":{"language":"hi"}},"metrics":[{"name":"Test WER","type":"wer","value":53.87,"verified":false}]}]}],"private":false,"repoType":"model","gated":false,"pwcLink":{"url":"https://paperswithcode.com/sota?task=Automatic+Speech+Recognition&dataset=LibriSpeech+%28clean%29"},"tags":["pytorch","tf","jax","whisper","automatic-speech-recognition","en","zh","de","es","ru","ko","fr","ja","pt","tr","pl","ca","nl","ar","sv","it","id","hi","fi","vi","he","uk","el","ms","cs","ro","da","hu","ta","no","th","ur","hr","bg","lt","la","mi","ml","cy","sk","te","fa","lv","bn","sr","az","sl","kn","et","mk","br","eu","is","hy","ne","mn","bs","kk","sq","sw","gl","mr","pa","si","km","sn","yo","so","af","oc","ka","be","tg","sd","gu","am","yi","lo","uz","fo","ht","ps","tk","nn","mt","sa","lb","my","bo","tl","mg","as","tt","haw","ln","ha","ba","jw","su","arxiv:2212.04356","transformers","audio","hf-asr-leaderboard","license:apache-2.0","model-index","has_space"],"tag_objs":[{"id":"automatic-speech-recognition","label":"Automatic Speech Recognition","subType":"audio","type":"pipeline_tag"},{"id":"pytorch","label":"PyTorch","type":"library"},{"id":"tf","label":"TensorFlow","type":"library"},{"id":"jax","label":"JAX","type":"library"},{"id":"transformers","label":"Transformers","type":"library"},{"id":"en","label":"en","type":"language"},{"id":"zh","label":"zh","type":"language"},{"id":"de","label":"de","type":"language"},{"id":"es","label":"es","type":"language"},{"id":"ru","label":"ru","type":"language"},{"id":"ko","label":"ko","type":"language"},{"id":"fr","label":"fr","type":"language"},{"id":"ja","label":"ja","type":"language"},{"id":"pt","label":"pt","type":"language"},{"id":"tr","label":"tr","type":"language"},{"id":"pl","label":"pl","type":"language"},{"id":"ca","label":"ca","type":"language"},{"id":"nl","label":"nl","type":"language"},{"id":"ar","label":"ar","type":"language"},{"id":"sv","label":"sv","type":"language"},{"id":"it","label":"it","type":"language"},{"id":"id","label":"id","type":"language"},{"id":"hi","label":"hi","type":"language"},{"id":"fi","label":"fi","type":"language"},{"id":"vi","label":"vi","type":"language"},{"id":"he","label":"he","type":"language"},{"id":"uk","label":"uk","type":"language"},{"id":"el","label":"el","type":"language"},{"id":"ms","label":"ms","type":"language"},{"id":"cs","label":"cs","type":"language"},{"id":"ro","label":"ro","type":"language"},{"id":"da","label":"da","type":"language"},{"id":"hu","label":"hu","type":"language"},{"id":"ta","label":"ta","type":"language"},{"id":"no","label":"no","type":"language"},{"id":"th","label":"th","type":"language"},{"id":"ur","label":"ur","type":"language"},{"id":"hr","label":"hr","type":"language"},{"id":"bg","label":"bg","type":"language"},{"id":"lt","label":"lt","type":"language"},{"id":"la","label":"la","type":"language"},{"id":"mi","label":"mi","type":"language"},{"id":"ml","label":"ml","type":"language"},{"id":"cy","label":"cy","type":"language"},{"id":"sk","label":"sk","type":"language"},{"id":"te","label":"te","type":"language"},{"id":"fa","label":"fa","type":"language"},{"id":"lv","label":"lv","type":"language"},{"id":"bn","label":"bn","type":"language"},{"id":"sr","label":"sr","type":"language"},{"id":"az","label":"az","type":"language"},{"id":"sl","label":"sl","type":"language"},{"id":"kn","label":"kn","type":"language"},{"id":"et","label":"et","type":"language"},{"id":"mk","label":"mk","type":"language"},{"id":"br","label":"br","type":"language"},{"id":"eu","label":"eu","type":"language"},{"id":"is","label":"is","type":"language"},{"id":"hy","label":"hy","type":"language"},{"id":"ne","label":"ne","type":"language"},{"id":"mn","label":"mn","type":"language"},{"id":"bs","label":"bs","type":"language"},{"id":"kk","label":"kk","type":"language"},{"id":"sq","label":"sq","type":"language"},{"id":"sw","label":"sw","type":"language"},{"id":"gl","label":"gl","type":"language"},{"id":"mr","label":"mr","type":"language"},{"id":"pa","label":"pa","type":"language"},{"id":"si","label":"si","type":"language"},{"id":"km","label":"km","type":"language"},{"id":"sn","label":"sn","type":"language"},{"id":"yo","label":"yo","type":"language"},{"id":"so","label":"so","type":"language"},{"id":"af","label":"af","type":"language"},{"id":"oc","label":"oc","type":"language"},{"id":"ka","label":"ka","type":"language"},{"id":"be","label":"be","type":"language"},{"id":"tg","label":"tg","type":"language"},{"id":"sd","label":"sd","type":"language"},{"id":"gu","label":"gu","type":"language"},{"id":"am","label":"am","type":"language"},{"id":"yi","label":"yi","type":"language"},{"id":"lo","label":"lo","type":"language"},{"id":"uz","label":"uz","type":"language"},{"id":"fo","label":"fo","type":"language"},{"id":"ht","label":"ht","type":"language"},{"id":"ps","label":"ps","type":"language"},{"id":"tk","label":"tk","type":"language"},{"id":"nn","label":"nn","type":"language"},{"id":"mt","label":"mt","type":"language"},{"id":"sa","label":"sa","type":"language"},{"id":"lb","label":"lb","type":"language"},{"id":"my","label":"my","type":"language"},{"id":"bo","label":"bo","type":"language"},{"id":"tl","label":"tl","type":"language"},{"id":"mg","label":"mg","type":"language"},{"id":"as","label":"as","type":"language"},{"id":"tt","label":"tt","type":"language"},{"id":"haw","label":"haw","type":"language"},{"id":"ln","label":"ln","type":"language"},{"id":"ha","label":"ha","type":"language"},{"id":"ba","label":"ba","type":"language"},{"id":"jw","label":"jw","type":"language"},{"id":"su","label":"su","type":"language"},{"id":"whisper","label":"whisper","type":"other"},{"id":"audio","label":"audio","type":"other"},{"id":"hf-asr-leaderboard","label":"hf-asr-leaderboard","type":"other"},{"id":"model-index","label":"Eval Results","type":"other"},{"id":"has_space","label":"Has a Space","type":"other"},{"id":"arxiv:2212.04356","label":"arxiv:2212.04356","type":"arxiv"},{"id":"license:apache-2.0","label":"apache-2.0","type":"license"}],"hasHandlerPy":false,"transformersInfo":{"auto_model":"AutoModelForSpeechSeq2Seq","pipeline_tag":"automatic-speech-recognition","processor":"AutoProcessor"},"widgetData":[{"example_title":"Librispeech sample 1","src":"https://cdn-media.huggingface.co/speech_samples/sample1.flac"},{"example_title":"Librispeech sample 2","src":"https://cdn-media.huggingface.co/speech_samples/sample2.flac"}]},"discussionsStats":{"closed":15,"open":4,"total":19}}" data-target="ModelHeader"><header class="from-gray-50-to-white border-b border-gray-100 bg-gradient-to-t via-white dark:via-gray-950 pt-6 sm:pt-9"><div class="container relative "><h1 class="flex flex-wrap items-center leading-tight mb-3 text-lg md:text-xl">
|
| 87 |
+
<div class="group flex flex-none items-center"><div class="relative mr-1.5 flex items-center">
|
| 88 |
+
|
| 89 |
+
<img alt="" class="w-3.5 h-3.5 rounded " src="https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1620805164087-5ec0135ded25d76864d553f1.png?w=200&h=200&f=face"></div>
|
| 90 |
+
<a href="/openai" class="text-gray-400 hover:text-blue-600">openai</a>
|
| 91 |
+
<div class="mx-0.5 text-gray-300">/</div></div>
|
| 92 |
+
|
| 93 |
+
<div class="max-w-full "><a class="break-words font-mono font-semibold hover:text-blue-600 " href="/openai/whisper-medium">whisper-medium</a>
|
| 94 |
+
<button class="relative text-sm mr-4 inline-flex cursor-pointer items-center text-sm focus:outline-none mx-0.5 text-gray-600 " title="Copy model name to clipboard" type="button"><svg class="" xmlns="http://www.w3.org/2000/svg" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M28,10V28H10V10H28m0-2H10a2,2,0,0,0-2,2V28a2,2,0,0,0,2,2H28a2,2,0,0,0,2-2V10a2,2,0,0,0-2-2Z" transform="translate(0)"></path><path d="M4,18H2V4A2,2,0,0,1,4,2H18V4H4Z" transform="translate(0)"></path><rect fill="none" width="32" height="32"></rect></svg>
|
| 95 |
+
|
| 96 |
+
</button></div>
|
| 97 |
+
<div class="inline-flex items-center overflow-hidden whitespace-nowrap rounded-md border bg-white text-sm leading-none text-gray-500 mr-2"><button class="relative flex items-center px-1.5 py-1 hover:bg-gradient-to-t focus:outline-none overflow-hidden from-red-50 to-transparent dark:from-red-900 dark:to-red-800" title="Like"><svg class="mr-1" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.45,6a5.47,5.47,0,0,1,3.91,1.64,5.7,5.7,0,0,1,0,8L16,26.13,5.64,15.64a5.7,5.7,0,0,1,0-8,5.48,5.48,0,0,1,7.82,0L16,10.24l2.53-2.58A5.44,5.44,0,0,1,22.45,6m0-2a7.47,7.47,0,0,0-5.34,2.24L16,7.36,14.89,6.24a7.49,7.49,0,0,0-10.68,0,7.72,7.72,0,0,0,0,10.82L16,29,27.79,17.06a7.72,7.72,0,0,0,0-10.82A7.49,7.49,0,0,0,22.45,4Z"></path></svg>
|
| 98 |
+
|
| 99 |
+
<svg class="mr-1 absolute text-red-500 origin-center transform transition-transform ease-in
|
| 100 |
+
translate-y-10 scale-0" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" fill="currentColor"><path d="M22.5,4c-2,0-3.9,0.8-5.3,2.2L16,7.4l-1.1-1.1C12,3.3,7.2,3.3,4.3,6.2c0,0-0.1,0.1-0.1,0.1c-3,3-3,7.8,0,10.8L16,29l11.8-11.9c3-3,3-7.8,0-10.8C26.4,4.8,24.5,4,22.5,4z"></path></svg>
|
| 101 |
+
like
|
| 102 |
+
</button>
|
| 103 |
+
<button class="flex items-center border-l px-1.5 py-1 text-gray-400 hover:bg-gray-50 focus:bg-gray-100 focus:outline-none dark:hover:bg-gray-900 dark:focus:bg-gray-800" title="See users who liked this repository">92</button></div>
|
| 104 |
+
|
| 105 |
+
</h1>
|
| 106 |
+
<div class="mb-3 flex flex-wrap md:mb-4"><a class="tag tag-white" href="/models?pipeline_tag=automatic-speech-recognition"><div class="tag-ico tag-ico-yellow"><svg class="" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 18 18"><path fill-rule="evenodd" clip-rule="evenodd" d="M8.38893 3.42133C7.9778 3.14662 7.49446 3 7 3C6.33696 3 5.70108 3.26339 5.23223 3.73223C4.76339 4.20107 4.5 4.83696 4.5 5.5C4.5 5.99445 4.64662 6.4778 4.92133 6.88893C5.19603 7.30005 5.58648 7.62048 6.04329 7.8097C6.50011 7.99892 7.00278 8.04843 7.48773 7.95196C7.97268 7.8555 8.41814 7.6174 8.76777 7.26777C9.1174 6.91814 9.3555 6.47268 9.45197 5.98773C9.54843 5.50277 9.49892 5.00011 9.3097 4.54329C9.12048 4.08648 8.80005 3.69603 8.38893 3.42133ZM5.05551 2.58986C5.63108 2.20527 6.30777 2 7 2C7.92826 2 8.8185 2.36875 9.47488 3.02513C10.1313 3.6815 10.5 4.57174 10.5 5.5C10.5 6.19223 10.2947 6.86892 9.91015 7.4445C9.52556 8.02007 8.97894 8.46867 8.33939 8.73358C7.69985 8.99849 6.99612 9.0678 6.31719 8.93275C5.63825 8.7977 5.01461 8.46436 4.52513 7.97487C4.03564 7.48539 3.7023 6.86175 3.56725 6.18282C3.4322 5.50388 3.50152 4.80015 3.76642 4.16061C4.03133 3.52107 4.47993 2.97444 5.05551 2.58986ZM14.85 9.6425L15.7075 10.5C15.8005 10.5927 15.8743 10.7029 15.9245 10.8242C15.9747 10.9456 16.0004 11.0757 16 11.207V16H2V13.5C2.00106 12.5721 2.37015 11.6824 3.0263 11.0263C3.68244 10.3701 4.57207 10.0011 5.5 10H8.5C9.42793 10.0011 10.3176 10.3701 10.9737 11.0263C11.6299 11.6824 11.9989 12.5721 12 13.5V15H15V11.207L14.143 10.35C13.9426 10.4476 13.7229 10.4989 13.5 10.5C13.2033 10.5 12.9133 10.412 12.6666 10.2472C12.42 10.0824 12.2277 9.84811 12.1142 9.57403C12.0006 9.29994 11.9709 8.99834 12.0288 8.70737C12.0867 8.41639 12.2296 8.14912 12.4393 7.93934C12.6491 7.72956 12.9164 7.5867 13.2074 7.52882C13.4983 7.47094 13.7999 7.50065 14.074 7.61418C14.3481 7.72771 14.5824 7.91997 14.7472 8.16665C14.912 8.41332 15 8.70333 15 9C14.9988 9.22271 14.9475 9.44229 14.85 9.6425ZM3.73311 11.7331C3.26444 12.2018 3.00079 12.8372 3 13.5V15H11V13.5C10.9992 12.8372 10.7356 12.2018 10.2669 11.7331C9.79822 11.2644 9.1628 11.0008 8.5 11H5.5C4.8372 11.0008 4.20178 11.2644 3.73311 11.7331Z" fill="currentColor"></path></svg></div>
|
| 107 |
+
<span>Automatic Speech Recognition</span>
|
| 108 |
+
</a><a class="tag tag-white" href="/models?library=pytorch"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><defs><clipPath id="a"><rect x="3.05" y="0.5" width="25.73" height="31" fill="none"></rect></clipPath></defs><g clip-path="url(#a)"><path d="M24.94,9.51a12.81,12.81,0,0,1,0,18.16,12.68,12.68,0,0,1-18,0,12.81,12.81,0,0,1,0-18.16l9-9V5l-.84.83-6,6a9.58,9.58,0,1,0,13.55,0ZM20.44,9a1.68,1.68,0,1,1,1.67-1.67A1.68,1.68,0,0,1,20.44,9Z" fill="#ee4c2c"></path></g></svg>
|
| 109 |
+
<span>PyTorch</span>
|
| 110 |
+
</a><a class="tag tag-white" href="/models?library=tf"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 534.01 508.99"><defs><style>.cls-1 {
|
| 111 |
+
fill: none;
|
| 112 |
+
}
|
| 113 |
+
.cls-2 {
|
| 114 |
+
clip-path: url(#clip-path);
|
| 115 |
+
}
|
| 116 |
+
.cls-3 {
|
| 117 |
+
fill: url(#linear-gradient);
|
| 118 |
+
}
|
| 119 |
+
.cls-4 {
|
| 120 |
+
clip-path: url(#clip-path-2);
|
| 121 |
+
}
|
| 122 |
+
.cls-5 {
|
| 123 |
+
fill: url(#linear-gradient-2);
|
| 124 |
+
}
|
| 125 |
+
</style><clipPath id="clip-path" transform="translate(23.09 1.92)"><polygon class="cls-1" points="452.23 123.16 235.73 0 235.73 506.11 322.33 456.07 322.33 313.67 387.76 351.2 386.8 254.02 322.33 216.49 322.33 159.72 452.23 235.73 452.23 123.16"></polygon></clipPath><linearGradient id="linear-gradient" x1="-20.21" y1="-48.36" x2="510.92" y2="-48.36" gradientTransform="matrix(1, 0, 0, -1, 0, 204.21)" gradientUnits="userSpaceOnUse"><stop offset="0" stop-color="#ff6f00"></stop><stop offset="1" stop-color="#ffa800"></stop></linearGradient><clipPath id="clip-path-2" transform="translate(23.09 1.92)"><polygon class="cls-1" points="0 123.16 216.49 0 216.49 506.11 129.89 456.07 129.89 159.72 0 235.73 0 123.16"></polygon></clipPath><linearGradient id="linear-gradient-2" x1="-23.09" y1="-48.36" x2="508.03" y2="-48.36" xlink:href="#linear-gradient"></linearGradient></defs><title>google-tensorflow</title><g class="cls-2"><path class="cls-3" d="M-20.21-1.92H510.92v509H-20.21Z" transform="translate(23.09 1.92)"></path></g><g class="cls-4"><path class="cls-5" d="M-23.09-1.92H508v509H-23.09Z" transform="translate(23.09 1.92)"></path></g></svg>
|
| 126 |
+
<span>TensorFlow</span>
|
| 127 |
+
</a><a class="tag tag-white" href="/models?library=jax"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1.73em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 451 260.81"><style>.J {
|
| 128 |
+
stroke: #dce0df;
|
| 129 |
+
}
|
| 130 |
+
.K {
|
| 131 |
+
stroke-linejoin: round;
|
| 132 |
+
}
|
| 133 |
+
</style><g fill="#5e97f6" class="J K"><path d="M50.5 130.4l-25 43.31h50l25-43.31h-50z"></path><path d="M.5 217.01l25-43.3h50l-25 43.3H.5z"></path><path d="M125.5 173.71h-50l-25 43.3h50l25-43.3z"></path><path d="M175.5 173.71h-50l-25 43.3h50l25-43.3z"></path><path d="M150.5 130.4l-25 43.31h50l25-43.31h-50z"></path><path d="M175.5 87.1l-25 43.3h50l25-43.3h-50z"></path><path d="M200.5 43.8l-25 43.3h50l25-43.3h-50z"></path><path d="M225.5.5l-25 43.3h50l25-43.3h-50z"></path></g><g fill="#2a56c6" class="J K"><path d="M.5 217.01l25 43.3h50l-25-43.3H.5z"></path><path d="M125.5 260.31h-50l-25-43.3h50l25 43.3z"></path><path d="M175.5 260.31h-50l-25-43.3h50l25 43.3z"></path></g><g fill="#00796b" class="J K"><path d="M200.5 217.01l-25-43.3-25 43.3 25 43.3 25-43.3zm50-86.61l-25-43.3-25 43.3h50z"></path><path d="M250.5 43.8l-25 43.3 25 43.3 25-43.3-25-43.3z"></path></g><path d="M125.5 173.71l-25-43.31-25 43.31h50z" fill="#3367d6" class="J K"></path><g fill="#26a69a" class="J K"><path d="M250.5 130.4h-50l-25 43.31h50l25-43.31z"></path><path d="M300.5 130.4h-50l-25 43.31h50l25-43.31z"></path></g><g fill="#9c27b0" class="J K"><path d="M350.5 43.8L325.5.5l-25 43.3 25 43.3 25-43.3z"></path><path d="M375.5 87.1l-25-43.3-25 43.3 25 43.3 25-43.3z"></path><path d="M400.5 130.4l-25-43.3-25 43.3 25 43.31 25-43.31z"></path><path d="M425.5 173.71l-25-43.31-25 43.31 25 43.3 25-43.3z"></path><path d="M450.5 217.01l-25-43.3-25 43.3 25 43.3 25-43.3zM425.5.5l-25 43.3 25 43.3 25-43.3-25-43.3z"></path><path d="M375.5 87.1l25-43.3 25 43.3-25 43.3-25-43.3zm-25 43.3l-25 43.31 25 43.3 25-43.3-25-43.31z"></path><path d="M325.5 260.31l-25-43.3 25-43.3 25 43.3-25 43.3z"></path></g><path d="M275.5 260.31l-25-43.3h50l25 43.3h-50z" fill="#6a1b9a" class="J K"></path><g fill="#00695c" class="J K"><path d="M225.5 173.71h-50l25 43.3h50l-25-43.3z"></path><path d="M275.5 173.71h-50l25 43.3 25-43.3zm0-86.61l25 43.3h50l-25-43.3h-50z"></path><path d="M300.5 43.8h-50l25 43.3h50l-25-43.3zm125 216.51l-25-43.3h-50l25 43.3h50z"></path><path d="M375.5 173.71l-25 43.3h50l-25-43.3z"></path></g><g fill="#ea80fc" class="J K"><path d="M325.5.5h-50l-25 43.3h50l25-43.3zm0 173.21h-50l-25 43.3h50l25-43.3z"></path><path d="M350.5 130.4h-50l-25 43.31h50l25-43.31zM425.5.5h-50l-25 43.3h50l25-43.3z"></path><path d="M375.5 87.1l-25-43.3h50l-25 43.3z"></path></g></svg>
|
| 134 |
+
<span>JAX</span>
|
| 135 |
+
</a><a class="tag tag-white" href="/models?library=transformers"><svg class="text-black inline-block ml-2 text-sm" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 90 90"><defs><mask id="a" x="31.46" y="42.5" width="26" height="25" maskUnits="userSpaceOnUse"><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#fff"></path></mask></defs><path d="M44.71,77.5A34.75,34.75,0,1,0,10,42.75,34.75,34.75,0,0,0,44.71,77.5Z" fill="#ffd21e"></path><path d="M79.46,42.75A34.75,34.75,0,1,0,44.71,77.5,34.75,34.75,0,0,0,79.46,42.75ZM6,42.75A38.75,38.75,0,1,1,44.71,81.5,38.75,38.75,0,0,1,6,42.75Z" fill="#ff9d0b"></path><path d="M56,33.29c1.28.45,1.78,3.07,3.07,2.39a5,5,0,1,0-6.76-2.07C52.92,34.76,54.86,32.89,56,33.29Z" fill="#3a3b45"></path><path d="M32.45,33.29c-1.28.45-1.79,3.07-3.07,2.39a5,5,0,1,1,6.76-2.07C35.53,34.76,33.58,32.89,32.45,33.29Z" fill="#3a3b45"></path><path d="M44.46,57.29c9.83,0,13-8.76,13-13.26,0-2.34-1.57-1.61-4.09-.36-2.33,1.15-5.46,2.74-8.91,2.74-7.18,0-13-6.88-13-2.38S34.63,57.29,44.46,57.29Z" fill="#3a3b45"></path><g mask="url(#a)"><path d="M44.71,67.5a8.68,8.68,0,0,0,3-16.81l-.36-.13c-.84-.26-1.73,2.6-2.65,2.6S43,50.28,42.23,50.51a8.68,8.68,0,0,0,2.48,17Z" fill="#f94040"></path></g><path d="M68.21,38A3.25,3.25,0,1,0,65,34.75,3.25,3.25,0,0,0,68.21,38Z" fill="#ff9d0b"></path><path d="M21.71,38a3.25,3.25,0,1,0-3.25-3.25A3.25,3.25,0,0,0,21.71,38Z" fill="#ff9d0b"></path><path d="M15,49A5.22,5.22,0,0,0,11,50.87a5.92,5.92,0,0,0-1.33,3.75,7.28,7.28,0,0,0-1.94-.3A5.3,5.3,0,0,0,3.74,56a5.8,5.8,0,0,0-1.59,4.79A5.58,5.58,0,0,0,2.94,63a5.42,5.42,0,0,0-1.79,2.82,5.88,5.88,0,0,0,.79,4.74c-.08.12-.15.26-.22.39a5.2,5.2,0,0,0-.14,4.63c1,2.32,3.57,4.14,8.52,6.11,3.07,1.21,5.89,2,5.91,2a44.12,44.12,0,0,0,10.93,1.59c5.86,0,10.05-1.79,12.46-5.33C43.28,74.25,42.73,69,37.71,64a27.53,27.53,0,0,1-5-7.77c-.77-2.66-2.83-5.62-6.24-5.62h0a5.07,5.07,0,0,0-.86.07,5.68,5.68,0,0,0-3.73,2.38A13.22,13.22,0,0,0,19,50.28,7.41,7.41,0,0,0,15,49Zm0,4a3.6,3.6,0,0,1,1.82.65C19,55,23.09,62.08,24.6,64.83a2.43,2.43,0,0,0,2.14,1.31c1.55,0,2.75-1.53.15-3.48-3.92-2.93-2.55-7.72-.68-8a1,1,0,0,1,.24,0c1.7,0,2.45,2.93,2.45,2.93a31.55,31.55,0,0,0,6,9.29c3.77,3.77,4,6.8,1.22,10.84-1.88,2.75-5.47,3.58-9.16,3.58A41.51,41.51,0,0,1,17,79.81c-.11,0-13.45-3.8-11.76-7a1.39,1.39,0,0,1,1.34-.76c2.38,0,6.71,3.54,8.57,3.54A.77.77,0,0,0,16,75c.79-2.84-12.06-4-11-8.16a1.31,1.31,0,0,1,1.44-1c3.14,0,10.2,5.53,11.68,5.53a.28.28,0,0,0,.24-.11c.74-1.19.33-2-4.89-5.19S4.6,61,6.68,58.7a1.3,1.3,0,0,1,1-.38c3.17,0,10.66,6.82,10.66,6.82s2,2.1,3.25,2.1a.74.74,0,0,0,.68-.38c.86-1.46-8.06-8.22-8.56-11C13.37,54,14,53,15,53Z" fill="#ff9d0b"></path><path d="M36.1,77.69c2.75-4,2.55-7.07-1.22-10.84a31.55,31.55,0,0,1-6-9.29s-.82-3.21-2.69-2.91-3.24,5.08.68,8-.78,4.92-2.29,2.17S19,55,16.84,53.65s-3.63-.59-3.13,2.2,9.43,9.55,8.56,11-3.93-1.72-3.93-1.72S8.77,56.43,6.68,58.7,8.27,62.87,13.49,66s5.63,4,4.89,5.19S6.1,62.7,5,66.82,16.79,72.14,16,75,6.94,69.6,5.26,72.8s11.65,7,11.76,7C21.33,80.93,32.27,83.3,36.1,77.69Z" fill="#ffd21e"></path><path d="M74.9,49A5.21,5.21,0,0,1,79,50.87a5.92,5.92,0,0,1,1.33,3.75,7.35,7.35,0,0,1,2-.3A5.3,5.3,0,0,1,86.19,56a5.83,5.83,0,0,1,1.59,4.79A5.75,5.75,0,0,1,87,63a5.3,5.3,0,0,1,1.79,2.82A5.88,5.88,0,0,1,88,70.55c.08.12.16.26.23.39a5.26,5.26,0,0,1,.14,4.63c-1,2.32-3.58,4.14-8.52,6.11-3.08,1.21-5.89,2-5.92,2A44.12,44.12,0,0,1,63,85.27c-5.86,0-10-1.79-12.46-5.33C46.64,74.25,47.19,69,52.22,64a27.19,27.19,0,0,0,5-7.77c.78-2.66,2.83-5.62,6.24-5.62h0a4.91,4.91,0,0,1,.86.07,5.7,5.7,0,0,1,3.74,2.38,12.79,12.79,0,0,1,2.87-2.8A7.35,7.35,0,0,1,74.9,49Zm0,4a3.63,3.63,0,0,0-1.82.65C71,55,66.83,62.08,65.32,64.83a2.42,2.42,0,0,1-2.14,1.31c-1.54,0-2.75-1.53-.14-3.48,3.91-2.93,2.54-7.72.67-8a1,1,0,0,0-.24,0c-1.7,0-2.45,2.93-2.45,2.93a31.65,31.65,0,0,1-6,9.29c-3.78,3.77-4,6.8-1.22,10.84,1.87,2.75,5.47,3.58,9.15,3.58a41.61,41.61,0,0,0,9.93-1.46c.1,0,13.45-3.8,11.76-7a1.4,1.4,0,0,0-1.34-.76c-2.38,0-6.71,3.54-8.57,3.54a.76.76,0,0,1-.83-.61c-.8-2.84,12-4,11-8.16a1.31,1.31,0,0,0-1.44-1c-3.14,0-10.2,5.53-11.68,5.53a.25.25,0,0,1-.23-.11c-.74-1.19-.34-2,4.88-5.19S85.32,61,83.24,58.7a1.29,1.29,0,0,0-1-.38c-3.18,0-10.67,6.82-10.67,6.82s-2,2.1-3.24,2.1a.74.74,0,0,1-.68-.38c-.87-1.46,8-8.22,8.55-11C76.55,54,76,53,74.9,53Z" fill="#ff9d0b"></path><path d="M53.83,77.69c-2.75-4-2.56-7.07,1.22-10.84a31.65,31.65,0,0,0,6-9.29s.82-3.21,2.69-2.91,3.24,5.08-.67,8,.78,4.92,2.28,2.17S71,55,73.08,53.65s3.64-.59,3.13,2.2-9.42,9.55-8.55,11,3.92-1.72,3.92-1.72,9.58-8.71,11.66-6.44-1.58,4.17-6.8,7.33-5.63,4-4.89,5.19,12.27-8.52,13.35-4.4-11.76,5.32-11,8.16,9-5.38,10.74-2.18-11.65,7-11.76,7C68.6,80.93,57.65,83.3,53.83,77.69Z" fill="#ffd21e"></path></svg>
|
| 136 |
+
<span>Transformers</span>
|
| 137 |
+
</a>
|
| 138 |
+
<a class="tag tag-green" href="/models?language=en"><svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="ml-2 text-green-600/80" preserveAspectRatio="xMidYMid meet" width="1em" height="1em" viewBox="0 0 10 10"><path fill-rule="evenodd" clip-rule="evenodd" d="M0.625 5C0.625 6.16032 1.08594 7.27312 1.90641 8.09359C2.72688 8.91406 3.83968 9.375 5 9.375C6.16032 9.375 7.27312 8.91406 8.09359 8.09359C8.91406 7.27312 9.375 6.16032 9.375 5C9.375 3.83968 8.91406 2.72688 8.09359 1.90641C7.27312 1.08594 6.16032 0.625 5 0.625C3.83968 0.625 2.72688 1.08594 1.90641 1.90641C1.08594 2.72688 0.625 3.83968 0.625 5ZM7.64365 7.48027C7.61734 7.50832 7.59054 7.53598 7.56326 7.56326C7.13828 7.98824 6.61864 8.2968 6.0539 8.46842C6.29802 8.11949 6.49498 7.64804 6.63475 7.09483C7.00845 7.18834 7.35014 7.3187 7.64365 7.48027ZM8.10076 6.87776C8.37677 6.42196 8.55005 5.90894 8.60556 5.37499H6.86808C6.85542 5.71597 6.82551 6.04557 6.77971 6.35841C7.25309 6.47355 7.68808 6.6414 8.062 6.85549C8.07497 6.86283 8.08789 6.87025 8.10076 6.87776ZM6.03795 6.22536C6.07708 5.95737 6.1044 5.67232 6.11705 5.37499H3.88295C3.89666 5.69742 3.92764 6.00542 3.9722 6.29287C4.37075 6.21726 4.79213 6.17749 5.224 6.17749C5.50054 6.17749 5.77294 6.19376 6.03795 6.22536ZM4.1261 7.02673C4.34894 7.84835 4.68681 8.375 5 8.375C5.32122 8.375 5.66839 7.82101 5.8908 6.963C5.67389 6.93928 5.45082 6.92699 5.224 6.92699C4.84316 6.92699 4.47332 6.96176 4.1261 7.02673ZM3.39783 7.21853C3.53498 7.71842 3.72038 8.14579 3.9461 8.46842C3.42141 8.30898 2.93566 8.03132 2.52857 7.65192C2.77253 7.48017 3.06711 7.33382 3.39783 7.21853ZM3.23916 6.48077C3.18263 6.13193 3.14625 5.76074 3.13192 5.37499H1.39444C1.4585 5.99112 1.67936 6.57938 2.03393 7.08403C2.3706 6.83531 2.78055 6.63162 3.23916 6.48077ZM1.39444 4.62499H3.13192C3.14615 4.24204 3.18211 3.87344 3.23794 3.52681C2.77814 3.37545 2.36731 3.17096 2.03024 2.92123C1.67783 3.42469 1.45828 4.011 1.39444 4.62499ZM2.5237 2.35262C2.76812 2.52552 3.06373 2.67281 3.39584 2.78875C3.53318 2.28573 3.71928 1.85578 3.9461 1.53158C3.41932 1.69166 2.93178 1.97089 2.5237 2.35262ZM3.97101 3.71489C3.92709 4.00012 3.89654 4.30547 3.88295 4.62499H6.11705C6.10453 4.33057 6.07761 4.04818 6.03909 3.78248C5.77372 3.81417 5.50093 3.83049 5.224 3.83049C4.79169 3.83049 4.3699 3.79065 3.97101 3.71489ZM5.8928 3.04476C5.67527 3.06863 5.45151 3.08099 5.224 3.08099C4.84241 3.08099 4.47186 3.04609 4.12405 2.98086C4.34686 2.1549 4.68584 1.625 5 1.625C5.32218 1.625 5.67048 2.18233 5.8928 3.04476ZM6.78083 3.6493C6.826 3.95984 6.85552 4.28682 6.86808 4.62499H8.60556C8.55029 4.09337 8.37827 3.58251 8.10436 3.1282C8.0903 3.1364 8.07618 3.14449 8.062 3.15249C7.68838 3.36641 7.25378 3.53417 6.78083 3.6493ZM7.64858 2.52499C7.35446 2.68754 7.0117 2.81868 6.63664 2.91268C6.49676 2.35623 6.29913 1.88209 6.0539 1.53158C6.61864 1.7032 7.13828 2.01176 7.56326 2.43674C7.59224 2.46572 7.62068 2.49514 7.64858 2.52499Z" fill="currentColor"></path></svg>
|
| 139 |
+
<span>99 languages</span>
|
| 140 |
+
</a><a class="tag tag-purple" href="/models?other=whisper">
|
| 141 |
+
<span>whisper</span>
|
| 142 |
+
</a><a class="tag tag-purple" href="/models?other=audio">
|
| 143 |
+
<span>audio</span>
|
| 144 |
+
</a><a class="tag tag-purple" href="/models?other=hf-asr-leaderboard">
|
| 145 |
+
<span>hf-asr-leaderboard</span>
|
| 146 |
+
</a><a class="tag tag-purple" href="/models?other=model-index"><svg class="ml-2 text-orange-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M30 30h-8V4h8z" fill="currentColor"></path><path d="M20 30h-8V12h8z" fill="currentColor"></path><path d="M10 30H2V18h8z" fill="currentColor"></path></svg>
|
| 147 |
+
<span>Eval Results</span>
|
| 148 |
+
</a><div class="relative inline-block mr-1 mb-1 md:mr-1.5 md:mb-1.5">
|
| 149 |
+
<button class=" " type="button">
|
| 150 |
+
|
| 151 |
+
<a class="tag mr-0 mb-0 md:mr-0 md:mb-0 tag-white rounded-full" href="/models?other=arxiv%3A2212.04356"><svg class="ml-2 text-gray-900" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" viewBox="0 0 12 12" preserveAspectRatio="xMidYMid meet" fill="none"><path fill="currentColor" fill-rule="evenodd" d="M7.55 1.02c.29 0 .58.11.8.29l1.48 1.22c.3.25.45.6.45.97v6.22c0 .7-.56 1.26-1.25 1.26H2.97c-.7 0-1.26-.56-1.26-1.26V2.28c0-.7.56-1.26 1.26-1.26h4.57Zm.11 3.63c-.76 0-1.36-.6-1.36-1.36v-.7a.62.62 0 0 0-.63-.64h-2.7a.31.31 0 0 0-.31.33v7.44c0 .18.13.33.3.33h6.07c.18 0 .31-.15.31-.33V5.3a.62.62 0 0 0-.62-.64H7.65h.01Z" clip-rule="evenodd"></path></svg>
|
| 152 |
+
<span class="-mr-2 !pr-0 text-gray-400">arxiv:</span>
|
| 153 |
+
<span>2212.04356</span>
|
| 154 |
+
</a>
|
| 155 |
+
|
| 156 |
+
|
| 157 |
+
</button>
|
| 158 |
+
|
| 159 |
+
|
| 160 |
+
|
| 161 |
+
</div><a class="tag tag-white rounded-full" href="/models?license=license%3Aapache-2.0"><svg class="ml-2 text-xs text-gray-900" width="1em" height="1em" viewBox="0 0 10 10" fill="none" xmlns="http://www.w3.org/2000/svg"><path d="M1.46009 5.0945V6.88125C1.46009 7.25201 1.75937 7.55129 2.13012 7.55129C2.50087 7.55129 2.80016 7.25201 2.80016 6.88125V5.0945C2.80016 4.72375 2.50087 4.42446 2.13012 4.42446C1.75937 4.42446 1.46009 4.72375 1.46009 5.0945ZM4.14022 5.0945V6.88125C4.14022 7.25201 4.4395 7.55129 4.81026 7.55129C5.18101 7.55129 5.48029 7.25201 5.48029 6.88125V5.0945C5.48029 4.72375 5.18101 4.42446 4.81026 4.42446C4.4395 4.42446 4.14022 4.72375 4.14022 5.0945ZM1.23674 9.78473H8.38377C8.75452 9.78473 9.0538 9.48545 9.0538 9.1147C9.0538 8.74395 8.75452 8.44466 8.38377 8.44466H1.23674C0.865993 8.44466 0.566711 8.74395 0.566711 9.1147C0.566711 9.48545 0.865993 9.78473 1.23674 9.78473ZM6.82036 5.0945V6.88125C6.82036 7.25201 7.11964 7.55129 7.49039 7.55129C7.86114 7.55129 8.16042 7.25201 8.16042 6.88125V5.0945C8.16042 4.72375 7.86114 4.42446 7.49039 4.42446C7.11964 4.42446 6.82036 4.72375 6.82036 5.0945ZM4.39484 0.623142L0.865993 2.48137C0.682851 2.57517 0.566711 2.76725 0.566711 2.97273C0.566711 3.28094 0.816857 3.53109 1.12507 3.53109H8.49991C8.80365 3.53109 9.0538 3.28094 9.0538 2.97273C9.0538 2.76725 8.93766 2.57517 8.75452 2.48137L5.22568 0.623142C4.9666 0.484669 4.65391 0.484669 4.39484 0.623142V0.623142Z" fill="currentColor"></path></svg>
|
| 162 |
+
<span class="-mr-1 !pr-0 text-gray-400">License: </span>
|
| 163 |
+
<span>apache-2.0</span>
|
| 164 |
+
</a></div>
|
| 165 |
+
|
| 166 |
+
<div class="flex flex-col-reverse lg:flex-row lg:items-center lg:justify-between"><div class="-mb-px flex h-12 items-center overflow-x-auto overflow-y-hidden "><a class="tab-alternate " href="/openai/whisper-medium"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-quaternary" d="M20.23 7.24L12 12L3.77 7.24a1.98 1.98 0 0 1 .7-.71L11 2.76c.62-.35 1.38-.35 2 0l6.53 3.77c.29.173.531.418.7.71z" opacity=".25" fill="currentColor"></path><path class="uim-tertiary" d="M12 12v9.5a2.09 2.09 0 0 1-.91-.21L4.5 17.48a2.003 2.003 0 0 1-1-1.73v-7.5a2.06 2.06 0 0 1 .27-1.01L12 12z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M20.5 8.25v7.5a2.003 2.003 0 0 1-1 1.73l-6.62 3.82c-.275.13-.576.198-.88.2V12l8.23-4.76c.175.308.268.656.27 1.01z" fill="currentColor"></path></svg>
|
| 167 |
+
Model card
|
| 168 |
+
|
| 169 |
+
|
| 170 |
+
</a><a class="tab-alternate active" href="/openai/whisper-medium/tree/main"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24"><path class="uim-tertiary" d="M21 19h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0-8h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2zm0 4h-8a1 1 0 0 1 0-2h8a1 1 0 0 1 0 2z" opacity=".5" fill="currentColor"></path><path class="uim-primary" d="M9 19a1 1 0 0 1-1-1V6a1 1 0 0 1 2 0v12a1 1 0 0 1-1 1zm-6-4.333a1 1 0 0 1-.64-1.769L3.438 12l-1.078-.898a1 1 0 0 1 1.28-1.538l2 1.667a1 1 0 0 1 0 1.538l-2 1.667a.999.999 0 0 1-.64.231z" fill="currentColor"></path></svg>
|
| 171 |
+
<span class="xl:hidden">Files</span>
|
| 172 |
+
<span class="hidden xl:inline">Files and versions</span>
|
| 173 |
+
|
| 174 |
+
|
| 175 |
+
</a><a class="tab-alternate " href="/openai/whisper-medium/discussions"><svg class="mr-1.5 text-gray-400 flex-none" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M20.6081 3C21.7684 3 22.8053 3.49196 23.5284 4.38415C23.9756 4.93678 24.4428 5.82749 24.4808 7.16133C24.9674 7.01707 25.4353 6.93643 25.8725 6.93643C26.9833 6.93643 27.9865 7.37587 28.696 8.17411C29.6075 9.19872 30.0124 10.4579 29.8361 11.7177C29.7523 12.3177 29.5581 12.8555 29.2678 13.3534C29.8798 13.8646 30.3306 14.5763 30.5485 15.4322C30.719 16.1032 30.8939 17.5006 29.9808 18.9403C30.0389 19.0342 30.0934 19.1319 30.1442 19.2318C30.6932 20.3074 30.7283 21.5229 30.2439 22.6548C29.5093 24.3704 27.6841 25.7219 24.1397 27.1727C21.9347 28.0753 19.9174 28.6523 19.8994 28.6575C16.9842 29.4379 14.3477 29.8345 12.0653 29.8345C7.87017 29.8345 4.8668 28.508 3.13831 25.8921C0.356375 21.6797 0.754104 17.8269 4.35369 14.1131C6.34591 12.058 7.67023 9.02782 7.94613 8.36275C8.50224 6.39343 9.97271 4.20438 12.4172 4.20438H12.4179C12.6236 4.20438 12.8314 4.2214 13.0364 4.25468C14.107 4.42854 15.0428 5.06476 15.7115 6.02205C16.4331 5.09583 17.134 4.359 17.7682 3.94323C18.7242 3.31737 19.6794 3 20.6081 3ZM20.6081 5.95917C20.2427 5.95917 19.7963 6.1197 19.3039 6.44225C17.7754 7.44319 14.8258 12.6772 13.7458 14.7131C13.3839 15.3952 12.7655 15.6837 12.2086 15.6837C11.1036 15.6837 10.2408 14.5497 12.1076 13.1085C14.9146 10.9402 13.9299 7.39584 12.5898 7.1776C12.5311 7.16799 12.4731 7.16355 12.4172 7.16355C11.1989 7.16355 10.6615 9.33114 10.6615 9.33114C10.6615 9.33114 9.0863 13.4148 6.38031 16.206C3.67434 18.998 3.5346 21.2388 5.50675 24.2246C6.85185 26.2606 9.42666 26.8753 12.0653 26.8753C14.8021 26.8753 17.6077 26.2139 19.1799 25.793C19.2574 25.7723 28.8193 22.984 27.6081 20.6107C27.4046 20.212 27.0693 20.0522 26.6471 20.0522C24.9416 20.0522 21.8393 22.6726 20.5057 22.6726C20.2076 22.6726 19.9976 22.5416 19.9116 22.222C19.3433 20.1173 28.552 19.2325 27.7758 16.1839C27.639 15.6445 27.2677 15.4256 26.746 15.4263C24.4923 15.4263 19.4358 19.5181 18.3759 19.5181C18.2949 19.5181 18.2368 19.4937 18.2053 19.4419C17.6743 18.557 17.9653 17.9394 21.7082 15.6009C25.4511 13.2617 28.0783 11.8545 26.5841 10.1752C26.4121 9.98141 26.1684 9.8956 25.8725 9.8956C23.6001 9.89634 18.2311 14.9403 18.2311 14.9403C18.2311 14.9403 16.7821 16.496 15.9057 16.496C15.7043 16.496 15.533 16.4139 15.4169 16.2112C14.7956 15.1296 21.1879 10.1286 21.5484 8.06535C21.7928 6.66715 21.3771 5.95917 20.6081 5.95917Z" fill="#FF9D00"></path><path d="M5.50686 24.2246C3.53472 21.2387 3.67446 18.9979 6.38043 16.206C9.08641 13.4147 10.6615 9.33111 10.6615 9.33111C10.6615 9.33111 11.2499 6.95933 12.59 7.17757C13.93 7.39581 14.9139 10.9401 12.1069 13.1084C9.29997 15.276 12.6659 16.7489 13.7459 14.713C14.8258 12.6772 17.7747 7.44316 19.304 6.44221C20.8326 5.44128 21.9089 6.00204 21.5484 8.06532C21.188 10.1286 14.795 15.1295 15.4171 16.2118C16.0391 17.2934 18.2312 14.9402 18.2312 14.9402C18.2312 14.9402 25.0907 8.49588 26.5842 10.1752C28.0776 11.8545 25.4512 13.2616 21.7082 15.6008C17.9646 17.9393 17.6744 18.557 18.2054 19.4418C18.7372 20.3266 26.9998 13.1351 27.7759 16.1838C28.5513 19.2324 19.3434 20.1173 19.9117 22.2219C20.48 24.3274 26.3979 18.2382 27.6082 20.6107C28.8193 22.9839 19.2574 25.7722 19.18 25.7929C16.0914 26.62 8.24723 28.3726 5.50686 24.2246Z" fill="#FFD21E"></path></svg>
|
| 176 |
+
Community
|
| 177 |
+
<div class="ml-1.5 flex h-4 min-w-[1rem] items-center justify-center rounded px-1 text-xs leading-none shadow-sm bg-black text-white dark:bg-gray-800 dark:text-gray-200">19
|
| 178 |
+
</div>
|
| 179 |
+
|
| 180 |
+
</a>
|
| 181 |
+
</div>
|
| 182 |
+
|
| 183 |
+
|
| 184 |
+
|
| 185 |
+
|
| 186 |
+
<div class="relative mb-1.5 flex flex-wrap gap-1.5 sm:flex-nowrap lg:mb-0">
|
| 187 |
+
|
| 188 |
+
<div class="order-last sm:order-first"><div class="relative ">
|
| 189 |
+
<button class="btn px-1.5 py-1.5 " type="button">
|
| 190 |
+
|
| 191 |
+
<svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" role="img" class="p-0.5" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><circle cx="16" cy="7" r="3" fill="currentColor"></circle><circle cx="16" cy="16" r="3" fill="currentColor"></circle><circle cx="16" cy="25" r="3" fill="currentColor"></circle></svg>
|
| 192 |
+
|
| 193 |
+
</button>
|
| 194 |
+
|
| 195 |
+
|
| 196 |
+
|
| 197 |
+
</div></div>
|
| 198 |
+
|
| 199 |
+
|
| 200 |
+
|
| 201 |
+
|
| 202 |
+
|
| 203 |
+
|
| 204 |
+
|
| 205 |
+
<div class="flex-none w-full sm:w-auto"><div class="relative ">
|
| 206 |
+
<button class="text-sm btn btn w-full cursor-pointer text-sm" type="button">
|
| 207 |
+
<svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12.1 2a9.8 9.8 0 0 0-5.4 1.6l6.4 6.4a2.1 2.1 0 0 1 .2 3a2.1 2.1 0 0 1-3-.2L3.7 6.4A9.84 9.84 0 0 0 2 12.1a10.14 10.14 0 0 0 10.1 10.1a10.9 10.9 0 0 0 2.6-.3l6.7 6.7a5 5 0 0 0 7.1-7.1l-6.7-6.7a10.9 10.9 0 0 0 .3-2.6A10 10 0 0 0 12.1 2zm8 10.1a7.61 7.61 0 0 1-.3 2.1l-.3 1.1l.8.8l6.7 6.7a2.88 2.88 0 0 1 .9 2.1A2.72 2.72 0 0 1 27 27a2.9 2.9 0 0 1-4.2 0l-6.7-6.7l-.8-.8l-1.1.3a7.61 7.61 0 0 1-2.1.3a8.27 8.27 0 0 1-5.7-2.3A7.63 7.63 0 0 1 4 12.1a8.33 8.33 0 0 1 .3-2.2l4.4 4.4a4.14 4.14 0 0 0 5.9.2a4.14 4.14 0 0 0-.2-5.9L10 4.2a6.45 6.45 0 0 1 2-.3a8.27 8.27 0 0 1 5.7 2.3a8.49 8.49 0 0 1 2.4 5.9z" fill="currentColor"></path></svg>
|
| 208 |
+
Train
|
| 209 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 210 |
+
|
| 211 |
+
|
| 212 |
+
|
| 213 |
+
</div>
|
| 214 |
+
</div>
|
| 215 |
+
<div class="flex-none w-full sm:w-auto"><div class="relative ">
|
| 216 |
+
<button class="text-sm btn btn w-full cursor-pointer text-sm" type="button">
|
| 217 |
+
<svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" fill="currentColor" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><rect x="6.34" y="19" width="11.31" height="2" transform="translate(-10.63 14.34) rotate(-45)"></rect><path d="M17,30a1,1,0,0,1-.37-.07,1,1,0,0,1-.62-.79l-1-7,2-.28.75,5.27L21,24.52V17a1,1,0,0,1,.29-.71l4.07-4.07A8.94,8.94,0,0,0,28,5.86V4H26.14a8.94,8.94,0,0,0-6.36,2.64l-4.07,4.07A1,1,0,0,1,15,11H7.48L4.87,14.26l5.27.75-.28,2-7-1a1,1,0,0,1-.79-.62,1,1,0,0,1,.15-1l4-5A1,1,0,0,1,7,9h7.59l3.77-3.78A10.92,10.92,0,0,1,26.14,2H28a2,2,0,0,1,2,2V5.86a10.92,10.92,0,0,1-3.22,7.78L23,17.41V25a1,1,0,0,1-.38.78l-5,4A1,1,0,0,1,17,30Z"></path></svg>
|
| 218 |
+
Deploy
|
| 219 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 220 |
+
|
| 221 |
+
|
| 222 |
+
|
| 223 |
+
</div>
|
| 224 |
+
</div>
|
| 225 |
+
<div class="flex-auto sm:flex-none"><button class="w-full cursor-pointer btn text-sm" type="button" ><svg class="mr-1.5 " xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
|
| 226 |
+
Use in Transformers</button>
|
| 227 |
+
</div></div>
|
| 228 |
+
</div></div></header></div>
|
| 229 |
+
|
| 230 |
+
<div class="container relative flex flex-col md:grid md:space-y-0 w-full md:grid-cols-12 space-y-4 md:gap-6 mb-16"><section class="pt-8 border-gray-100 col-span-full"><header class="flex flex-wrap items-center justify-start pb-2 md:justify-end lg:flex-nowrap"><div class="mr-4 flex min-w-0 basis-auto flex-wrap items-center md:flex-grow md:basis-full lg:basis-auto lg:flex-nowrap"><div class="SVELTE_HYDRATER contents" data-props="{"path":"vocab.json","repoName":"openai/whisper-medium","repoType":"model","rev":"main","refs":{"branches":[{"name":"main","ref":"refs/heads/main","targetCommit":"8b6593e88fc558a10e78c6e5fa65311eddaa7c2a"}],"tags":[],"converts":[]},"view":"blob"}" data-target="BranchSelector"><div class="relative mr-4 mb-2">
|
| 231 |
+
<button class="text-sm md:text-base btn w-full cursor-pointer text-sm" type="button">
|
| 232 |
+
<svg class="mr-1.5 text-gray-700 dark:text-gray-400" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M13 14c-3.36 0-4.46 1.35-4.82 2.24C9.25 16.7 10 17.76 10 19a3 3 0 0 1-3 3a3 3 0 0 1-3-3c0-1.31.83-2.42 2-2.83V7.83A2.99 2.99 0 0 1 4 5a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.31-.83 2.42-2 2.83v5.29c.88-.65 2.16-1.12 4-1.12c2.67 0 3.56-1.34 3.85-2.23A3.006 3.006 0 0 1 14 7a3 3 0 0 1 3-3a3 3 0 0 1 3 3c0 1.34-.88 2.5-2.09 2.86C17.65 11.29 16.68 14 13 14m-6 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1M7 4a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1m10 2a1 1 0 0 0-1 1a1 1 0 0 0 1 1a1 1 0 0 0 1-1a1 1 0 0 0-1-1z" fill="currentColor"></path></svg>
|
| 233 |
+
main
|
| 234 |
+
<svg class="-mr-1 text-gray-500" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 24 24" style="transform: rotate(360deg);"><path d="M7 10l5 5l5-5z" fill="currentColor"></path></svg></button>
|
| 235 |
+
|
| 236 |
+
|
| 237 |
+
|
| 238 |
+
</div></div>
|
| 239 |
+
<div class="mb-2 flex items-center overflow-hidden"><a class="truncate text-gray-800 hover:underline" href="/openai/whisper-medium/tree/main">whisper-medium</a>
|
| 240 |
+
<span class="mx-1 text-gray-300">/</span>
|
| 241 |
+
<span class="dark:text-gray-300">vocab.json</span></div></div>
|
| 242 |
+
|
| 243 |
+
|
| 244 |
+
</header>
|
| 245 |
+
<div class="SVELTE_HYDRATER contents" data-props="{"commitLast":{"date":"2023-01-26T13:56:16.000Z","subject":"Changes for fast tokenizer (#7)","authors":[{"_id":"62441cb7456803e95009a08f","avatar":"https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1674683851722-62441cb7456803e95009a08f.jpeg?w=200&h=200&f=face","isHf":true,"user":"ArthurZ"}],"commit":{"id":"bca87502b8d4c0fd2345853c9e4d57b4718df49d","parentIds":["eb2e18bff88f436a7980f34c76a49d4a5a68f8d1"]},"title":"Changes for fast tokenizer (<a href=\"/openai/whisper-medium/discussions/7\">#7</a>)"},"repo":{"name":"openai/whisper-medium","type":"model"}}" data-target="LastCommit"><div class="from-gray-100-to-white flex items-baseline rounded-t-lg border border-b-0 bg-gradient-to-t px-3 py-2 dark:border-gray-800"><img class="mt-0.5 mr-2.5 h-4 w-4 self-center rounded-full" alt="ArthurZ's picture" src="https://aeiljuispo.cloudimg.io/v7/https://cdn-uploads.huggingface.co/production/uploads/1674683851722-62441cb7456803e95009a08f.jpeg?w=200&h=200&f=face">
|
| 246 |
+
<div class="mr-5 flex flex-none items-center truncate"><a class="hover:underline" href="/ArthurZ">ArthurZ
|
| 247 |
+
</a>
|
| 248 |
+
<div class="mt-0.5 ml-1.5 rounded border border-yellow-200 bg-yellow-50 px-1 text-xs font-semibold uppercase text-yellow-500 dark:bg-yellow-800 dark:text-yellow-400" title="member of the Hugging Face team">HF staff
|
| 249 |
+
</div>
|
| 250 |
+
</div>
|
| 251 |
+
<div class="mr-4 truncate font-mono text-sm text-gray-500 hover:prose-a:underline"><!-- HTML_TAG_START -->Changes for fast tokenizer (<a href="/openai/whisper-medium/discussions/7">#7</a>)<!-- HTML_TAG_END --></div>
|
| 252 |
+
<a class="rounded border bg-gray-50 px-1.5 text-sm hover:underline dark:border-gray-800 dark:bg-gray-900" href="/openai/whisper-medium/commit/bca87502b8d4c0fd2345853c9e4d57b4718df49d">bca8750</a>
|
| 253 |
+
|
| 254 |
+
<time class="ml-auto hidden flex-none truncate pl-2 text-gray-500 dark:text-gray-400 lg:block" datetime="2023-01-26T13:56:16" title="Thu, 26 Jan 2023 13:56:16 GMT">6 months ago</time></div></div>
|
| 255 |
+
<div class="flex flex-wrap items-center border px-3 py-1.5 text-sm text-gray-800 dark:border-gray-800 dark:bg-gray-900">
|
| 256 |
+
<a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/raw/main/vocab.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M31 16l-7 7l-1.41-1.41L28.17 16l-5.58-5.59L24 9l7 7z" fill="currentColor"></path><path d="M1 16l7-7l1.41 1.41L3.83 16l5.58 5.59L8 23l-7-7z" fill="currentColor"></path><path d="M12.419 25.484L17.639 6l1.932.518L14.35 26z" fill="currentColor"></path></svg>
|
| 257 |
+
raw
|
| 258 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/commits/main/vocab.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32" style="transform: rotate(360deg);"><path d="M16 4C9.383 4 4 9.383 4 16s5.383 12 12 12s12-5.383 12-12S22.617 4 16 4zm0 2c5.535 0 10 4.465 10 10s-4.465 10-10 10S6 21.535 6 16S10.465 6 16 6zm-1 2v9h7v-2h-5V8z" fill="currentColor"></path></svg>
|
| 259 |
+
history
|
| 260 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline text-green-600 dark:text-gray-300" href="/openai/whisper-medium/edit/main/vocab.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M2 26h28v2H2z" fill="currentColor"></path><path d="M25.4 9c.8-.8.8-2 0-2.8l-3.6-3.6c-.8-.8-2-.8-2.8 0l-15 15V24h6.4l15-15zm-5-5L24 7.6l-3 3L17.4 7l3-3zM6 22v-3.6l10-10l3.6 3.6l-10 10H6z" fill="currentColor"></path></svg>
|
| 261 |
+
contribute
|
| 262 |
+
</a><a class="my-1 mr-4 flex items-center hover:underline " href="/openai/whisper-medium/delete/main/vocab.json"><svg class="mr-1.5" xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" aria-hidden="true" focusable="false" role="img" width="1em" height="1em" preserveAspectRatio="xMidYMid meet" viewBox="0 0 32 32"><path d="M12 12h2v12h-2z" fill="currentColor"></path><path d="M18 12h2v12h-2z" fill="currentColor"></path><path d="M4 6v2h2v20a2 2 0 0 0 2 2h16a2 2 0 0 0 2-2V8h2V6zm4 22V8h16v20z" fill="currentColor"></path><path d="M12 2h8v2h-8z" fill="currentColor"></path></svg>
|
| 263 |
+
delete
|
| 264 |
+
</a>
|
| 265 |
+
<div class="mr-4 flex items-center text-gray-400"><svg class="text-gray-300 text-sm mr-1.5 -translate-y-px" width="1em" height="1em" viewBox="0 0 22 28" fill="none" xmlns="http://www.w3.org/2000/svg"><path fill-rule="evenodd" clip-rule="evenodd" d="M15.3634 10.3639C15.8486 10.8491 15.8486 11.6357 15.3634 12.1209L10.9292 16.5551C10.6058 16.8785 10.0814 16.8785 9.7579 16.5551L7.03051 13.8277C6.54532 13.3425 6.54532 12.5558 7.03051 12.0707C7.51569 11.5855 8.30234 11.5855 8.78752 12.0707L9.7579 13.041C10.0814 13.3645 10.6058 13.3645 10.9292 13.041L13.6064 10.3639C14.0916 9.8787 14.8782 9.8787 15.3634 10.3639Z" fill="currentColor"></path><path fill-rule="evenodd" clip-rule="evenodd" d="M10.6666 27.12C4.93329 25.28 0 19.2267 0 12.7867V6.52001C0 5.40001 0.693334 4.41334 1.73333 4.01334L9.73333 1.01334C10.3333 0.786673 11 0.786673 11.6 1.02667L19.6 4.02667C20.1083 4.21658 20.5465 4.55701 20.8562 5.00252C21.1659 5.44803 21.3324 5.97742 21.3333 6.52001V12.7867C21.3333 19.24 16.4 25.28 10.6666 27.12Z" fill="currentColor" fill-opacity="0.22"></path><path d="M10.0845 1.94967L10.0867 1.94881C10.4587 1.8083 10.8666 1.81036 11.2286 1.95515L11.2387 1.95919L11.2489 1.963L19.2489 4.963L19.25 4.96342C19.5677 5.08211 19.8416 5.29488 20.0351 5.57333C20.2285 5.85151 20.3326 6.18203 20.3333 6.52082C20.3333 6.52113 20.3333 6.52144 20.3333 6.52176L20.3333 12.7867C20.3333 18.6535 15.8922 24.2319 10.6666 26.0652C5.44153 24.2316 1 18.6409 1 12.7867V6.52001C1 5.82357 1.42893 5.20343 2.08883 4.94803L10.0845 1.94967Z" stroke="currentColor" stroke-opacity="0.30" stroke-width="2"></path></svg>
|
| 266 |
+
|
| 267 |
+
No virus
|
| 268 |
+
</div>
|
| 269 |
+
|
| 270 |
+
<div class="dark:text-gray-300 sm:ml-auto">1.04 MB</div></div>
|
| 271 |
+
|
| 272 |
+
<div class="relative min-h-[100px] rounded-b-lg border border-t-0 leading-tight dark:border-gray-800 dark:bg-gray-925">
|
| 273 |
+
<div class="p-4 py-8 text-center">File too large to display, you can
|
| 274 |
+
<a href="/openai/whisper-medium/raw/main/vocab.json" target="_blank" class="underline">check the raw version</a>
|
| 275 |
+
instead.
|
| 276 |
+
</div></div></section></div></main>
|
| 277 |
+
</div>
|
| 278 |
+
|
| 279 |
+
<script>
|
| 280 |
+
import("/front/build/kube-48e6ffd/index.js");
|
| 281 |
+
window.moonSha = "kube-48e6ffd/";
|
| 282 |
+
window.hubConfig = JSON.parse(`{"features":{"signupDisabled":false},"sshGitUrl":"[email protected]","moonHttpUrl":"https://huggingface.co","captchaApiKey":"bd5f2066-93dc-4bdd-a64b-a24646ca3859","stripePublicKey":"pk_live_x2tdjFXBCvXo2FFmMybezpeM00J6gPCAAc"}`);
|
| 283 |
+
</script>
|
| 284 |
+
|
| 285 |
+
<!-- Stripe -->
|
| 286 |
+
<script>
|
| 287 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 288 |
+
const script = document.createElement("script");
|
| 289 |
+
script.src = "https://js.stripe.com/v3/";
|
| 290 |
+
script.async = true;
|
| 291 |
+
document.head.appendChild(script);
|
| 292 |
+
}
|
| 293 |
+
</script>
|
| 294 |
+
|
| 295 |
+
<!-- Google analytics v4 -->
|
| 296 |
+
<script>
|
| 297 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 298 |
+
const script = document.createElement("script");
|
| 299 |
+
script.src = "https://www.googletagmanager.com/gtag/js?id=G-8Q63TH4CSL";
|
| 300 |
+
script.async = true;
|
| 301 |
+
document.head.appendChild(script);
|
| 302 |
+
|
| 303 |
+
window.dataLayer = window.dataLayer || [];
|
| 304 |
+
function gtag() {
|
| 305 |
+
if (window.dataLayer !== undefined) {
|
| 306 |
+
window.dataLayer.push(arguments);
|
| 307 |
+
}
|
| 308 |
+
}
|
| 309 |
+
gtag("js", new Date());
|
| 310 |
+
gtag("config", "G-8Q63TH4CSL", { page_path: "/openai/whisper-medium/blob/main/vocab.json" });
|
| 311 |
+
/// ^ See https://developers.google.com/analytics/devguides/collection/gtagjs/pages
|
| 312 |
+
gtag("consent", "default", { ad_storage: "denied", analytics_storage: "denied" });
|
| 313 |
+
/// ^ See https://developers.google.com/tag-platform/gtagjs/reference#consent
|
| 314 |
+
/// TODO: ask the user for their consent and update this with gtag('consent', 'update')
|
| 315 |
+
}
|
| 316 |
+
</script>
|
| 317 |
+
|
| 318 |
+
<!-- Google Analytics v3 (deprecated) -->
|
| 319 |
+
<script>
|
| 320 |
+
if (["hf.co", "huggingface.co"].includes(window.location.hostname)) {
|
| 321 |
+
(function (i, s, o, g, r, a, m) {
|
| 322 |
+
i["GoogleAnalyticsObject"] = r;
|
| 323 |
+
(i[r] =
|
| 324 |
+
i[r] ||
|
| 325 |
+
function () {
|
| 326 |
+
(i[r].q = i[r].q || []).push(arguments);
|
| 327 |
+
}),
|
| 328 |
+
(i[r].l = 1 * new Date());
|
| 329 |
+
(a = s.createElement(o)), (m = s.getElementsByTagName(o)[0]);
|
| 330 |
+
a.async = 1;
|
| 331 |
+
a.src = g;
|
| 332 |
+
m.parentNode.insertBefore(a, m);
|
| 333 |
+
})(window, document, "script", "https://www.google-analytics.com/analytics.js", "ganalytics");
|
| 334 |
+
ganalytics("create", "UA-83738774-2", "auto");
|
| 335 |
+
ganalytics("send", "pageview", "/openai/whisper-medium/blob/main/vocab.json");
|
| 336 |
+
}
|
| 337 |
+
</script>
|
| 338 |
+
</body>
|
| 339 |
+
</html>
|