聞其聲而知雅意,基于Pytorch(mps/cpu/cuda)的人工智能AI本地語音識(shí)別庫Whisper(Python3.10)

前文回溯,之前一篇:含辭未吐,聲若幽蘭,史上最強(qiáng)免費(fèi)人工智能AI語音合成TTS服務(wù)微軟Azure(Python3.10接入),利用AI技術(shù)將文本合成語音,現(xiàn)在反過來,利用開源庫Whisper再將語音轉(zhuǎn)回文字,所謂聞其聲而知雅意。

Whisper 是一個(gè)開源的語音識(shí)別庫,它是由Facebook AI Research (FAIR)開發(fā)的,支持多種語言的語音識(shí)別。它使用了雙向循環(huán)神經(jīng)網(wǎng)絡(luò)(bi-directional RNNs)來識(shí)別語音并將其轉(zhuǎn)換為文本。 Whisper支持自定義模型,可以用于實(shí)現(xiàn)在線語音識(shí)別,并且具有高級(jí)的語音識(shí)別功能,支持語音識(shí)別中的語音活動(dòng)檢測(cè)和語音識(shí)別中的語音轉(zhuǎn)文本。它是使用PyTorch進(jìn)行開發(fā),可以使用Python API來調(diào)用語音識(shí)別,并且提供了一系列的預(yù)訓(xùn)練模型和數(shù)據(jù)集來幫助用戶開始使用。

PyTorch基于MPS的安裝

我們知道PyTorch一直以來在M芯片的MacOs系統(tǒng)中都不支持cuda模式,而現(xiàn)在,新的MPS后端擴(kuò)展了PyTorch生態(tài)系統(tǒng)并提供了現(xiàn)有的腳本功能來在 GPU上設(shè)置和運(yùn)行操作。

截止本文發(fā)布,PyTorch與Python 3.11不兼容,所以我們將使用最新的 3.10.x 版本。

確保安裝Python3.10最新版:

?  transformers git:(stable) python3  
Python 3.10.9 (main, Dec 15 2022, 17:11:09) [Clang 14.0.0 (clang-1400.0.29.202)] on darwin  
Type "help", "copyright", "credits" or "license" for more information.  
>>>

隨后運(yùn)行安裝命令:

pip3 install --pre torch torchvision torchaudio --extra-index-url https://download.pytorch.org/whl/nightly/cpu

安裝成功后,在終端里驗(yàn)證PyTorch-MPS的狀態(tài):

?  transformers git:(stable) python3  
Python 3.10.9 (main, Dec 15 2022, 17:11:09) [Clang 14.0.0 (clang-1400.0.29.202)] on darwin  
Type "help", "copyright", "credits" or "license" for more information.  
>>> import torch  
>>> torch.backends.mps.is_available()  
True  
>>>

返回True即可。

PyTorch MPS (Multi-Process Service)性能測(cè)試

PyTorch MPS (Multi-Process Service)是 PyTorch 中的一種分布式訓(xùn)練方式。它是基于Apple的MPS(Metal Performance Shaders) 框架開發(fā)的。MPS可以在多核的蘋果設(shè)備上加速tensor的運(yùn)算。MPS使用了多個(gè)設(shè)備上的多個(gè)核心來加速模型的訓(xùn)練。它可以將模型的計(jì)算過程分配到多個(gè)核心上,并且可以在多個(gè)設(shè)備上進(jìn)行訓(xùn)練,從而提高訓(xùn)練速度。

PyTorch MPS 可以在 Apple 的設(shè)備(如 iPhone 和 iPad)上加速模型訓(xùn)練,也可以在 Mac 上使用??梢允褂肕PS來加速卷積神經(jīng)網(wǎng)絡(luò)(CNNs)、循環(huán)神經(jīng)網(wǎng)絡(luò)(RNNs)和其他類型的神經(jīng)網(wǎng)絡(luò)。使用MPS可以在不改變模型結(jié)構(gòu)的情況下,通過分布式訓(xùn)練來加速模型的訓(xùn)練速度。

現(xiàn)在我們來做一個(gè)簡(jiǎn)單測(cè)試:

import torch  
import timeit  
import random  
  
x = torch.ones(50000000,device='cpu')  
print(timeit.timeit(lambda:x*random.randint(0,100),number=1))

首先創(chuàng)建一個(gè)大小為 50000000 的全為1的張量 x,并將其設(shè)置為在cpu上運(yùn)算。最后使用 timeit.timeit 函數(shù)來測(cè)量在 CPU 上執(zhí)行 x 乘以一個(gè)隨機(jī)整數(shù)的時(shí)間。 number=1表示只運(yùn)行一次。這段代碼的作用是在cpu上測(cè)量運(yùn)算一個(gè)張量的時(shí)間。

運(yùn)行結(jié)果:

?  nlp_chinese /opt/homebrew/bin/python3.10 "/Users/liuyue/wodfan/work/nlp_chinese/mps_test.py"  
0.020812375005334616

在10核M1pro的cpu芯片加持下,運(yùn)行時(shí)間為:0.020812375005334616

隨后換成MPS模式:

import torch  
import timeit  
import random  
  
x = torch.ones(50000000,device='mps')  
print(timeit.timeit(lambda:x*random.randint(0,100),number=1))

程序返回:

?  nlp_chinese /opt/homebrew/bin/python3.10 "/Users/liuyue/wodfan/work/nlp_chinese/mps_test.py"  
0.003058041911572218

16核的GPU僅用時(shí):0.003058041911572218

也就是說MPS的運(yùn)行速度比CPU提升了7倍左右。

Whisper語音識(shí)別

安裝好了PyTorch,我們安裝Whisper:

pip install --upgrade --no-deps --force-reinstall git+https://github.com/openai/whisper.git

安裝好之后進(jìn)行驗(yàn)證:

?  transformers git:(stable) whisper     
usage: whisper [-h] [--model {tiny.en,tiny,base.en,base,small.en,small,medium.en,medium,large}] [--model_dir MODEL_DIR]  
               [--device DEVICE] [--output_dir OUTPUT_DIR] [--verbose VERBOSE] [--task {transcribe,translate}]  
               [--language {af,am,ar,as,az,ba,be,bg,bn,bo,br,bs,ca,cs,cy,da,de,el,en,es,et,eu,fa,fi,fo,fr,gl,gu,ha,haw,hi,hr,ht,hu,hy,id,is,it,iw,ja,jw,ka,kk,km,kn,ko,la,lb,ln,lo,lt,lv,mg,mi,mk,ml,mn,mr,ms,mt,my,ne,nl,nn,no,oc,pa,pl,ps,pt,ro,ru,sa,sd,si,sk,sl,sn,so,sq,sr,su,sv,sw,ta,te,tg,th,tk,tl,tr,tt,uk,ur,uz,vi,yi,yo,zh,Afrikaans,Albanian,Amharic,Arabic,Armenian,Assamese,Azerbaijani,Bashkir,Basque,Belarusian,Bengali,Bosnian,Breton,Bulgarian,Burmese,Castilian,Catalan,Chinese,Croatian,Czech,Danish,Dutch,English,Estonian,Faroese,Finnish,Flemish,French,Galician,Georgian,German,Greek,Gujarati,Haitian,Haitian Creole,Hausa,Hawaiian,Hebrew,Hindi,Hungarian,Icelandic,Indonesian,Italian,Japanese,Javanese,Kannada,Kazakh,Khmer,Korean,Lao,Latin,Latvian,Letzeburgesch,Lingala,Lithuanian,Luxembourgish,Macedonian,Malagasy,Malay,Malayalam,Maltese,Maori,Marathi,Moldavian,Moldovan,Mongolian,Myanmar,Nepali,Norwegian,Nynorsk,Occitan,Panjabi,Pashto,Persian,Polish,Portuguese,Punjabi,Pushto,Romanian,Russian,Sanskrit,Serbian,Shona,Sindhi,Sinhala,Sinhalese,Slovak,Slovenian,Somali,Spanish,Sundanese,Swahili,Swedish,Tagalog,Tajik,Tamil,Tatar,Telugu,Thai,Tibetan,Turkish,Turkmen,Ukrainian,Urdu,Uzbek,Valencian,Vietnamese,Welsh,Yiddish,Yoruba}]

隨后安裝ffmpeg:

brew install ffmpeg

然后編寫語音識(shí)別代碼:

import whisper  
  
model = whisper.load_model("small")  
  
# load audio and pad/trim it to fit 30 seconds  
audio = whisper.load_audio("/Users/liuyue/wodfan/work/mydemo/b1.wav")  
audio = whisper.pad_or_trim(audio)  
  
# make log-Mel spectrogram and move to the same device as the model  
  
mel = whisper.log_mel_spectrogram(audio).to("cpu")  
  
# detect the spoken language  
_, probs = model.detect_language(mel)  
print(f"Detected language: {max(probs, key=probs.get)}")  
  
# decode the audio  
options = whisper.DecodingOptions(fp16 = False)  
result = whisper.decode(model, mel, options)  
  
# print the recognized text  
print(result.text)

這里導(dǎo)入音頻后,通過whisper.log_mel_spectrogram方法自動(dòng)檢測(cè)語言,然后輸出文本:

?  minGPT git:(master) ? /opt/homebrew/bin/python3.10 "/Users/liuyue/wodfan/work/minGPT/wisper_test.py"  
Detected language: zh  
Hello大家好,這里是劉悅的技術(shù)博客,眾神殿內(nèi),高朋滿座,圣有如云,VMware,Virtual Box,UPM等虛擬機(jī)大神群英匯翠,指見位于C位王座上的Parallels唱網(wǎng)抬頭,緩緩群尋,屁膩群小,目光到處,無人敢抬頭對(duì)視。是的,如果說虛擬機(jī)領(lǐng)域有一位王者,非Parallels不能領(lǐng)袖群倫,畢竟大廠背書,功能滿格,美中不足之處就是價(jià)格略高,

這里使用的small模型,也可以用更大的模型比如:medium、large。模型越大,效果越好。

如果想使用MPS的方式,需要改寫一下Whisper源碼,將load_model方法的參數(shù)改為mps即可:

def load_model(name: str, device: Optional[Union[str, torch.device]] = None, download_root: str = None, in_memory: bool = False) -> Whisper:  
    """  
    Load a Whisper ASR model  
  
    Parameters  
    ----------  
    name : str  
        one of the official model names listed by `whisper.available_models()`, or  
        path to a model checkpoint containing the model dimensions and the model state_dict.  
    device : Union[str, torch.device]  
        the PyTorch device to put the model into  
    download_root: str  
        path to download the model files; by default, it uses "~/.cache/whisper"  
    in_memory: bool  
        whether to preload the model weights into host memory  
  
    Returns  
    -------  
    model : Whisper  
        The Whisper ASR model instance  
    """  
  
    if device is None:  
        device = "cuda" if torch.cuda.is_available() else "mps"

代碼在第18行。

隨后運(yùn)行腳本也改成mps:

import whisper  
  
model = whisper.load_model("medium")  
  
# load audio and pad/trim it to fit 30 seconds  
audio = whisper.load_audio("/Users/liuyue/wodfan/work/mydemo/b1.wav")  
audio = whisper.pad_or_trim(audio)  
  
# make log-Mel spectrogram and move to the same device as the model  
  
mel = whisper.log_mel_spectrogram(audio).to("mps")  
  
# detect the spoken language  
_, probs = model.detect_language(mel)  
print(f"Detected language: {max(probs, key=probs.get)}")  
  
# decode the audio  
options = whisper.DecodingOptions(fp16 = False)  
result = whisper.decode(model, mel, options)  
  
# print the recognized text  
print(result.text)

這回切換為medium模型,程序返回:

?  minGPT git:(master) ? /opt/homebrew/bin/python3.10 "/Users/liuyue/wodfan/work/minGPT/wisper_test.py"  
100%|█████████████████████████████████████| 1.42G/1.42G [02:34<00:00, 9.90MiB/s]  
Detected language: zh  
Hello 大家好,這里是劉悅的技術(shù)博客,眾神殿內(nèi),高朋滿座,圣有如云,VMware,Virtualbox,UTM等虛擬機(jī)大神群音惠翠,只見位于C位王座上的Parallels唱往抬頭,緩緩輕尋,屁逆群小,目光到處,無人敢抬頭對(duì)視。

效率和精準(zhǔn)度提升了不少,但medium模型的體積也更大,達(dá)到了1.42g。

結(jié)語

Whisper作為一個(gè)開源的語音識(shí)別庫,支持多種語言,并且使用雙向循環(huán)神經(jīng)網(wǎng)絡(luò)(bi-directional RNNs)來識(shí)別語音并將其轉(zhuǎn)換為文本,支持自定義模型,可以用于實(shí)現(xiàn)在線語音識(shí)別,并且具有高級(jí)的語音識(shí)別功能,支持語音識(shí)別中的語音活動(dòng)檢測(cè)和語音識(shí)別中的語音轉(zhuǎn)文本,在PyTorch的MPS加成下,更是猛虎添翼,絕世好庫,值得擁有。

?著作權(quán)歸作者所有,轉(zhuǎn)載或內(nèi)容合作請(qǐng)聯(lián)系作者
平臺(tái)聲明:文章內(nèi)容(如有圖片或視頻亦包括在內(nèi))由作者上傳并發(fā)布,文章內(nèi)容僅代表作者本人觀點(diǎn),簡(jiǎn)書系信息發(fā)布平臺(tái),僅提供信息存儲(chǔ)服務(wù)。

推薦閱讀更多精彩內(nèi)容