facebook / w2v-bert-2.0

huggingface.co
Total runs: 140.2K
24-hour runs: 5.7K
7-day runs: 35.0K
30-day runs: -176.6K
Model's Last Updated: January 25 2024
feature-extraction

Introduction of w2v-bert-2.0

Model Details of w2v-bert-2.0

W2v-BERT 2.0 speech encoder

We are open-sourcing our Conformer-based W2v-BERT 2.0 speech encoder as described in Section 3.2.1 of the paper , which is at the core of our Seamless models.

This model was pre-trained on 4.5M hours of unlabeled audio data covering more than 143 languages. It requires finetuning to be used for downstream tasks such as Automatic Speech Recognition (ASR), or Audio Classification.

Model Name #params checkpoint
W2v-BERT 2.0 600M checkpoint

This model and its training are supported by 🤗 Transformers, more on it in the docs .

🤗 Transformers usage

This is a bare checkpoint without any modeling head, and thus requires finetuning to be used for downstream tasks such as ASR. You can however use it to extract audio embeddings from the top layer with this code snippet:

from transformers import AutoFeatureExtractor, Wav2Vec2BertModel
import torch
from datasets import load_dataset

dataset = load_dataset("hf-internal-testing/librispeech_asr_demo", "clean", split="validation")
dataset = dataset.sort("id")
sampling_rate = dataset.features["audio"].sampling_rate

processor = AutoProcessor.from_pretrained("facebook/w2v-bert-2.0")
model = Wav2Vec2BertModel.from_pretrained("facebook/w2v-bert-2.0")

# audio file is decoded on the fly
inputs = processor(dataset[0]["audio"]["array"], sampling_rate=sampling_rate, return_tensors="pt")
with torch.no_grad():
    outputs = model(**inputs)

To learn more about the model use, refer to the following resources:

Seamless Communication usage

This model can be used in Seamless Communication , where it was released.

Here's how to make a forward pass through the voice encoder, after having completed the installation steps :

import torch

from fairseq2.data.audio import AudioDecoder, WaveformToFbankConverter
from fairseq2.memory import MemoryBlock
from fairseq2.nn.padding import get_seqs_and_padding_mask
from pathlib import Path
from seamless_communication.models.conformer_shaw import load_conformer_shaw_model


audio_wav_path, device, dtype = ...
audio_decoder = AudioDecoder(dtype=torch.float32, device=device)
fbank_converter = WaveformToFbankConverter(
    num_mel_bins=80,
    waveform_scale=2**15,
    channel_last=True,
    standardize=True,
    device=device,
    dtype=dtype,
)
collater = Collater(pad_value=1)

model = load_conformer_shaw_model("conformer_shaw", device=device, dtype=dtype)
model.eval()

with Path(audio_wav_path).open("rb") as fb:
    block = MemoryBlock(fb.read())

decoded_audio = audio_decoder(block)
src = collater(fbank_converter(decoded_audio))["fbank"]
seqs, padding_mask = get_seqs_and_padding_mask(src)

with torch.inference_mode():
  seqs, padding_mask = model.encoder_frontend(seqs, padding_mask)
  seqs, padding_mask = model.encoder(seqs, padding_mask)

Runs of facebook w2v-bert-2.0 on huggingface.co

140.2K
Total runs
5.7K
24-hour runs
14.1K
3-day runs
35.0K
7-day runs
-176.6K
30-day runs

More Information About w2v-bert-2.0 huggingface.co Model

More w2v-bert-2.0 license Visit here:

https://choosealicense.com/licenses/mit

w2v-bert-2.0 huggingface.co

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

w2v-bert-2.0 huggingface.co Url

https://huggingface.co/facebook/w2v-bert-2.0

facebook w2v-bert-2.0 online free

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

facebook w2v-bert-2.0 online free url in huggingface.co:

https://huggingface.co/facebook/w2v-bert-2.0

w2v-bert-2.0 install

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

w2v-bert-2.0 install url in huggingface.co:

https://huggingface.co/facebook/w2v-bert-2.0

Url of w2v-bert-2.0

w2v-bert-2.0 huggingface.co Url

Provider of w2v-bert-2.0 huggingface.co

facebook
ORGANIZATIONS

Other API from facebook

huggingface.co

Total runs: 12.4M
Run Growth: 2.8M
Growth Rate: 23.60%
Updated: January 17 2024
huggingface.co

Total runs: 5.8M
Run Growth: 226.1K
Growth Rate: 4.03%
Updated: September 15 2023
huggingface.co

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

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

Total runs: 1.8M
Run Growth: 1.7M
Growth Rate: 98.95%
Updated: November 14 2023
huggingface.co

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

Total runs: 1.1M
Run Growth: 411.3K
Growth Rate: 42.03%
Updated: September 06 2023
huggingface.co

Total runs: 716.6K
Run Growth: 561.4K
Growth Rate: 78.61%
Updated: June 15 2023
huggingface.co

Total runs: 700.1K
Run Growth: -540.8K
Growth Rate: -80.85%
Updated: December 28 2021
huggingface.co

Total runs: 677.5K
Run Growth: 36.6K
Growth Rate: 5.48%
Updated: January 12 2024
huggingface.co

Total runs: 629.5K
Run Growth: 331.3K
Growth Rate: 56.88%
Updated: September 06 2023
huggingface.co

Total runs: 547.8K
Run Growth: 443.3K
Growth Rate: 83.34%
Updated: November 16 2023
huggingface.co

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

Total runs: 407.9K
Run Growth: 54.5K
Growth Rate: 13.04%
Updated: January 20 2022
huggingface.co

Total runs: 308.2K
Run Growth: 88.3K
Growth Rate: 29.37%
Updated: September 15 2023
huggingface.co

Total runs: 273.2K
Run Growth: 138.7K
Growth Rate: 51.74%
Updated: January 12 2024
huggingface.co

Total runs: 252.3K
Run Growth: 103.6K
Growth Rate: 42.16%
Updated: May 22 2023
huggingface.co

Total runs: 215.9K
Run Growth: 107.5K
Growth Rate: 50.36%
Updated: June 03 2022
huggingface.co

Total runs: 196.4K
Run Growth: 93.8K
Growth Rate: 50.14%
Updated: September 06 2023
huggingface.co

Total runs: 170.6K
Run Growth: -82.0K
Growth Rate: -47.99%
Updated: September 05 2023
huggingface.co

Total runs: 129.8K
Run Growth: 24.2K
Growth Rate: 18.69%
Updated: September 15 2023
huggingface.co

Total runs: 76.5K
Run Growth: -55.7K
Growth Rate: -73.16%
Updated: January 12 2024
huggingface.co

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

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

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

Total runs: 45.8K
Run Growth: -31.7K
Growth Rate: -69.32%
Updated: March 13 2024
huggingface.co

Total runs: 45.0K
Run Growth: 13.8K
Growth Rate: 31.25%
Updated: May 22 2023
huggingface.co

Total runs: 44.2K
Run Growth: -60.9K
Growth Rate: -138.48%
Updated: January 25 2023
huggingface.co

Total runs: 39.7K
Run Growth: 13.7K
Growth Rate: 34.51%
Updated: June 05 2023
huggingface.co

Total runs: 26.4K
Run Growth: 4.2K
Growth Rate: 16.68%
Updated: February 12 2023
huggingface.co

Total runs: 24.8K
Run Growth: 17.1K
Growth Rate: 67.19%
Updated: September 02 2023
huggingface.co

Total runs: 24.5K
Run Growth: 8.9K
Growth Rate: 37.13%
Updated: January 25 2023
huggingface.co

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

Total runs: 20.8K
Run Growth: 11.8K
Growth Rate: 58.38%
Updated: July 23 2024
huggingface.co

Total runs: 20.3K
Run Growth: -7.5K
Growth Rate: -36.89%
Updated: September 15 2023
huggingface.co

Total runs: 19.5K
Run Growth: 17.7K
Growth Rate: 91.23%
Updated: January 25 2023