Bp500 Base10k Voxpopuli
B
Bp500 Base10k Voxpopuli
由lgris開發
這是一個針對巴西葡萄牙語優化的Wav2vec 2.0語音識別模型,基於多個巴西葡萄牙語數據集微調
下載量 23
發布時間 : 3/2/2022
模型概述
該模型是基於Wav2vec 2.0架構的自動語音識別(ASR)系統,專門針對巴西葡萄牙語優化,在多個巴西葡萄牙語數據集上表現出色
模型特點
多數據集訓練
融合了CETUC、Common Voice、LaPS BM等多個巴西葡萄牙語數據集,總計超過450小時訓練數據
語言模型支持
可結合4-gram語言模型進一步提升識別準確率
廣泛測試驗證
在7個不同測試集上進行了全面評估,平均WER為18.1%
模型能力
巴西葡萄牙語語音識別
語音轉文本
支持16kHz採樣率音頻處理
使用案例
語音轉錄
巴西葡萄牙語語音轉錄
將巴西葡萄牙語語音轉換為文本
在CETUC測試集上WER為12.0%,結合語言模型後可降至7.5%
語音助手
巴西葡萄牙語語音指令識別
用於巴西葡萄牙語語音助手或智能家居設備的語音指令識別
🚀 bp500-base10k_voxpopuli:使用巴西葡萄牙語(BP)數據集的Wav2vec 2.0模型
這是一個針對巴西葡萄牙語微調後的Wav2vec模型的演示,使用了以下數據集:
- CETUC:包含約145小時的巴西葡萄牙語語音,分佈在50名男性和50名女性說話者中,每人朗讀約1000個從CETEN - Folha語料庫中選出的語音平衡句子。
- Common Voice 7.0:這是Mozilla基金會發起的一個項目,旨在創建多種語言的開放數據集。在這個項目中,志願者通過官方網站捐贈並驗證語音數據。
- Lapsbm:“Falabrasil - UFPA”是Fala Brasil團隊用於對巴西葡萄牙語自動語音識別(ASR)系統進行基準測試的數據集。包含35名說話者(10名女性),每人朗讀20個獨特的句子,總計700條巴西葡萄牙語語句。音頻以22.05 kHz的採樣率錄製,未進行環境控制。
- 多語言Librispeech(MLS):一個包含多種語言的大規模數據集。MLS基於LibriVox等公共領域的有聲讀物錄音。該數據集總共包含6000小時多種語言的轉錄數據。本工作中使用的葡萄牙語數據集(主要是巴西變體)約有284小時的語音,來自62名說話者朗讀的55本有聲讀物。
- 多語言TEDx:一個包含8種源語言的TEDx演講音頻記錄集合。葡萄牙語數據集(主要是巴西葡萄牙語變體)包含164小時的轉錄語音。
- Sidney(SID):包含72名說話者(20名女性)錄製的5777條語句,說話者年齡在17至59歲之間,數據集包含說話者的出生地、年齡、性別、教育程度和職業等信息。
- VoxForge:這是一個旨在構建聲學模型開放數據集的項目。該語料庫包含約100名說話者和4130條巴西葡萄牙語語句,採樣率從16kHz到44.1kHz不等。
這些數據集被合併構建了一個更大的巴西葡萄牙語數據集。除了Common Voice的開發/測試集分別用於驗證/測試外,所有數據都用於訓練。我們還為所有收集的數據集製作了測試集。
數據集 | 訓練集 | 驗證集 | 測試集 |
---|---|---|---|
CETUC | 94.0小時 | -- | 5.4小時 |
Common Voice | 37.8小時 | 8.9小時 | 9.5小時 |
LaPS BM | 0.8小時 | -- | 0.1小時 |
MLS | 161.0小時 | -- | 3.7小時 |
多語言TEDx(葡萄牙語) | 148.9小時 | -- | 1.8小時 |
SID | 7.2小時 | -- | 1.0小時 |
VoxForge | 3.9小時 | -- | 0.1小時 |
總計 | 453.6小時 | 8.9小時 | 21.6小時 |
原始模型使用fairseq進行微調。本筆記本使用的是原始模型的轉換版本。原始fairseq模型的鏈接可在此處獲取。
摘要
CETUC | 通用語音(CV) | LaPS | MLS | SID | TEDx | VF | 平均值 | |
---|---|---|---|---|---|---|---|---|
bp_500 - base10k_voxpopuli(以下演示) | 0.120 | 0.249 | 0.039 | 0.227 | 0.169 | 0.349 | 0.116 | 0.181 |
bp_500 - base10k_voxpopuli + 4 - gram(以下演示) | 0.074 | 0.174 | 0.032 | 0.182 | 0.181 | 0.349 | 0.111 | 0.157 |
轉錄示例
原文 | 轉錄結果 |
---|---|
suco de uva e água misturam bem | suco deúva e água misturão bem |
culpa do dinheiro | cupa do dinheiro |
eu amo shooters call of duty é o meu favorito | eu omo shúters cofedete é meu favorito |
você pode explicar por que isso acontece | você pode explicar por que isso ontece |
no futuro você desejará ter começado a investir hoje | no futuro você desejará a ter começado a investir hoje |
🚀 快速開始
依賴安裝
%%capture
!pip install torch==1.8.2+cu111 torchvision==0.9.2+cu111 torchaudio===0.8.2 -f https://download.pytorch.org/whl/lts/1.8/torch_lts.html
!pip install datasets
!pip install jiwer
!pip install transformers
!pip install soundfile
!pip install pyctcdecode
!pip install https://github.com/kpu/kenlm/archive/master.zip
import jiwer
import torchaudio
from datasets import load_dataset, load_metric
from transformers import (
Wav2Vec2ForCTC,
Wav2Vec2Processor,
)
from pyctcdecode import build_ctcdecoder
import torch
import re
import sys
輔助函數定義
chars_to_ignore_regex = '[\,\?\.\!\;\:\"]' # noqa: W605
def map_to_array(batch):
speech, _ = torchaudio.load(batch["path"])
batch["speech"] = speech.squeeze(0).numpy()
batch["sampling_rate"] = 16_000
batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"]).lower().replace("’", "'")
batch["target"] = batch["sentence"]
return batch
def calc_metrics(truths, hypos):
wers = []
mers = []
wils = []
for t, h in zip(truths, hypos):
try:
wers.append(jiwer.wer(t, h))
mers.append(jiwer.mer(t, h))
wils.append(jiwer.wil(t, h))
except: # 空字符串情況
pass
wer = sum(wers)/len(wers)
mer = sum(mers)/len(mers)
wil = sum(wils)/len(wils)
return wer, mer, wil
def load_data(dataset):
data_files = {'test': f'{dataset}/test.csv'}
dataset = load_dataset('csv', data_files=data_files)["test"]
return dataset.map(map_to_array)
模型定義
class STT:
def __init__(self,
model_name,
device='cuda' if torch.cuda.is_available() else 'cpu',
lm=None):
self.model_name = model_name
self.model = Wav2Vec2ForCTC.from_pretrained(model_name).to(device)
self.processor = Wav2Vec2Processor.from_pretrained(model_name)
self.vocab_dict = self.processor.tokenizer.get_vocab()
self.sorted_dict = {
k.lower(): v for k, v in sorted(self.vocab_dict.items(),
key=lambda item: item[1])
}
self.device = device
self.lm = lm
if self.lm:
self.lm_decoder = build_ctcdecoder(
list(self.sorted_dict.keys()),
self.lm
)
def batch_predict(self, batch):
features = self.processor(batch["speech"],
sampling_rate=batch["sampling_rate"][0],
padding=True,
return_tensors="pt")
input_values = features.input_values.to(self.device)
with torch.no_grad():
logits = self.model(input_values).logits
if self.lm:
logits = logits.cpu().numpy()
batch["predicted"] = []
for sample_logits in logits:
batch["predicted"].append(self.lm_decoder.decode(sample_logits))
else:
pred_ids = torch.argmax(logits, dim=-1)
batch["predicted"] = self.processor.batch_decode(pred_ids)
return batch
下載數據集
%%capture
!gdown --id 1HFECzIizf-bmkQRLiQD0QVqcGtOG5upI
!mkdir bp_dataset
!unzip bp_dataset -d bp_dataset/
%cd bp_dataset
測試
MODEL_NAME = "lgris/bp500-base10k_voxpopuli"
stt = STT(MODEL_NAME)
CETUC數據集測試
ds = load_data('cetuc_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("CETUC WER:", wer)
Common Voice數據集測試
ds = load_data('commonvoice_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("CV WER:", wer)
LaPS數據集測試
ds = load_data('lapsbm_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("Laps WER:", wer)
MLS數據集測試
ds = load_data('mls_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("MLS WER:", wer)
SID數據集測試
ds = load_data('sid_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("Sid WER:", wer)
TEDx數據集測試
ds = load_data('tedx_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("TEDx WER:", wer)
VoxForge數據集測試
ds = load_data('voxforge_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("VoxForge WER:", wer)
使用語言模型(LM)進行測試
!rm -rf ~/.cache
!gdown --id 1GJIKseP5ZkTbllQVgOL98R4yYAcIySFP # 使用維基百科訓練的語言模型
stt = STT(MODEL_NAME, lm='pt-BR-wiki.word.4-gram.arpa')
# !gdown --id 1dLFldy7eguPtyJj5OAlI4Emnx0BpFywg # 使用巴西葡萄牙語訓練的語言模型
# stt = STT(MODEL_NAME, lm='pt-BR.word.4-gram.arpa')
CETUC數據集使用LM測試
ds = load_data('cetuc_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("CETUC WER:", wer)
Common Voice數據集使用LM測試
ds = load_data('commonvoice_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("CV WER:", wer)
LaPS數據集使用LM測試
ds = load_data('lapsbm_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("Laps WER:", wer)
MLS數據集使用LM測試
ds = load_data('mls_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("MLS WER:", wer)
SID數據集使用LM測試
ds = load_data('sid_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("Sid WER:", wer)
TEDx數據集使用LM測試
ds = load_data('tedx_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("TEDx WER:", wer)
VoxForge數據集使用LM測試
ds = load_data('voxforge_dataset')
result = ds.map(stt.batch_predict, batched=True, batch_size=8)
wer, mer, wil = calc_metrics(result["sentence"], result["predicted"])
print("VoxForge WER:", wer)
📄 許可證
本項目採用Apache 2.0許可證。
Voice Activity Detection
MIT
基於pyannote.audio 2.1版本的語音活動檢測模型,用於識別音頻中的語音活動時間段
語音識別
V
pyannote
7.7M
181
Wav2vec2 Large Xlsr 53 Portuguese
Apache-2.0
這是一個針對葡萄牙語語音識別任務微調的XLSR-53大模型,基於Common Voice 6.1數據集訓練,支持葡萄牙語語音轉文本。
語音識別 其他
W
jonatasgrosman
4.9M
32
Whisper Large V3
Apache-2.0
Whisper是由OpenAI提出的先進自動語音識別(ASR)和語音翻譯模型,在超過500萬小時的標註數據上訓練,具有強大的跨數據集和跨領域泛化能力。
語音識別 支持多種語言
W
openai
4.6M
4,321
Whisper Large V3 Turbo
MIT
Whisper是由OpenAI開發的最先進的自動語音識別(ASR)和語音翻譯模型,經過超過500萬小時標記數據的訓練,在零樣本設置下展現出強大的泛化能力。
語音識別
Transformers 支持多種語言

W
openai
4.0M
2,317
Wav2vec2 Large Xlsr 53 Russian
Apache-2.0
基於facebook/wav2vec2-large-xlsr-53模型微調的俄語語音識別模型,支持16kHz採樣率的語音輸入
語音識別 其他
W
jonatasgrosman
3.9M
54
Wav2vec2 Large Xlsr 53 Chinese Zh Cn
Apache-2.0
基於facebook/wav2vec2-large-xlsr-53模型微調的中文語音識別模型,支持16kHz採樣率的語音輸入。
語音識別 中文
W
jonatasgrosman
3.8M
110
Wav2vec2 Large Xlsr 53 Dutch
Apache-2.0
基於facebook/wav2vec2-large-xlsr-53微調的荷蘭語語音識別模型,在Common Voice和CSS10數據集上訓練,支持16kHz音頻輸入。
語音識別 其他
W
jonatasgrosman
3.0M
12
Wav2vec2 Large Xlsr 53 Japanese
Apache-2.0
基於facebook/wav2vec2-large-xlsr-53模型微調的日語語音識別模型,支持16kHz採樣率的語音輸入
語音識別 日語
W
jonatasgrosman
2.9M
33
Mms 300m 1130 Forced Aligner
基於Hugging Face預訓練模型的文本與音頻強制對齊工具,支持多種語言,內存效率高
語音識別
Transformers 支持多種語言

M
MahmoudAshraf
2.5M
50
Wav2vec2 Large Xlsr 53 Arabic
Apache-2.0
基於facebook/wav2vec2-large-xlsr-53微調的阿拉伯語語音識別模型,在Common Voice和阿拉伯語語音語料庫上訓練
語音識別 阿拉伯語
W
jonatasgrosman
2.3M
37
精選推薦AI模型
Llama 3 Typhoon V1.5x 8b Instruct
專為泰語設計的80億參數指令模型,性能媲美GPT-3.5-turbo,優化了應用場景、檢索增強生成、受限生成和推理任務
大型語言模型
Transformers 支持多種語言

L
scb10x
3,269
16
Cadet Tiny
Openrail
Cadet-Tiny是一個基於SODA數據集訓練的超小型對話模型,專為邊緣設備推理設計,體積僅為Cosmo-3B模型的2%左右。
對話系統
Transformers 英語

C
ToddGoldfarb
2,691
6
Roberta Base Chinese Extractive Qa
基於RoBERTa架構的中文抽取式問答模型,適用於從給定文本中提取答案的任務。
問答系統 中文
R
uer
2,694
98