facebook / data2vec-audio-large-960h

huggingface.co
Total runs: 1.3K
24-hour runs: -52
7-day runs: -177
30-day runs: -69
Model's Last Updated: June 06 2022
automatic-speech-recognition

Introduction of data2vec-audio-large-960h

Model Details of data2vec-audio-large-960h

Data2Vec-Audio-Large-960h

Facebook's Data2Vec

The large model 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

Authors: Alexei Baevski, Wei-Ning Hsu, Qiantong Xu, Arun Babu, Jiatao Gu, Michael Auli

Abstract

While the general idea of self-supervised learning is identical across modalities, the actual algorithms and objectives differ widely because they were developed with a single modality in mind. To get us closer to general self-supervised learning, we present data2vec, a framework that uses the same learning method for either speech, NLP or computer vision. The core idea is to predict latent representations of the full input data based on a masked view of the input in a self-distillation setup using a standard Transformer architecture. Instead of predicting modality-specific targets such as words, visual tokens or units of human speech which are local in nature, data2vec predicts contextualized latent representations that contain information from the entire input. Experiments on the major benchmarks of speech recognition, image classification, and natural language understanding demonstrate a new state of the art or competitive performance to predominant approaches.

The original model can be found under https://github.com/pytorch/fairseq/tree/main/examples/data2vec .

Pre-Training method

model image

For more information, please take a look at the official paper .

Usage

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

 from transformers import Wav2Vec2Processor, Data2VecAudioForCTC
 from datasets import load_dataset
 import torch
 
 # load model and processor
 processor = Wav2Vec2Processor.from_pretrained("facebook/data2vec-audio-large-960h")
 model = Data2VecAudioForCTC.from_pretrained("facebook/data2vec-audio-large-960h")
     
 # 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  # Batch size 1
 
 # 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/data2vec-audio-large-960h on LibriSpeech's "clean" and "other" test data.

 from transformers import Wav2Vec2Processor, Data2VecAudioForCTC
 from datasets import load_dataset
 import torch
 from jiwer import wer
 
 # load model and processor
 processor = Wav2Vec2Processor.from_pretrained("facebook/data2vec-audio-large-960h").to("cuda")
 model = Data2VecAudioForCTC.from_pretrained("facebook/data2vec-audio-large-960h")
 

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

def map_to_pred(batch):
    input_values = processor(batch["audio"]["array"], return_tensors="pt", padding="longest").input_values
    with torch.no_grad():
        logits = model(input_values.to("cuda")).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, batched=True, batch_size=1, remove_columns=["audio"])

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

Result (WER) :

"clean" "other"
1.89 4.07

Runs of facebook data2vec-audio-large-960h on huggingface.co

1.3K
Total runs
-52
24-hour runs
-72
3-day runs
-177
7-day runs
-69
30-day runs

More Information About data2vec-audio-large-960h huggingface.co Model

More data2vec-audio-large-960h license Visit here:

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

data2vec-audio-large-960h huggingface.co

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

data2vec-audio-large-960h huggingface.co Url

https://huggingface.co/facebook/data2vec-audio-large-960h

facebook data2vec-audio-large-960h online free

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

facebook data2vec-audio-large-960h online free url in huggingface.co:

https://huggingface.co/facebook/data2vec-audio-large-960h

data2vec-audio-large-960h install

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

data2vec-audio-large-960h install url in huggingface.co:

https://huggingface.co/facebook/data2vec-audio-large-960h

Url of data2vec-audio-large-960h

data2vec-audio-large-960h huggingface.co Url

Provider of data2vec-audio-large-960h huggingface.co

facebook
ORGANIZATIONS

Other API from facebook

huggingface.co

Total runs: 13.0M
Run Growth: 3.9M
Growth Rate: 29.62%
Updated: January 17 2024
huggingface.co

Total runs: 5.9M
Run Growth: 779.5K
Growth Rate: 13.10%
Updated: September 15 2023
huggingface.co

Total runs: 4.0M
Run Growth: 3.5M
Growth Rate: 86.91%
Updated: March 23 2023
huggingface.co

Total runs: 2.6M
Run Growth: 188.5K
Growth Rate: 7.20%
Updated: November 17 2022
huggingface.co

Total runs: 1.9M
Run Growth: 1.9M
Growth Rate: 99.04%
Updated: November 14 2023
huggingface.co

Total runs: 1.3M
Run Growth: -1.9K
Growth Rate: -0.15%
Updated: February 29 2024
huggingface.co

Total runs: 1.0M
Run Growth: 409.4K
Growth Rate: 40.15%
Updated: September 06 2023
huggingface.co

Total runs: 753.2K
Run Growth: -458.5K
Growth Rate: -60.87%
Updated: December 28 2021
huggingface.co

Total runs: 715.1K
Run Growth: 548.9K
Growth Rate: 76.76%
Updated: June 15 2023
huggingface.co

Total runs: 692.6K
Run Growth: 92.6K
Growth Rate: 13.37%
Updated: January 12 2024
huggingface.co

Total runs: 584.7K
Run Growth: 288.0K
Growth Rate: 49.26%
Updated: September 06 2023
huggingface.co

Total runs: 563.3K
Run Growth: 476.8K
Growth Rate: 84.64%
Updated: November 16 2023
huggingface.co

Total runs: 484.9K
Run Growth: 49.0K
Growth Rate: 10.10%
Updated: September 01 2023
huggingface.co

Total runs: 406.6K
Run Growth: 48.2K
Growth Rate: 11.85%
Updated: January 20 2022
huggingface.co

Total runs: 314.6K
Run Growth: 109.5K
Growth Rate: 34.80%
Updated: September 15 2023
huggingface.co

Total runs: 285.2K
Run Growth: 156.7K
Growth Rate: 54.95%
Updated: January 12 2024
huggingface.co

Total runs: 254.5K
Run Growth: 110.5K
Growth Rate: 43.40%
Updated: May 22 2023
huggingface.co

Total runs: 231.2K
Run Growth: 126.2K
Growth Rate: 54.58%
Updated: June 03 2022
huggingface.co

Total runs: 204.9K
Run Growth: 117.4K
Growth Rate: 57.32%
Updated: September 06 2023
huggingface.co

Total runs: 170.1K
Run Growth: -85.7K
Growth Rate: -50.36%
Updated: September 05 2023
huggingface.co

Total runs: 143.7K
Run Growth: -158.0K
Growth Rate: -109.99%
Updated: January 25 2024
huggingface.co

Total runs: 132.2K
Run Growth: 30.4K
Growth Rate: 23.02%
Updated: September 15 2023
huggingface.co

Total runs: 78.7K
Run Growth: -27.7K
Growth Rate: -35.22%
Updated: January 12 2024
huggingface.co

Total runs: 61.6K
Run Growth: 29.2K
Growth Rate: 47.36%
Updated: September 15 2023
huggingface.co

Total runs: 57.9K
Run Growth: -2.3K
Growth Rate: -44.21%
Updated: October 16 2024
huggingface.co

Total runs: 52.0K
Run Growth: -5.2M
Growth Rate: -9999.73%
Updated: June 13 2023
huggingface.co

Total runs: 46.1K
Run Growth: 4.2K
Growth Rate: 9.12%
Updated: March 13 2024
huggingface.co

Total runs: 46.0K
Run Growth: 24.5K
Growth Rate: 53.32%
Updated: May 22 2023
huggingface.co

Total runs: 45.4K
Run Growth: -57.2K
Growth Rate: -126.08%
Updated: January 25 2023
huggingface.co

Total runs: 39.8K
Run Growth: 14.4K
Growth Rate: 36.17%
Updated: June 05 2023
huggingface.co

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

Total runs: 25.1K
Run Growth: 9.3K
Growth Rate: 37.09%
Updated: January 25 2023
huggingface.co

Total runs: 23.9K
Run Growth: 15.7K
Growth Rate: 63.20%
Updated: September 02 2023
huggingface.co

Total runs: 23.7K
Run Growth: -1.6K
Growth Rate: -6.65%
Updated: September 06 2023
huggingface.co

Total runs: 22.0K
Run Growth: 12.4K
Growth Rate: 59.64%
Updated: July 23 2024
huggingface.co

Total runs: 20.7K
Run Growth: -4.3K
Growth Rate: -20.92%
Updated: September 15 2023