aapot commited on
Commit
4345c46
1 Parent(s): 822066b

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +197 -177
README.md CHANGED
@@ -1,178 +1,198 @@
1
- ---
2
- license: apache-2.0
3
- language: fi
4
- metrics:
5
- - wer
6
- - cer
7
- tags:
8
- - automatic-speech-recognition
9
- - fi
10
- - finnish
11
- - generated_from_trainer
12
- - hf-asr-leaderboard
13
- - robust-speech-event
14
- datasets:
15
- - mozilla-foundation/common_voice_7_0
16
- model-index:
17
- - name: wav2vec2-xlsr-1b-finnish-lm
18
- results:
19
- - task:
20
- name: Automatic Speech Recognition
21
- type: automatic-speech-recognition
22
- dataset:
23
- name: Common Voice 7
24
- type: mozilla-foundation/common_voice_7_0
25
- args: fi
26
- metrics:
27
- - name: Test WER
28
- type: wer
29
- value: 5.65
30
- - name: Test CER
31
- type: cer
32
- value: 1.2
33
- ---
34
-
35
- # Wav2Vec2 XLS-R for Finnish ASR
36
-
37
- This acoustic model is a fine-tuned version of [facebook/wav2vec2-xls-r-1b](https://huggingface.co/facebook/wav2vec2-xls-r-1b) for Finnish ASR. The model has been fine-tuned with 259.57 hours of Finnish transcribed speech data. Wav2Vec2 XLS-R was introduced in
38
- [this paper](https://arxiv.org/abs/2111.09296) and first released at [this page](https://github.com/pytorch/fairseq/tree/main/examples/wav2vec#wav2vec-20).
39
-
40
- This repository also includes Finnish KenLM language model used in the decoding phase with the acoustic model.
41
-
42
- **Note**: this model is exactly the same as the [aapot/wav2vec2-xlsr-1b-finnish-lm](https://huggingface.co/aapot/wav2vec2-xlsr-1b-finnish-lm) model so that model has just been copied/moved to this `Finnish-NLP` Hugging Face organization.
43
-
44
- **Note**: there is a better V2 version of this model which has been fine-tuned longer with 16 hours of more data: [Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2](https://huggingface.co/Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2)
45
-
46
- ## Model description
47
-
48
- Wav2Vec2 XLS-R is Facebook AI's large-scale multilingual pretrained model for speech. It is pretrained on 436k hours of unlabeled speech, including VoxPopuli, MLS, CommonVoice, BABEL, and VoxLingua107. It uses the wav2vec 2.0 objective, in 128 languages.
49
-
50
- You can read more about the pretrained model from [this blog](https://ai.facebook.com/blog/xls-r-self-supervised-speech-processing-for-128-languages) and [this paper](https://arxiv.org/abs/2111.09296).
51
-
52
- This model is fine-tuned version of the pretrained model (1 billion parameter variant) for Finnish ASR.
53
-
54
- ## Intended uses & limitations
55
-
56
- You can use this model for Finnish ASR (speech-to-text) task.
57
-
58
- ### How to use
59
-
60
- Check the [run-finnish-asr-models.ipynb](https://huggingface.co/Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm/blob/main/run-finnish-asr-models.ipynb) notebook in this repository for an detailed example on how to use this model.
61
-
62
- ### Limitations and bias
63
-
64
- This model was fine-tuned with audio samples which maximum length was 20 seconds so this model most likely works the best for quite short audios of similar length. However, you can try this model with a lot longer audios too and see how it works. If you encounter out of memory errors with very long audio files you can use the audio chunking method introduced in [this blog post](https://huggingface.co/blog/asr-chunking).
65
-
66
- A vast majority of the data used for fine-tuning was from the Finnish Parliament dataset so this model may not generalize so well to very different domains like common daily spoken Finnish with dialects etc. In addition, audios of the datasets tend to be adult male dominated so this model may not work as well for speeches of children and women, for example.
67
-
68
- The Finnish KenLM language model used in the decoding phase has been trained with text data from the audio transcriptions. Thus, the decoder's language model may not generalize to very different language, for example to spoken daily language with dialects. It may be beneficial to train your own KenLM language model for your domain language and use that in the decoding.
69
-
70
- ## Training data
71
-
72
- This model was fine-tuned with 259.57 hours of Finnish transcribed speech data from following datasets:
73
-
74
- | Dataset | Hours | % of total hours |
75
- |:----------------------------------------------------------------------------------------------------------------------------------|:--------:|:----------------:|
76
- | [Common Voice 7.0 Finnish train + evaluation + other splits](https://huggingface.co/datasets/mozilla-foundation/common_voice_7_0) | 9.70 h | 3.74 % |
77
- | [Finnish parliament session 2](https://b2share.eudat.eu/records/4df422d631544ce682d6af1d4714b2d4) | 0.24 h | 0.09 % |
78
- | [VoxPopuli Finnish](https://github.com/facebookresearch/voxpopuli) | 5.94 h | 2.29 % |
79
- | [CSS10 Finnish](https://github.com/kyubyong/css10) | 10.32 h | 3.98 % |
80
- | [Aalto Finnish Parliament ASR Corpus](http://urn.fi/urn:nbn:fi:lb-2021051903) | 228.00 h | 87.84 % |
81
- | [Finnish Broadcast Corpus](http://urn.fi/urn:nbn:fi:lb-2016042502) | 5.37 h | 2.07 % |
82
-
83
- Datasets were filtered to include maximum length of 20 seconds long audio samples.
84
-
85
- ## Training procedure
86
-
87
- This model was trained during [Robust Speech Challenge Event](https://discuss.huggingface.co/t/open-to-the-community-robust-speech-recognition-challenge/13614) organized by Hugging Face. Training was done on a Tesla V100 GPU, sponsored by OVHcloud.
88
-
89
- Training script was provided by Hugging Face and it is available [here](https://github.com/huggingface/transformers/blob/main/examples/research_projects/robust-speech-event/run_speech_recognition_ctc_bnb.py). We only modified its data loading for our custom datasets.
90
-
91
- For the KenLM language model training, we followed the [blog post tutorial](https://huggingface.co/blog/wav2vec2-with-ngram) provided by Hugging Face. Training data for the 5-gram KenLM were text transcriptions of the audio training data.
92
-
93
- ### Training hyperparameters
94
-
95
- The following hyperparameters were used during training:
96
- - learning_rate: 5e-05
97
- - train_batch_size: 32
98
- - eval_batch_size: 8
99
- - seed: 42
100
- - optimizer: [8-bit Adam](https://github.com/facebookresearch/bitsandbytes) with betas=(0.9,0.999) and epsilon=1e-08
101
- - lr_scheduler_type: linear
102
- - lr_scheduler_warmup_steps: 500
103
- - num_epochs: 5
104
- - mixed_precision_training: Native AMP
105
-
106
- The pretrained `facebook/wav2vec2-xls-r-1b` model was initialized with following hyperparameters:
107
- - attention_dropout: 0.094
108
- - hidden_dropout: 0.047
109
- - feat_proj_dropout: 0.04
110
- - mask_time_prob: 0.082
111
- - layerdrop: 0.041
112
- - activation_dropout: 0.055
113
- - ctc_loss_reduction: "mean"
114
-
115
- ### Training results
116
-
117
- | Training Loss | Epoch | Step | Validation Loss | Wer |
118
- |:-------------:|:-----:|:-----:|:---------------:|:------:|
119
- | 0.968 | 0.18 | 500 | 0.4870 | 0.4720 |
120
- | 0.6557 | 0.36 | 1000 | 0.2450 | 0.2931 |
121
- | 0.647 | 0.54 | 1500 | 0.1818 | 0.2255 |
122
- | 0.5297 | 0.72 | 2000 | 0.1698 | 0.2354 |
123
- | 0.5802 | 0.9 | 2500 | 0.1581 | 0.2355 |
124
- | 0.6351 | 1.07 | 3000 | 0.1689 | 0.2336 |
125
- | 0.4626 | 1.25 | 3500 | 0.1719 | 0.3099 |
126
- | 0.4526 | 1.43 | 4000 | 0.1434 | 0.2069 |
127
- | 0.4692 | 1.61 | 4500 | 0.1645 | 0.2192 |
128
- | 0.4584 | 1.79 | 5000 | 0.1483 | 0.1987 |
129
- | 0.4234 | 1.97 | 5500 | 0.1499 | 0.2178 |
130
- | 0.4243 | 2.15 | 6000 | 0.1345 | 0.2070 |
131
- | 0.4108 | 2.33 | 6500 | 0.1383 | 0.1850 |
132
- | 0.4048 | 2.51 | 7000 | 0.1338 | 0.1811 |
133
- | 0.4085 | 2.69 | 7500 | 0.1290 | 0.1780 |
134
- | 0.4026 | 2.87 | 8000 | 0.1239 | 0.1650 |
135
- | 0.4033 | 3.04 | 8500 | 0.1346 | 0.1657 |
136
- | 0.3986 | 3.22 | 9000 | 0.1310 | 0.1850 |
137
- | 0.3867 | 3.4 | 9500 | 0.1273 | 0.1741 |
138
- | 0.3658 | 3.58 | 10000 | 0.1219 | 0.1672 |
139
- | 0.382 | 3.76 | 10500 | 0.1306 | 0.1698 |
140
- | 0.3847 | 3.94 | 11000 | 0.1230 | 0.1577 |
141
- | 0.3691 | 4.12 | 11500 | 0.1310 | 0.1615 |
142
- | 0.3593 | 4.3 | 12000 | 0.1296 | 0.1622 |
143
- | 0.3619 | 4.48 | 12500 | 0.1285 | 0.1601 |
144
- | 0.3361 | 4.66 | 13000 | 0.1261 | 0.1569 |
145
- | 0.3603 | 4.84 | 13500 | 0.1235 | 0.1533 |
146
-
147
-
148
- ### Framework versions
149
-
150
- - Transformers 4.17.0.dev0
151
- - Pytorch 1.10.2+cu102
152
- - Datasets 1.18.3
153
- - Tokenizers 0.11.0
154
-
155
- ## Evaluation results
156
-
157
- Evaluation was done with the [Common Voice 7.0 Finnish test split](https://huggingface.co/datasets/mozilla-foundation/common_voice_7_0).
158
-
159
- To evaluate this model, run the `eval.py` script in this repository:
160
-
161
- ```bash
162
- python3 eval.py --model_id Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm --dataset mozilla-foundation/common_voice_7_0 --config fi --split test
163
- ```
164
-
165
- This model (the second row of the table) achieves the following WER (Word Error Rate) and CER (Character Error Rate) results compared to our other models:
166
-
167
- | | WER (with LM) | WER (without LM) | CER (with LM) | CER (without LM) |
168
- |-----------------------------------------------|---------------|------------------|---------------|------------------|
169
- |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2 |**4.09** |**9.73** |**0.88** |**1.65** |
170
- |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm |5.65 |13.11 |1.20 |2.23 |
171
- |Finnish-NLP/wav2vec2-xlsr-300m-finnish-lm |8.16 |17.92 |1.97 |3.36 |
172
-
173
- ## Team Members
174
-
175
- - Aapo Tanskanen, [Hugging Face profile](https://huggingface.co/aapot), [LinkedIn profile](https://www.linkedin.com/in/aapotanskanen/)
176
- - Rasmus Toivanen, [Hugging Face profile](https://huggingface.co/RASMUS), [LinkedIn profile](https://www.linkedin.com/in/rasmustoivanen/)
177
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
178
  Feel free to contact us for more details 🤗
1
+ ---
2
+ license: apache-2.0
3
+ language: fi
4
+ metrics:
5
+ - wer
6
+ - cer
7
+ tags:
8
+ - automatic-speech-recognition
9
+ - fi
10
+ - finnish
11
+ - generated_from_trainer
12
+ - hf-asr-leaderboard
13
+ - robust-speech-event
14
+ datasets:
15
+ - mozilla-foundation/common_voice_7_0
16
+ model-index:
17
+ - name: wav2vec2-xlsr-1b-finnish-lm
18
+ results:
19
+ - task:
20
+ name: Automatic Speech Recognition
21
+ type: automatic-speech-recognition
22
+ dataset:
23
+ name: Common Voice 7
24
+ type: mozilla-foundation/common_voice_7_0
25
+ args: fi
26
+ metrics:
27
+ - name: Test WER
28
+ type: wer
29
+ value: 5.65
30
+ - name: Test CER
31
+ type: cer
32
+ value: 1.2
33
+ ---
34
+
35
+ # Wav2Vec2 XLS-R for Finnish ASR
36
+
37
+ This acoustic model is a fine-tuned version of [facebook/wav2vec2-xls-r-1b](https://huggingface.co/facebook/wav2vec2-xls-r-1b) for Finnish ASR. The model has been fine-tuned with 259.57 hours of Finnish transcribed speech data. Wav2Vec2 XLS-R was introduced in
38
+ [this paper](https://arxiv.org/abs/2111.09296) and first released at [this page](https://github.com/pytorch/fairseq/tree/main/examples/wav2vec#wav2vec-20).
39
+
40
+ This repository also includes Finnish KenLM language model used in the decoding phase with the acoustic model.
41
+
42
+ **Note**: this model is exactly the same as the [aapot/wav2vec2-xlsr-1b-finnish-lm](https://huggingface.co/aapot/wav2vec2-xlsr-1b-finnish-lm) model so that model has just been copied/moved to this `Finnish-NLP` Hugging Face organization.
43
+
44
+ **Note**: there is a better V2 version of this model which has been fine-tuned longer with 16 hours of more data: [Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2](https://huggingface.co/Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2)
45
+
46
+ ## Model description
47
+
48
+ Wav2Vec2 XLS-R is Facebook AI's large-scale multilingual pretrained model for speech. It is pretrained on 436k hours of unlabeled speech, including VoxPopuli, MLS, CommonVoice, BABEL, and VoxLingua107. It uses the wav2vec 2.0 objective, in 128 languages.
49
+
50
+ You can read more about the pretrained model from [this blog](https://ai.facebook.com/blog/xls-r-self-supervised-speech-processing-for-128-languages) and [this paper](https://arxiv.org/abs/2111.09296).
51
+
52
+ This model is fine-tuned version of the pretrained model (1 billion parameter variant) for Finnish ASR.
53
+
54
+ ## Intended uses & limitations
55
+
56
+ You can use this model for Finnish ASR (speech-to-text) task.
57
+
58
+ ### How to use
59
+
60
+ Check the [run-finnish-asr-models.ipynb](https://huggingface.co/Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm/blob/main/run-finnish-asr-models.ipynb) notebook in this repository for an detailed example on how to use this model.
61
+
62
+ ### Limitations and bias
63
+
64
+ This model was fine-tuned with audio samples which maximum length was 20 seconds so this model most likely works the best for quite short audios of similar length. However, you can try this model with a lot longer audios too and see how it works. If you encounter out of memory errors with very long audio files you can use the audio chunking method introduced in [this blog post](https://huggingface.co/blog/asr-chunking).
65
+
66
+ A vast majority of the data used for fine-tuning was from the Finnish Parliament dataset so this model may not generalize so well to very different domains like common daily spoken Finnish with dialects etc. In addition, audios of the datasets tend to be adult male dominated so this model may not work as well for speeches of children and women, for example.
67
+
68
+ The Finnish KenLM language model used in the decoding phase has been trained with text data from the audio transcriptions. Thus, the decoder's language model may not generalize to very different language, for example to spoken daily language with dialects. It may be beneficial to train your own KenLM language model for your domain language and use that in the decoding.
69
+
70
+ ## Training data
71
+
72
+ This model was fine-tuned with 259.57 hours of Finnish transcribed speech data from following datasets:
73
+
74
+ | Dataset | Hours | % of total hours |
75
+ |:----------------------------------------------------------------------------------------------------------------------------------|:--------:|:----------------:|
76
+ | [Common Voice 7.0 Finnish train + evaluation + other splits](https://huggingface.co/datasets/mozilla-foundation/common_voice_7_0) | 9.70 h | 3.74 % |
77
+ | [Finnish parliament session 2](https://b2share.eudat.eu/records/4df422d631544ce682d6af1d4714b2d4) | 0.24 h | 0.09 % |
78
+ | [VoxPopuli Finnish](https://github.com/facebookresearch/voxpopuli) | 5.94 h | 2.29 % |
79
+ | [CSS10 Finnish](https://github.com/kyubyong/css10) | 10.32 h | 3.98 % |
80
+ | [Aalto Finnish Parliament ASR Corpus](http://urn.fi/urn:nbn:fi:lb-2021051903) | 228.00 h | 87.84 % |
81
+ | [Finnish Broadcast Corpus](http://urn.fi/urn:nbn:fi:lb-2016042502) | 5.37 h | 2.07 % |
82
+
83
+ Datasets were filtered to include maximum length of 20 seconds long audio samples.
84
+
85
+ ## Training procedure
86
+
87
+ This model was trained during [Robust Speech Challenge Event](https://discuss.huggingface.co/t/open-to-the-community-robust-speech-recognition-challenge/13614) organized by Hugging Face. Training was done on a Tesla V100 GPU, sponsored by OVHcloud.
88
+
89
+ Training script was provided by Hugging Face and it is available [here](https://github.com/huggingface/transformers/blob/main/examples/research_projects/robust-speech-event/run_speech_recognition_ctc_bnb.py). We only modified its data loading for our custom datasets.
90
+
91
+ For the KenLM language model training, we followed the [blog post tutorial](https://huggingface.co/blog/wav2vec2-with-ngram) provided by Hugging Face. Training data for the 5-gram KenLM were text transcriptions of the audio training data.
92
+
93
+ ### Training hyperparameters
94
+
95
+ The following hyperparameters were used during training:
96
+ - learning_rate: 5e-05
97
+ - train_batch_size: 32
98
+ - eval_batch_size: 8
99
+ - seed: 42
100
+ - optimizer: [8-bit Adam](https://github.com/facebookresearch/bitsandbytes) with betas=(0.9,0.999) and epsilon=1e-08
101
+ - lr_scheduler_type: linear
102
+ - lr_scheduler_warmup_steps: 500
103
+ - num_epochs: 5
104
+ - mixed_precision_training: Native AMP
105
+
106
+ The pretrained `facebook/wav2vec2-xls-r-1b` model was initialized with following hyperparameters:
107
+ - attention_dropout: 0.094
108
+ - hidden_dropout: 0.047
109
+ - feat_proj_dropout: 0.04
110
+ - mask_time_prob: 0.082
111
+ - layerdrop: 0.041
112
+ - activation_dropout: 0.055
113
+ - ctc_loss_reduction: "mean"
114
+
115
+ ### Training results
116
+
117
+ | Training Loss | Epoch | Step | Validation Loss | Wer |
118
+ |:-------------:|:-----:|:-----:|:---------------:|:------:|
119
+ | 0.968 | 0.18 | 500 | 0.4870 | 0.4720 |
120
+ | 0.6557 | 0.36 | 1000 | 0.2450 | 0.2931 |
121
+ | 0.647 | 0.54 | 1500 | 0.1818 | 0.2255 |
122
+ | 0.5297 | 0.72 | 2000 | 0.1698 | 0.2354 |
123
+ | 0.5802 | 0.9 | 2500 | 0.1581 | 0.2355 |
124
+ | 0.6351 | 1.07 | 3000 | 0.1689 | 0.2336 |
125
+ | 0.4626 | 1.25 | 3500 | 0.1719 | 0.3099 |
126
+ | 0.4526 | 1.43 | 4000 | 0.1434 | 0.2069 |
127
+ | 0.4692 | 1.61 | 4500 | 0.1645 | 0.2192 |
128
+ | 0.4584 | 1.79 | 5000 | 0.1483 | 0.1987 |
129
+ | 0.4234 | 1.97 | 5500 | 0.1499 | 0.2178 |
130
+ | 0.4243 | 2.15 | 6000 | 0.1345 | 0.2070 |
131
+ | 0.4108 | 2.33 | 6500 | 0.1383 | 0.1850 |
132
+ | 0.4048 | 2.51 | 7000 | 0.1338 | 0.1811 |
133
+ | 0.4085 | 2.69 | 7500 | 0.1290 | 0.1780 |
134
+ | 0.4026 | 2.87 | 8000 | 0.1239 | 0.1650 |
135
+ | 0.4033 | 3.04 | 8500 | 0.1346 | 0.1657 |
136
+ | 0.3986 | 3.22 | 9000 | 0.1310 | 0.1850 |
137
+ | 0.3867 | 3.4 | 9500 | 0.1273 | 0.1741 |
138
+ | 0.3658 | 3.58 | 10000 | 0.1219 | 0.1672 |
139
+ | 0.382 | 3.76 | 10500 | 0.1306 | 0.1698 |
140
+ | 0.3847 | 3.94 | 11000 | 0.1230 | 0.1577 |
141
+ | 0.3691 | 4.12 | 11500 | 0.1310 | 0.1615 |
142
+ | 0.3593 | 4.3 | 12000 | 0.1296 | 0.1622 |
143
+ | 0.3619 | 4.48 | 12500 | 0.1285 | 0.1601 |
144
+ | 0.3361 | 4.66 | 13000 | 0.1261 | 0.1569 |
145
+ | 0.3603 | 4.84 | 13500 | 0.1235 | 0.1533 |
146
+
147
+
148
+ ### Framework versions
149
+
150
+ - Transformers 4.17.0.dev0
151
+ - Pytorch 1.10.2+cu102
152
+ - Datasets 1.18.3
153
+ - Tokenizers 0.11.0
154
+
155
+ ## Evaluation results
156
+
157
+ Evaluation was done with the [Common Voice 7.0 Finnish test split](https://huggingface.co/datasets/mozilla-foundation/common_voice_7_0) and with the [Common Voice 9.0 Finnish test split](https://huggingface.co/datasets/mozilla-foundation/common_voice_9_0). This model's training data includes the training splits of Common Voice 7.0 but our newest `Finnish-NLP/wav2vec2-base-fi-voxpopuli-v2-finetuned` model includes the Common Voice 9.0 so we ran tests for both versions. Note: Common Voice doesn't seem to fully preserve the test split as fixed between the dataset versions so it is possible that some of the training examples of Common Voice 9.0 are in the test split of the Common Voice 7.0 and vice versa. Thus, test result comparisons are not fully accurate between the models trained with different Common Voice versions but the comparison should still be meaningful enough.
158
+
159
+ ### Common Voice 7.0 testing
160
+
161
+ To evaluate this model, run the `eval.py` script in this repository:
162
+
163
+ ```bash
164
+ python3 eval.py --model_id Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm --dataset mozilla-foundation/common_voice_7_0 --config fi --split test
165
+ ```
166
+
167
+ This model (the second row of the table) achieves the following WER (Word Error Rate) and CER (Character Error Rate) results compared to our other models and their parameter counts:
168
+
169
+ | | Model parameters | WER (with LM) | WER (without LM) | CER (with LM) | CER (without LM) |
170
+ |----------------------------------------------------|------------------|---------------|------------------|---------------|------------------|
171
+ |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2 | 1000 million |**4.09** |**9.73** |**0.88** |**1.65** |
172
+ |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm | 1000 million |5.65 |13.11 |1.20 |2.23 |
173
+ |Finnish-NLP/wav2vec2-base-fi-voxpopuli-v2-finetuned | 95 million |5.85 |13.52 |1.35 |2.44 |
174
+ |Finnish-NLP/wav2vec2-xlsr-300m-finnish-lm | 300 million |8.16 |17.92 |1.97 |3.36 |
175
+
176
+ ### Common Voice 9.0 testing
177
+
178
+ To evaluate this model, run the `eval.py` script in this repository:
179
+
180
+ ```bash
181
+ python3 eval.py --model_id Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm --dataset mozilla-foundation/common_voice_9_0 --config fi --split test
182
+ ```
183
+
184
+ This model (the second row of the table) achieves the following WER (Word Error Rate) and CER (Character Error Rate) results compared to our other models and their parameter counts:
185
+
186
+ | | Model parameters | WER (with LM) | WER (without LM) | CER (with LM) | CER (without LM) |
187
+ |----------------------------------------------------|------------------|---------------|------------------|---------------|------------------|
188
+ |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm-v2 | 1000 million |**3.72** |**8.96** |**0.80** |**1.52** |
189
+ |Finnish-NLP/wav2vec2-xlsr-1b-finnish-lm | 1000 million |5.35 |13.00 |1.14 |2.20 |
190
+ |Finnish-NLP/wav2vec2-base-fi-voxpopuli-v2-finetuned | 95 million |5.93 |14.08 |1.40 |2.59 |
191
+ |Finnish-NLP/wav2vec2-xlsr-300m-finnish-lm | 300 million |7.42 |16.45 |1.79 |3.07 |
192
+
193
+ ## Team Members
194
+
195
+ - Aapo Tanskanen, [Hugging Face profile](https://huggingface.co/aapot), [LinkedIn profile](https://www.linkedin.com/in/aapotanskanen/)
196
+ - Rasmus Toivanen, [Hugging Face profile](https://huggingface.co/RASMUS), [LinkedIn profile](https://www.linkedin.com/in/rasmustoivanen/)
197
+
198
  Feel free to contact us for more details 🤗