facebook / wav2vec2-conformer-rope-large-960h-ft

huggingface.co
Total runs: 17.6K
24-hour runs: 0
7-day runs: -4.1K
30-day runs: -19.6K
Model's Last Updated: March 21 2023
automatic-speech-recognition

Introduction of wav2vec2-conformer-rope-large-960h-ft

Model Details of wav2vec2-conformer-rope-large-960h-ft

Wav2Vec2-Conformer-Large-960h with Rotary Position Embeddings

Wav2Vec2 Conformer with rotary position embeddings, pretrained and fine-tuned on 960 hours of Librispeech on 16kHz sampled speech audio. When using the model make sure that your speech input is also sampled at 16Khz.

Paper : fairseq S2T: Fast Speech-to-Text Modeling with fairseq

Authors : Changhan Wang, Yun Tang, Xutai Ma, Anne Wu, Sravya Popuri, Dmytro Okhonko, Juan Pino

The results of Wav2Vec2-Conformer can be found in Table 3 and Table 4 of the official paper .

The original model can be found under https://github.com/pytorch/fairseq/tree/master/examples/wav2vec#wav2vec-20 .

Usage

To transcribe audio files the model can be used as a standalone acoustic model as follows:

 from transformers import Wav2Vec2Processor, Wav2Vec2ConformerForCTC
 from datasets import load_dataset
 import torch
 
 # load model and processor
 processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-conformer-rope-large-960h-ft")
 model = Wav2Vec2ConformerForCTC.from_pretrained("facebook/wav2vec2-conformer-rope-large-960h-ft")
     
 # load dummy dataset and read soundfiles
 ds = load_dataset("patrickvonplaten/librispeech_asr_dummy", "clean", split="validation")
 
 # tokenize
 input_values = processor(ds[0]["audio"]["array"], return_tensors="pt", padding="longest").input_values
 
 # retrieve logits
 logits = model(input_values).logits
 
 # take argmax and decode
 predicted_ids = torch.argmax(logits, dim=-1)
 transcription = processor.batch_decode(predicted_ids)
Evaluation

This code snippet shows how to evaluate facebook/wav2vec2-conformer-rope-large-960h-ft on LibriSpeech's "clean" and "other" test data.

from datasets import load_dataset
from transformers import Wav2Vec2ConformerForCTC, Wav2Vec2Processor
import torch
from jiwer import wer


librispeech_eval = load_dataset("librispeech_asr", "clean", split="test")

model = Wav2Vec2ConformerForCTC.from_pretrained("facebook/wav2vec2-conformer-rope-large-960h-ft").to("cuda")
processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-conformer-rope-large-960h-ft")

def map_to_pred(batch):
    inputs = processor(batch["audio"]["array"], return_tensors="pt", padding="longest")
    input_values = inputs.input_values.to("cuda")
    attention_mask = inputs.attention_mask.to("cuda")
    
    with torch.no_grad():
        logits = model(input_values, attention_mask=attention_mask).logits

    predicted_ids = torch.argmax(logits, dim=-1)
    transcription = processor.batch_decode(predicted_ids)
    batch["transcription"] = transcription
    return batch

result = librispeech_eval.map(map_to_pred, remove_columns=["audio"])

print("WER:", wer(result["text"], result["transcription"]))

Result (WER) :

"clean" "other"
1.96 3.98

Runs of facebook wav2vec2-conformer-rope-large-960h-ft on huggingface.co

17.6K
Total runs
0
24-hour runs
-830
3-day runs
-4.1K
7-day runs
-19.6K
30-day runs

More Information About wav2vec2-conformer-rope-large-960h-ft huggingface.co Model

More wav2vec2-conformer-rope-large-960h-ft license Visit here:

https://choosealicense.com/licenses/apache-2.0

wav2vec2-conformer-rope-large-960h-ft huggingface.co

wav2vec2-conformer-rope-large-960h-ft huggingface.co is an AI model on huggingface.co that provides wav2vec2-conformer-rope-large-960h-ft's model effect (), which can be used instantly with this facebook wav2vec2-conformer-rope-large-960h-ft model. huggingface.co supports a free trial of the wav2vec2-conformer-rope-large-960h-ft model, and also provides paid use of the wav2vec2-conformer-rope-large-960h-ft. Support call wav2vec2-conformer-rope-large-960h-ft model through api, including Node.js, Python, http.

wav2vec2-conformer-rope-large-960h-ft huggingface.co Url

https://huggingface.co/facebook/wav2vec2-conformer-rope-large-960h-ft

facebook wav2vec2-conformer-rope-large-960h-ft online free

wav2vec2-conformer-rope-large-960h-ft huggingface.co is an online trial and call api platform, which integrates wav2vec2-conformer-rope-large-960h-ft's modeling effects, including api services, and provides a free online trial of wav2vec2-conformer-rope-large-960h-ft, you can try wav2vec2-conformer-rope-large-960h-ft online for free by clicking the link below.

facebook wav2vec2-conformer-rope-large-960h-ft online free url in huggingface.co:

https://huggingface.co/facebook/wav2vec2-conformer-rope-large-960h-ft

wav2vec2-conformer-rope-large-960h-ft install

wav2vec2-conformer-rope-large-960h-ft is an open source model from GitHub that offers a free installation service, and any user can find wav2vec2-conformer-rope-large-960h-ft on GitHub to install. At the same time, huggingface.co provides the effect of wav2vec2-conformer-rope-large-960h-ft install, users can directly use wav2vec2-conformer-rope-large-960h-ft installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

wav2vec2-conformer-rope-large-960h-ft install url in huggingface.co:

https://huggingface.co/facebook/wav2vec2-conformer-rope-large-960h-ft

Url of wav2vec2-conformer-rope-large-960h-ft

wav2vec2-conformer-rope-large-960h-ft huggingface.co Url

Provider of wav2vec2-conformer-rope-large-960h-ft huggingface.co

facebook
ORGANIZATIONS

Other API from facebook

huggingface.co

Total runs: 8.2M
Run Growth: 4.4M
Growth Rate: 49.40%
Updated: January 17 2024
huggingface.co

Total runs: 6.3M
Run Growth: -970.9K
Growth Rate: -16.12%
Updated: September 15 2023
huggingface.co

Total runs: 3.1M
Run Growth: -357.0K
Growth Rate: -11.88%
Updated: November 17 2022
huggingface.co

Total runs: 2.0M
Run Growth: 1.9M
Growth Rate: 99.94%
Updated: June 13 2023
huggingface.co

Total runs: 1.3M
Run Growth: 12.4K
Growth Rate: 0.94%
Updated: February 29 2024
huggingface.co

Total runs: 1.1M
Run Growth: -1.1M
Growth Rate: -103.67%
Updated: March 23 2023
huggingface.co

Total runs: 806.6K
Run Growth: 139.7K
Growth Rate: 17.08%
Updated: January 12 2024
huggingface.co

Total runs: 618.6K
Run Growth: -145.5K
Growth Rate: -22.93%
Updated: January 20 2022
huggingface.co

Total runs: 591.9K
Run Growth: 62.7K
Growth Rate: 10.25%
Updated: September 06 2023
huggingface.co

Total runs: 307.9K
Run Growth: 155.7K
Growth Rate: 51.95%
Updated: January 25 2024
huggingface.co

Total runs: 278.5K
Run Growth: 50.5K
Growth Rate: 18.58%
Updated: September 15 2023
huggingface.co

Total runs: 265.5K
Run Growth: 104.6K
Growth Rate: 40.73%
Updated: September 05 2023
huggingface.co

Total runs: 249.7K
Run Growth: -18.4M
Growth Rate: -7339.74%
Updated: September 15 2023
huggingface.co

Total runs: 247.2K
Run Growth: -27.5K
Growth Rate: -11.16%
Updated: May 22 2023
huggingface.co

Total runs: 233.3K
Run Growth: -1.2M
Growth Rate: -500.46%
Updated: September 06 2023
huggingface.co

Total runs: 229.2K
Run Growth: -248.3K
Growth Rate: -109.15%
Updated: January 12 2024
huggingface.co

Total runs: 225.4K
Run Growth: -146.3K
Growth Rate: -62.61%
Updated: January 12 2024
huggingface.co

Total runs: 184.2K
Run Growth: 166.7K
Growth Rate: 90.52%
Updated: November 20 2023
huggingface.co

Total runs: 160.7K
Run Growth: 17.7K
Growth Rate: 10.78%
Updated: January 25 2023
huggingface.co

Total runs: 146.1K
Run Growth: 21.3K
Growth Rate: 14.74%
Updated: June 03 2022
huggingface.co

Total runs: 136.1K
Run Growth: -507.0K
Growth Rate: -395.61%
Updated: June 15 2023
huggingface.co

Total runs: 113.1K
Run Growth: 75.8K
Growth Rate: 67.15%
Updated: March 13 2024
huggingface.co

Total runs: 103.1K
Run Growth: -1.6K
Growth Rate: -1.54%
Updated: November 16 2023
huggingface.co

Total runs: 92.6K
Run Growth: 23.7K
Growth Rate: 25.29%
Updated: May 22 2023
huggingface.co

Total runs: 79.3K
Run Growth: -87.1K
Growth Rate: -110.86%
Updated: September 06 2023
huggingface.co

Total runs: 60.0K
Run Growth: 38.4K
Growth Rate: 99.21%
Updated: September 01 2023
huggingface.co

Total runs: 43.6K
Run Growth: 27.1K
Growth Rate: 62.12%
Updated: January 25 2023
huggingface.co

Total runs: 40.6K
Run Growth: 10.7K
Growth Rate: 26.47%
Updated: September 15 2023
huggingface.co

Total runs: 30.7K
Run Growth: 9.3K
Growth Rate: 30.48%
Updated: November 20 2023
huggingface.co

Total runs: 30.7K
Run Growth: 10.3K
Growth Rate: 33.29%
Updated: January 25 2023
huggingface.co

Total runs: 29.1K
Run Growth: -158.9K
Growth Rate: -447.40%
Updated: June 14 2023
huggingface.co

Total runs: 28.3K
Run Growth: -226.9K
Growth Rate: -815.63%
Updated: June 05 2023
huggingface.co

Total runs: 27.0K
Run Growth: 9.1K
Growth Rate: 33.44%
Updated: March 17 2023
huggingface.co

Total runs: 26.9K
Run Growth: 9.4K
Growth Rate: 34.31%
Updated: February 12 2023
huggingface.co

Total runs: 26.5K
Run Growth: -340
Growth Rate: -1.31%
Updated: November 14 2023
huggingface.co

Total runs: 25.5K
Run Growth: -9.8K
Growth Rate: -45.96%
Updated: September 06 2023
huggingface.co

Total runs: 23.4K
Run Growth: -4.8K
Growth Rate: -20.44%
Updated: September 15 2023
huggingface.co

Total runs: 21.1K
Run Growth: 12.5K
Growth Rate: 47.75%
Updated: February 29 2024
huggingface.co

Total runs: 19.8K
Run Growth: 17.3K
Growth Rate: 86.94%
Updated: January 18 2023