microsoft / wavlm-base-sv

huggingface.co
Total runs: 32.6K
24-hour runs: 0
7-day runs: -238
30-day runs: 18.6K
Model's Last Updated: March 25 2022

Introduction of wavlm-base-sv

Model Details of wavlm-base-sv

WavLM-Base for Speaker Verification

Microsoft's WavLM

The model was pretrained on 16kHz sampled speech audio with utterance and speaker contrastive loss. When using the model, make sure that your speech input is also sampled at 16kHz.

The model was pre-trained on 960h of Librispeech .

Paper: WavLM: Large-Scale Self-Supervised Pre-Training for Full Stack Speech Processing

Authors: Sanyuan Chen, Chengyi Wang, Zhengyang Chen, Yu Wu, Shujie Liu, Zhuo Chen, Jinyu Li, Naoyuki Kanda, Takuya Yoshioka, Xiong Xiao, Jian Wu, Long Zhou, Shuo Ren, Yanmin Qian, Yao Qian, Jian Wu, Michael Zeng, Furu Wei

Abstract Self-supervised learning (SSL) achieves great success in speech recognition, while limited exploration has been attempted for other speech processing tasks. As speech signal contains multi-faceted information including speaker identity, paralinguistics, spoken content, etc., learning universal representations for all speech tasks is challenging. In this paper, we propose a new pre-trained model, WavLM, to solve full-stack downstream speech tasks. WavLM is built based on the HuBERT framework, with an emphasis on both spoken content modeling and speaker identity preservation. We first equip the Transformer structure with gated relative position bias to improve its capability on recognition tasks. For better speaker discrimination, we propose an utterance mixing training strategy, where additional overlapped utterances are created unsupervisely and incorporated during model training. Lastly, we scale up the training dataset from 60k hours to 94k hours. WavLM Large achieves state-of-the-art performance on the SUPERB benchmark, and brings significant improvements for various speech processing tasks on their representative benchmarks.

The original model can be found under https://github.com/microsoft/unilm/tree/master/wavlm .

Fine-tuning details

The model is fine-tuned on the VoxCeleb1 dataset using an X-Vector head with an Additive Margin Softmax loss X-Vectors: Robust DNN Embeddings for Speaker Recognition

Usage

Speaker Verification
from transformers import Wav2Vec2FeatureExtractor, WavLMForXVector
from datasets import load_dataset
import torch

dataset = load_dataset("hf-internal-testing/librispeech_asr_demo", "clean", split="validation")
feature_extractor = Wav2Vec2FeatureExtractor.from_pretrained('microsoft/wavlm-base-sv')
model = WavLMForXVector.from_pretrained('microsoft/wavlm-base-sv')

# audio files are decoded on the fly
inputs = feature_extractor(dataset[:2]["audio"]["array"], return_tensors="pt")
embeddings = model(**inputs).embeddings
embeddings = torch.nn.functional.normalize(embeddings, dim=-1).cpu()

# the resulting embeddings can be used for cosine similarity-based retrieval
cosine_sim = torch.nn.CosineSimilarity(dim=-1)
similarity = cosine_sim(embeddings[0], embeddings[1])
threshold = 0.86  # the optimal threshold is dataset-dependent
if similarity < threshold:
    print("Speakers are not the same!")

License

The official license can be found here

design

Runs of microsoft wavlm-base-sv on huggingface.co

32.6K
Total runs
0
24-hour runs
-283
3-day runs
-238
7-day runs
18.6K
30-day runs

More Information About wavlm-base-sv huggingface.co Model

wavlm-base-sv huggingface.co

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

wavlm-base-sv huggingface.co Url

https://huggingface.co/microsoft/wavlm-base-sv

microsoft wavlm-base-sv online free

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

microsoft wavlm-base-sv online free url in huggingface.co:

https://huggingface.co/microsoft/wavlm-base-sv

wavlm-base-sv install

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

wavlm-base-sv install url in huggingface.co:

https://huggingface.co/microsoft/wavlm-base-sv

Url of wavlm-base-sv

wavlm-base-sv huggingface.co Url

Provider of wavlm-base-sv huggingface.co

microsoft
ORGANIZATIONS

Other API from microsoft

huggingface.co

Total runs: 5.5M
Run Growth: -1.1M
Growth Rate: -19.37%
Updated: September 26 2022
huggingface.co

Total runs: 984.0K
Run Growth: 14.8K
Growth Rate: 1.50%
Updated: February 11 2025
huggingface.co

Total runs: 761.9K
Run Growth: -249.3M
Growth Rate: -23529.20%
Updated: February 13 2024
huggingface.co

Total runs: 609.9K
Run Growth: 201.4K
Growth Rate: 33.03%
Updated: February 24 2025
huggingface.co

Total runs: 465.3K
Run Growth: 176.3K
Growth Rate: 37.89%
Updated: April 29 2024
huggingface.co

Total runs: 428.6K
Run Growth: -129.7K
Growth Rate: -30.25%
Updated: April 24 2023
huggingface.co

Total runs: 322.6K
Run Growth: 13.9K
Growth Rate: 4.15%
Updated: February 02 2022
huggingface.co

Total runs: 182.0K
Run Growth: 43.1K
Growth Rate: 23.58%
Updated: November 08 2023
huggingface.co

Total runs: 160.9K
Run Growth: 91.1K
Growth Rate: 56.62%
Updated: December 20 2024
huggingface.co

Total runs: 119.6K
Run Growth: 5.4K
Growth Rate: 4.50%
Updated: April 29 2024
huggingface.co

Total runs: 96.1K
Run Growth: -19.0K
Growth Rate: -19.66%
Updated: April 08 2024
huggingface.co

Total runs: 85.8K
Run Growth: 70.8K
Growth Rate: 82.54%
Updated: November 22 2023
huggingface.co

Total runs: 66.4K
Run Growth: 52.5K
Growth Rate: 78.94%
Updated: February 19 2025
huggingface.co

Total runs: 61.9K
Run Growth: -21.1K
Growth Rate: -33.26%
Updated: December 22 2021
huggingface.co

Total runs: 55.7K
Run Growth: -93.2K
Growth Rate: -167.40%
Updated: February 03 2023
huggingface.co

Total runs: 40.7K
Run Growth: -2.1K
Growth Rate: -5.06%
Updated: January 08 2025
huggingface.co

Total runs: 30.2K
Run Growth: 10.5K
Growth Rate: 34.67%
Updated: February 29 2024
huggingface.co

Total runs: 15.6K
Run Growth: 15.2K
Growth Rate: 96.75%
Updated: December 10 2022
huggingface.co

Total runs: 15.5K
Run Growth: -82.2K
Growth Rate: -530.83%
Updated: September 26 2022
huggingface.co

Total runs: 15.1K
Run Growth: 1.0K
Growth Rate: 6.67%
Updated: November 22 2023