cpierse commited on
Commit
67759a3
1 Parent(s): 8d6ded1

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +122 -0
README.md CHANGED
@@ -0,0 +1,122 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <======================Copy **raw** version from here=========================
2
+ ---
3
+ language: ga-IE
4
+ datasets:
5
+ - common_voice
6
+ metrics:
7
+ - wer
8
+ tags:
9
+ - audio
10
+ - automatic-speech-recognition
11
+ - speech
12
+ - xlsr-fine-tuning-week
13
+ license: apache-2.0
14
+ model-index:
15
+ - name: cpierse/wav2vec2-large-xlsr-53-irish
16
+ results:
17
+ - task:
18
+ name: Speech Recognition
19
+ type: automatic-speech-recognition
20
+ dataset:
21
+ name: Common Voice ga-IE
22
+ type: common_voice
23
+ args: ga-IE
24
+ metrics:
25
+ - name: Test WER
26
+ type: wer
27
+ value: 50.92
28
+ ---
29
+
30
+ # Wav2Vec2-Large-XLSR-53-Irish
31
+
32
+ Fine-tuned [facebook/wav2vec2-large-xlsr-53](https://huggingface.co/facebook/wav2vec2-large-xlsr-53) on Irish using the [Common Voice](https://huggingface.co/datasets/common_voice), ... and ... dataset{s}.
33
+
34
+ When using this model, make sure that your speech input is sampled at 16kHz.
35
+
36
+ ## Usage
37
+
38
+ The model can be used directly (without a language model) as follows:
39
+
40
+ ```python
41
+ import torch
42
+ import torchaudio
43
+ from datasets import load_dataset
44
+ from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor
45
+
46
+ test_dataset = load_dataset("common_voice", "ga-IE", split="test[:2%]") #TODO: replace {lang_id} in your language code here. Make sure the code is one of the *ISO codes* of [this](https://huggingface.co/languages) site.
47
+
48
+ processor = Wav2Vec2Processor.from_pretrained("cpierse/wav2vec2-large-xlsr-53-irish")
49
+ model = Wav2Vec2ForCTC.from_pretrained("cpierse/wav2vec2-large-xlsr-53-irish")
50
+
51
+ resampler = torchaudio.transforms.Resample(48_000, 16_000)
52
+
53
+ # Preprocessing the datasets.
54
+ # We need to read the aduio files as arrays
55
+ def speech_file_to_array_fn(batch):
56
+ speech_array, sampling_rate = torchaudio.load(batch["path"])
57
+ batch["speech"] = resampler(speech_array).squeeze().numpy()
58
+ return batch
59
+
60
+ test_dataset = test_dataset.map(speech_file_to_array_fn)
61
+ inputs = processor(test_dataset["speech"][:2], sampling_rate=16_000, return_tensors="pt", padding=True)
62
+
63
+ with torch.no_grad():
64
+ logits = model(inputs.input_values, attention_mask=inputs.attention_mask).logits
65
+
66
+ predicted_ids = torch.argmax(logits, dim=-1)
67
+
68
+ print("Prediction:", processor.batch_decode(predicted_ids))
69
+ print("Reference:", test_dataset["sentence"][:2])
70
+ ```
71
+
72
+
73
+ ## Evaluation
74
+
75
+ The model can be evaluated as follows on the Irish test data of Common Voice.
76
+
77
+ ```python
78
+ import torch
79
+ import torchaudio
80
+ from datasets import load_dataset, load_metric
81
+ from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor
82
+ import re
83
+
84
+ test_dataset = load_dataset("common_voice", "ga-IE", split="test")
85
+ wer = load_metric("wer")
86
+
87
+ processor = Wav2Vec2Processor.from_pretrained("cpierse/wav2vec2-large-xlsr-53-irish")
88
+ model = Wav2Vec2ForCTC.from_pretrained("cpierse/wav2vec2-large-xlsr-53-irish")
89
+ model.to("cuda")
90
+
91
+ chars_to_ignore_regex = '[\,\?\.\!\-\;\:\"\“]'
92
+ resampler = torchaudio.transforms.Resample(48_000, 16_000)
93
+
94
+ # Preprocessing the datasets.
95
+ # We need to read the aduio files as arrays
96
+ def speech_file_to_array_fn(batch):
97
+ batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"]).lower()
98
+ speech_array, sampling_rate = torchaudio.load(batch["path"])
99
+ batch["speech"] = resampler(speech_array).squeeze().numpy()
100
+ return batch
101
+
102
+ test_dataset = test_dataset.map(speech_file_to_array_fn)
103
+
104
+ # Preprocessing the datasets.
105
+ # We need to read the aduio files as arrays
106
+ def evaluate(batch):
107
+ inputs = processor(batch["speech"], sampling_rate=16_000, return_tensors="pt", padding=True)
108
+
109
+ with torch.no_grad():
110
+ logits = model(inputs.input_values.to("cuda"), attention_mask=inputs.attention_mask.to("cuda")).logits
111
+
112
+ pred_ids = torch.argmax(logits, dim=-1)
113
+ batch["pred_strings"] = processor.batch_decode(pred_ids)
114
+ return batch
115
+
116
+ result = test_dataset.map(evaluate, batched=True, batch_size=8)
117
+
118
+ print("WER: {:2f}".format(100 * wer.compute(predictions=result["pred_strings"], references=result["sentence"])))
119
+ ```
120
+
121
+ **Test Result**: 50.92 %
122
+