-
Notifications
You must be signed in to change notification settings - Fork 1.9k
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
update tacotron2 voice cloning in aishell3 with new tacotron2, test=t…
…ts (#1419)
- Loading branch information
1 parent
a3ff7c0
commit 348a1a3
Showing
50 changed files
with
515 additions
and
7,526 deletions.
There are no files selected for viewing
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -1,94 +1,119 @@ | ||
|
||
# Tacotron2 + AISHELL-3 Voice Cloning | ||
This example contains code used to train a [Tacotron2 ](https://arxiv.org/abs/1712.05884) model with [AISHELL-3](http://www.aishelltech.com/aishell_3). The trained model can be used in Voice Cloning Task, We refer to the model structure of [Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech Synthesis](https://arxiv.org/pdf/1806.04558.pdf). The general steps are as follows: | ||
1. Speaker Encoder: We use Speaker Verification to train a speaker encoder. Datasets used in this task are different from those used in Tacotron2 because the transcriptions are not needed, we use more datasets, refer to [ge2e](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/other/ge2e). | ||
2. Synthesizer: We use the trained speaker encoder to generate speaker embedding for each sentence in AISHELL-3. This embedding is an extra input of Tacotron2 which will be concated with encoder outputs. | ||
3. Vocoder: We use WaveFlow as the neural Vocoder, refer to [waveflow](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/ljspeech/voc0). | ||
This example contains code used to train a [Tacotron2](https://arxiv.org/abs/1712.05884) model with [AISHELL-3](http://www.aishelltech.com/aishell_3). The trained model can be used in Voice Cloning Task, We refer to the model structure of [Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech Synthesis](https://arxiv.org/pdf/1806.04558.pdf). The general steps are as follows: | ||
1. Speaker Encoder: We use Speaker Verification to train a speaker encoder. Datasets used in this task are different from those used in `Tacotron2` because the transcriptions are not needed, we use more datasets, refer to [ge2e](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/other/ge2e). | ||
2. Synthesizer: We use the trained speaker encoder to generate speaker embedding for each sentence in AISHELL-3. This embedding is an extra input of `Tacotron2` which will be concated with encoder outputs. | ||
3. Vocoder: We use [Parallel Wave GAN](http://arxiv.org/abs/1910.11480) as the neural Vocoder, refer to [voc1](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/aishell3/voc1). | ||
|
||
## Dataset | ||
### Download and Extract | ||
Download AISHELL-3. | ||
```bash | ||
wget https://www.openslr.org/resources/93/data_aishell3.tgz | ||
``` | ||
Extract AISHELL-3. | ||
```bash | ||
mkdir data_aishell3 | ||
tar zxvf data_aishell3.tgz -C data_aishell3 | ||
``` | ||
### Get MFA Result and Extract | ||
We use [MFA2.x](https://github.com/MontrealCorpusTools/Montreal-Forced-Aligner) to get durations for aishell3_fastspeech2. | ||
You can download from here [aishell3_alignment_tone.tar.gz](https://paddlespeech.bj.bcebos.com/MFA/AISHELL-3/with_tone/aishell3_alignment_tone.tar.gz), or train your MFA model reference to [mfa example](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/other/mfa) (use MFA1.x now) of our repo. | ||
|
||
## Pretrained GE2E Model | ||
We use pretrained GE2E model to generate speaker embedding for each sentence. | ||
|
||
Download pretrained GE2E model from here [ge2e_ckpt_0.3.zip](https://bj.bcebos.com/paddlespeech/Parakeet/released_models/ge2e/ge2e_ckpt_0.3.zip), and `unzip` it. | ||
|
||
## Get Started | ||
Assume the path to the dataset is `~/datasets/data_aishell3`. | ||
Assume the path to the MFA result of AISHELL-3 is `./alignment`. | ||
Assume the path to the pretrained ge2e model is `ge2e_ckpt_path=./ge2e_ckpt_0.3/step-3000000` | ||
Assume the path to the MFA result of AISHELL-3 is `./aishell3_alignment_tone`. | ||
Assume the path to the pretrained ge2e model is `./ge2e_ckpt_0.3`. | ||
|
||
Run the command below to | ||
1. **source path**. | ||
2. preprocess the dataset. | ||
3. train the model. | ||
4. start a voice cloning inference. | ||
4. synthesize waveform from `metadata.jsonl`. | ||
5. start a voice cloning inference. | ||
```bash | ||
./run.sh | ||
``` | ||
You can choose a range of stages you want to run, or set `stage` equal to `stop-stage` to use only one stage, for example, run the following command will only preprocess the dataset. | ||
You can choose a range of stages you want to run, or set `stage` equal to `stop-stage` to use only one stage, for example, running the following command will only preprocess the dataset. | ||
```bash | ||
./run.sh --stage 0 --stop-stage 0 | ||
``` | ||
### Data Preprocessing | ||
```bash | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/preprocess.sh ${input} ${preprocess_path} ${alignment} ${ge2e_ckpt_path} | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/preprocess.sh ${conf_path} ${ge2e_ckpt_path} | ||
``` | ||
#### Generate Speaker Embedding | ||
Use pretrained GE2E (speaker encoder) to generate speaker embedding for each sentence in AISHELL-3, which has the same file structure with wav files and the format is `.npy`. | ||
|
||
```bash | ||
if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then | ||
python3 ${BIN_DIR}/../ge2e/inference.py \ | ||
--input=${input} \ | ||
--output=${preprocess_path}/embed \ | ||
--ngpu=1 \ | ||
--checkpoint_path=${ge2e_ckpt_path} | ||
fi | ||
When it is done. A `dump` folder is created in the current directory. The structure of the dump folder is listed below. | ||
```text | ||
dump | ||
├── dev | ||
│ ├── norm | ||
│ └── raw | ||
├── embed | ||
│ ├── SSB0005 | ||
│ ├── SSB0009 | ||
│ ├── ... | ||
│ └── ... | ||
├── phone_id_map.txt | ||
├── speaker_id_map.txt | ||
├── test | ||
│ ├── norm | ||
│ └── raw | ||
└── train | ||
├── norm | ||
├── raw | ||
└── speech_stats.npy | ||
``` | ||
The `embed` contains the generated speaker embedding for each sentence in AISHELL-3, which has the same file structure with wav files and the format is `.npy`. | ||
|
||
The computing time of utterance embedding can be x hours. | ||
#### Process Wav | ||
There is silence in the edge of AISHELL-3's wavs, and the audio amplitude is very small, so, we need to remove the silence and normalize the audio. You can the silence remove method based on volume or energy, but the effect is not very good, We use [MFA](https://github.com/MontrealCorpusTools/Montreal-Forced-Aligner) to get the alignment of text and speech, then utilize the alignment results to remove the silence. | ||
|
||
We use Montreal Force Aligner 1.0. The label in aishell3 includes pinyin,so the lexicon we provided to MFA is pinyin rather than Chinese characters. And the prosody marks(`$` and `%`) need to be removed. You should preprocess the dataset into the format which MFA needs, the texts have the same name with wavs and have the suffix `.lab`. | ||
|
||
We use [lexicon.txt](https://github.com/PaddlePaddle/PaddleSpeech/blob/develop/paddlespeech/t2s/exps/voice_cloning/tacotron2_ge2e/lexicon.txt) as the lexicon. | ||
The dataset is split into 3 parts, namely `train`, `dev`, and` test`, each of which contains a `norm` and `raw` subfolder. The raw folder contains speech features of each utterance, while the norm folder contains normalized ones. The statistics used to normalize features are computed from the training set, which is located in `dump/train/*_stats.npy`. | ||
|
||
You can download the alignment results from here [alignment_aishell3.tar.gz](https://paddlespeech.bj.bcebos.com/MFA/AISHELL-3/alignment_aishell3.tar.gz), or train your MFA model reference to [mfa example](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/other/mfa) (use MFA1.x now) of our repo. | ||
Also, there is a `metadata.jsonl` in each subfolder. It is a table-like file that contains phones, text_lengths, speech_lengths, durations, the path of speech features, speaker, and id of each utterance. | ||
|
||
The preprocessing step is very similar to that one of [tts0](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/csmsc/tts0), but there is one more `ge2e/inference` step here. | ||
|
||
### Model Training | ||
`./local/train.sh` calls `${BIN_DIR}/train.py`. | ||
```bash | ||
if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then | ||
echo "Process wav ..." | ||
python3 ${BIN_DIR}/process_wav.py \ | ||
--input=${input}/wav \ | ||
--output=${preprocess_path}/normalized_wav \ | ||
--alignment=${alignment} | ||
fi | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/train.sh ${conf_path} ${train_output_path} | ||
``` | ||
The training step is very similar to that one of [tts0](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/csmsc/tts0), but we should set `--voice-cloning=True` when calling `${BIN_DIR}/train.py`. | ||
|
||
#### Preprocess Transcription | ||
We revert the transcription into `phones` and `tones`. It is worth noting that our processing here is different from that used for MFA, we separated the tones. This is a processing method, of course, you can only segment initials and vowels. | ||
|
||
### Synthesizing | ||
We use [parallel wavegan](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/aishell3/voc1) as the neural vocoder. | ||
Download pretrained parallel wavegan model from [pwg_aishell3_ckpt_0.5.zip](https://paddlespeech.bj.bcebos.com/Parakeet/released_models/pwgan/pwg_aishell3_ckpt_0.5.zip) and unzip it. | ||
```bash | ||
if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then | ||
python3 ${BIN_DIR}/preprocess_transcription.py \ | ||
--input=${input} \ | ||
--output=${preprocess_path} | ||
fi | ||
unzip pwg_aishell3_ckpt_0.5.zip | ||
``` | ||
The default input is `~/datasets/data_aishell3/train`,which contains `label_train-set.txt`, the processed results are `metadata.yaml` and `metadata.pickle`. the former is a text format for easy viewing, and the latter is a binary format for direct reading. | ||
#### Extract Mel | ||
```python | ||
if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then | ||
python3 ${BIN_DIR}/extract_mel.py \ | ||
--input=${preprocess_path}/normalized_wav \ | ||
--output=${preprocess_path}/mel | ||
fi | ||
Parallel WaveGAN checkpoint contains files listed below. | ||
```text | ||
pwg_aishell3_ckpt_0.5 | ||
├── default.yaml # default config used to train parallel wavegan | ||
├── feats_stats.npy # statistics used to normalize spectrogram when training parallel wavegan | ||
└── snapshot_iter_1000000.pdz # generator parameters of parallel wavegan | ||
``` | ||
|
||
### Model Training | ||
`./local/synthesize.sh` calls `${BIN_DIR}/../synthesize.py`, which can synthesize waveform from `metadata.jsonl`. | ||
```bash | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/train.sh ${preprocess_path} ${train_output_path} | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/synthesize.sh ${conf_path} ${train_output_path} ${ckpt_name} | ||
``` | ||
The synthesizing step is very similar to that one of [tts0](https://github.com/PaddlePaddle/PaddleSpeech/tree/develop/examples/csmsc/tts0), but we should set `--voice-cloning=True` when calling `${BIN_DIR}/../synthesize.py`. | ||
|
||
Our model removes stop token prediction in Tacotron2, because of the problem of the extremely unbalanced proportion of positive and negative samples of stop token prediction, and it's very sensitive to the clip of audio silence. We use the last symbol from the highest point of attention to the encoder side as the termination condition. | ||
|
||
In addition, to accelerate the convergence of the model, we add `guided attention loss` to induce the alignment between encoder and decoder to show diagonal lines faster. | ||
### Voice Cloning | ||
Assume there are some reference audios in `./ref_audio` | ||
```text | ||
ref_audio | ||
├── 001238.wav | ||
├── LJ015-0254.wav | ||
└── audio_self_test.mp3 | ||
``` | ||
`./local/voice_cloning.sh` calls `${BIN_DIR}/../voice_cloning.py` | ||
|
||
```bash | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/voice_cloning.sh ${ge2e_params_path} ${tacotron2_params_path} ${waveflow_params_path} ${vc_input} ${vc_output} | ||
CUDA_VISIBLE_DEVICES=${gpus} ./local/voice_cloning.sh ${conf_path} ${train_output_path} ${ckpt_name} ${ge2e_params_path} ${ref_audio_dir} | ||
``` | ||
## Pretrained Model | ||
[tacotron2_aishell3_ckpt_0.3.zip](https://paddlespeech.bj.bcebos.com/Parakeet/released_models/tacotron2/tacotron2_aishell3_ckpt_0.3.zip). |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,86 @@ | ||
########################################################### | ||
# FEATURE EXTRACTION SETTING # | ||
########################################################### | ||
|
||
fs: 24000 # sr | ||
n_fft: 2048 # FFT size (samples). | ||
n_shift: 300 # Hop size (samples). 12.5ms | ||
win_length: 1200 # Window length (samples). 50ms | ||
# If set to null, it will be the same as fft_size. | ||
window: "hann" # Window function. | ||
|
||
# Only used for feats_type != raw | ||
|
||
fmin: 80 # Minimum frequency of Mel basis. | ||
fmax: 7600 # Maximum frequency of Mel basis. | ||
n_mels: 80 # The number of mel basis. | ||
|
||
########################################################### | ||
# DATA SETTING # | ||
########################################################### | ||
batch_size: 64 | ||
num_workers: 2 | ||
|
||
########################################################### | ||
# MODEL SETTING # | ||
########################################################### | ||
model: # keyword arguments for the selected model | ||
embed_dim: 512 # char or phn embedding dimension | ||
elayers: 1 # number of blstm layers in encoder | ||
eunits: 512 # number of blstm units | ||
econv_layers: 3 # number of convolutional layers in encoder | ||
econv_chans: 512 # number of channels in convolutional layer | ||
econv_filts: 5 # filter size of convolutional layer | ||
atype: location # attention function type | ||
adim: 512 # attention dimension | ||
aconv_chans: 32 # number of channels in convolutional layer of attention | ||
aconv_filts: 15 # filter size of convolutional layer of attention | ||
cumulate_att_w: True # whether to cumulate attention weight | ||
dlayers: 2 # number of lstm layers in decoder | ||
dunits: 1024 # number of lstm units in decoder | ||
prenet_layers: 2 # number of layers in prenet | ||
prenet_units: 256 # number of units in prenet | ||
postnet_layers: 5 # number of layers in postnet | ||
postnet_chans: 512 # number of channels in postnet | ||
postnet_filts: 5 # filter size of postnet layer | ||
output_activation: null # activation function for the final output | ||
use_batch_norm: True # whether to use batch normalization in encoder | ||
use_concate: True # whether to concatenate encoder embedding with decoder outputs | ||
use_residual: False # whether to use residual connection in encoder | ||
dropout_rate: 0.5 # dropout rate | ||
zoneout_rate: 0.1 # zoneout rate | ||
reduction_factor: 1 # reduction factor | ||
spk_embed_dim: 256 # speaker embedding dimension | ||
spk_embed_integration_type: concat # how to integrate speaker embedding | ||
|
||
|
||
########################################################### | ||
# UPDATER SETTING # | ||
########################################################### | ||
updater: | ||
use_masking: True # whether to apply masking for padded part in loss calculation | ||
bce_pos_weight: 5.0 # weight of positive sample in binary cross entropy calculation | ||
use_guided_attn_loss: True # whether to use guided attention loss | ||
guided_attn_loss_sigma: 0.4 # sigma of guided attention loss | ||
guided_attn_loss_lambda: 1.0 # strength of guided attention loss | ||
|
||
|
||
########################################################## | ||
# OPTIMIZER SETTING # | ||
########################################################## | ||
optimizer: | ||
optim: adam # optimizer type | ||
learning_rate: 1.0e-03 # learning rate | ||
epsilon: 1.0e-06 # epsilon | ||
weight_decay: 0.0 # weight decay coefficient | ||
|
||
########################################################### | ||
# TRAINING SETTING # | ||
########################################################### | ||
max_epoch: 200 | ||
num_snapshots: 5 | ||
|
||
########################################################### | ||
# OTHER SETTING # | ||
########################################################### | ||
seed: 42 |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -1,36 +1,72 @@ | ||
#!/bin/bash | ||
|
||
stage=0 | ||
stage=3 | ||
stop_stage=100 | ||
|
||
input=$1 | ||
preprocess_path=$2 | ||
alignment=$3 | ||
ge2e_ckpt_path=$4 | ||
config_path=$1 | ||
ge2e_ckpt_path=$2 | ||
|
||
# gen speaker embedding | ||
if [ ${stage} -le 0 ] && [ ${stop_stage} -ge 0 ]; then | ||
python3 ${MAIN_ROOT}/paddlespeech/vector/exps/ge2e/inference.py \ | ||
--input=${input}/wav \ | ||
--output=${preprocess_path}/embed \ | ||
--input=~/datasets/data_aishell3/train/wav/ \ | ||
--output=dump/embed \ | ||
--checkpoint_path=${ge2e_ckpt_path} | ||
fi | ||
|
||
# copy from tts3/preprocess | ||
if [ ${stage} -le 1 ] && [ ${stop_stage} -ge 1 ]; then | ||
echo "Process wav ..." | ||
python3 ${BIN_DIR}/process_wav.py \ | ||
--input=${input}/wav \ | ||
--output=${preprocess_path}/normalized_wav \ | ||
--alignment=${alignment} | ||
# get durations from MFA's result | ||
echo "Generate durations.txt from MFA results ..." | ||
python3 ${MAIN_ROOT}/utils/gen_duration_from_textgrid.py \ | ||
--inputdir=./aishell3_alignment_tone \ | ||
--output durations.txt \ | ||
--config=${config_path} | ||
fi | ||
|
||
if [ ${stage} -le 2 ] && [ ${stop_stage} -ge 2 ]; then | ||
python3 ${BIN_DIR}/preprocess_transcription.py \ | ||
--input=${input} \ | ||
--output=${preprocess_path} | ||
# extract features | ||
echo "Extract features ..." | ||
python3 ${BIN_DIR}/preprocess.py \ | ||
--dataset=aishell3 \ | ||
--rootdir=~/datasets/data_aishell3/ \ | ||
--dumpdir=dump \ | ||
--dur-file=durations.txt \ | ||
--config=${config_path} \ | ||
--num-cpu=20 \ | ||
--cut-sil=True \ | ||
--spk_emb_dir=dump/embed | ||
fi | ||
|
||
if [ ${stage} -le 3 ] && [ ${stop_stage} -ge 3 ]; then | ||
python3 ${BIN_DIR}/extract_mel.py \ | ||
--input=${preprocess_path}/normalized_wav \ | ||
--output=${preprocess_path}/mel | ||
# get features' stats(mean and std) | ||
echo "Get features' stats ..." | ||
python3 ${MAIN_ROOT}/utils/compute_statistics.py \ | ||
--metadata=dump/train/raw/metadata.jsonl \ | ||
--field-name="speech" | ||
fi | ||
|
||
if [ ${stage} -le 4 ] && [ ${stop_stage} -ge 4 ]; then | ||
# normalize and covert phone to id, dev and test should use train's stats | ||
echo "Normalize ..." | ||
python3 ${BIN_DIR}/normalize.py \ | ||
--metadata=dump/train/raw/metadata.jsonl \ | ||
--dumpdir=dump/train/norm \ | ||
--speech-stats=dump/train/speech_stats.npy \ | ||
--phones-dict=dump/phone_id_map.txt \ | ||
--speaker-dict=dump/speaker_id_map.txt | ||
|
||
python3 ${BIN_DIR}/normalize.py \ | ||
--metadata=dump/dev/raw/metadata.jsonl \ | ||
--dumpdir=dump/dev/norm \ | ||
--speech-stats=dump/train/speech_stats.npy \ | ||
--phones-dict=dump/phone_id_map.txt \ | ||
--speaker-dict=dump/speaker_id_map.txt | ||
|
||
python3 ${BIN_DIR}/normalize.py \ | ||
--metadata=dump/test/raw/metadata.jsonl \ | ||
--dumpdir=dump/test/norm \ | ||
--speech-stats=dump/train/speech_stats.npy \ | ||
--phones-dict=dump/phone_id_map.txt \ | ||
--speaker-dict=dump/speaker_id_map.txt | ||
fi |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,22 @@ | ||
#!/bin/bash | ||
|
||
config_path=$1 | ||
train_output_path=$2 | ||
ckpt_name=$3 | ||
|
||
FLAGS_allocator_strategy=naive_best_fit \ | ||
FLAGS_fraction_of_gpu_memory_to_use=0.01 \ | ||
python3 ${BIN_DIR}/../synthesize.py \ | ||
--am=tacotron2_aishell3 \ | ||
--am_config=${config_path} \ | ||
--am_ckpt=${train_output_path}/checkpoints/${ckpt_name} \ | ||
--am_stat=dump/train/speech_stats.npy \ | ||
--voc=pwgan_aishell3 \ | ||
--voc_config=pwg_aishell3_ckpt_0.5/default.yaml \ | ||
--voc_ckpt=pwg_aishell3_ckpt_0.5/snapshot_iter_1000000.pdz \ | ||
--voc_stat=pwg_aishell3_ckpt_0.5/feats_stats.npy \ | ||
--test_metadata=dump/test/norm/metadata.jsonl \ | ||
--output_dir=${train_output_path}/test \ | ||
--phones_dict=dump/phone_id_map.txt \ | ||
--speaker_dict=dump/speaker_id_map.txt \ | ||
--voice-cloning=True |
Oops, something went wrong.