🚀 Wav2vec 2.0 (24層) をベースとした年齢と性別認識モデル
このモデルは、生の音声信号を入力として受け取り、年齢(約0...1の範囲で、0...100歳に相当)と性別(子供、女性、男性の確率)の予測を出力します。さらに、最後のトランスフォーマー層のプールされた状態も提供します。このモデルは、Wav2Vec2-Large-Robust を aGender、Mozilla Common Voice、Timit、および Voxceleb 2 でファインチューニングすることで作成されました。このバージョンのモデルでは、24層のトランスフォーマー層すべてを学習させています。モデルの ONNX エクスポートは doi:10.5281/zenodo.7761387 から入手可能です。詳細については、関連する 論文 と チュートリアル を参照してください。
📦 インストール
このセクションでは、原READMEに具体的なインストール手順が記載されていないため、省略します。
💻 使用例
基本的な使用法
import numpy as np
import torch
import torch.nn as nn
from transformers import Wav2Vec2Processor
from transformers.models.wav2vec2.modeling_wav2vec2 import (
Wav2Vec2Model,
Wav2Vec2PreTrainedModel,
)
class ModelHead(nn.Module):
r"""Classification head."""
def __init__(self, config, num_labels):
super().__init__()
self.dense = nn.Linear(config.hidden_size, config.hidden_size)
self.dropout = nn.Dropout(config.final_dropout)
self.out_proj = nn.Linear(config.hidden_size, num_labels)
def forward(self, features, **kwargs):
x = features
x = self.dropout(x)
x = self.dense(x)
x = torch.tanh(x)
x = self.dropout(x)
x = self.out_proj(x)
return x
class AgeGenderModel(Wav2Vec2PreTrainedModel):
r"""Speech emotion classifier."""
def __init__(self, config):
super().__init__(config)
self.config = config
self.wav2vec2 = Wav2Vec2Model(config)
self.age = ModelHead(config, 1)
self.gender = ModelHead(config, 3)
self.init_weights()
def forward(
self,
input_values,
):
outputs = self.wav2vec2(input_values)
hidden_states = outputs[0]
hidden_states = torch.mean(hidden_states, dim=1)
logits_age = self.age(hidden_states)
logits_gender = torch.softmax(self.gender(hidden_states), dim=1)
return hidden_states, logits_age, logits_gender
device = 'cpu'
model_name = 'audeering/wav2vec2-large-robust-24-ft-age-gender'
processor = Wav2Vec2Processor.from_pretrained(model_name)
model = AgeGenderModel.from_pretrained(model_name)
sampling_rate = 16000
signal = np.zeros((1, sampling_rate), dtype=np.float32)
def process_func(
x: np.ndarray,
sampling_rate: int,
embeddings: bool = False,
) -> np.ndarray:
r"""Predict age and gender or extract embeddings from raw audio signal."""
y = processor(x, sampling_rate=sampling_rate)
y = y['input_values'][0]
y = y.reshape(1, -1)
y = torch.from_numpy(y).to(device)
with torch.no_grad():
y = model(y)
if embeddings:
y = y[0]
else:
y = torch.hstack([y[1], y[2]])
y = y.detach().cpu().numpy()
return y
print(process_func(signal, sampling_rate))
print(process_func(signal, sampling_rate, embeddings=True))
📄 ライセンス
このモデルは cc-by-nc-sa-4.0
ライセンスの下で提供されています。
📚 ドキュメント
データセット
プロパティ |
詳細 |
データセット |
agender、mozillacommonvoice、timit、voxceleb2 |
推論
タグ
- speech
- audio
- wav2vec2
- audio-classification
- age-recognition
- gender-recognition
ベースモデル
- facebook/wav2vec2-large-robust