In our recent paper we propose Flowtron: an autoregressive flow-based generative network for text-to-speech synthesis with control over speech variation and style transfer. Flowtron borrows insights from Autoregressive Flows and revamps Tacotron in order to provide high-quality and expressive mel-spectrogram synthesis. Flowtron is optimized by maximizing the likelihood of the training data, which makes training simple and stable. Flowtron learns an invertible mapping of data to a latent space that can be manipulated to control many aspects of speech synthesis (pitch, tone, speech rate, cadence, accent).
Our mean opinion scores (MOS) show that Flowtron matches state-of-the-art TTS models in terms of speech quality. In addition, we provide results on control of speech variation, interpolation between samples and style transfer between speakers seen and unseen during training.
Visit our website for audio samples.
- NVIDIA GPU + CUDA cuDNN
- Clone this repo:
git clone https://github.com/NVIDIA/flowtron.git
- CD into this repo:
cd flowtron
- Initialize submodule:
git submodule update --init; cd tacotron2; git submodule update --init
- Install PyTorch
- Install python requirements or build docker image
- Install python requirements:
pip install -r requirements.txt
- Install python requirements:
- Update the filelists inside the filelists folder to point to your data
- Train using the attention prior and the alignment loss (CTC loss) until attention looks good
python train.py -c config.json -p train_config.output_directory=outdir data_config.use_attn_prior=1
- Resume training without the attention prior once the alignments have stabilized
python train.py -c config.json -p train_config.output_directory=outdir data_config.use_attn_prior=0
train_config.checkpoint_path=model_niters
- (OPTIONAL) If the gate layer is overfitting once done training, train just the gate layer from scratch
python train.py -c config.json -p train_config.output_directory=outdir
train_config.checkpoint_path=model_niters data_config.use_attn_prior=0
train_config.ignore_layers='["flows.1.ar_step.gate_layer.linear_layer.weight","flows.1.ar_step.gate_layer.linear_layer.bias"]'
train_config.finetune_layers='["flows.1.ar_step.gate_layer.linear_layer.weight","flows.1.ar_step.gate_layer.linear_layer.bias"]'
- (OPTIONAL)
tensorboard --logdir=outdir/logdir
Training using a pre-trained model can lead to faster convergence. Dataset dependent layers can be ignored
- Download our published Flowtron LJS, Flowtron LibriTTS or Flowtron LibriTTS2K model
python train.py -c config.json -p train_config.ignore_layers=["speaker_embedding.weight"] train_config.checkpoint_path="models/flowtron_ljs.pt"
- Download our published Flowtron LibriTTS2K model
python train.py -c config.json -p train_config.finetune_layers=["speaker_embedding.weight"] train_config.checkpoint_path="models/flowtron_libritts2k.pt"
Multi-GPU (distributed) and Automatic Mixed Precision Training (AMP)
python -m torch.distributed.launch --use_env --nproc_per_node=NUM_GPUS_YOU_HAVE train.py -c config.json -p train_config.output_directory=outdir train_config.fp16=true
Disable the attention prior and run inference:
python inference.py -c config.json -f models/flowtron_ljs.pt -w models/waveglow_256channels_v4.pt -t "It is well know that deep generative models have a rich latent space!" -i 0
WaveGlow Faster than real time Flow-based Generative Network for Speech Synthesis
This implementation uses code from the following repos: Keith Ito, Prem Seetharaman and Liyuan Liu as described in our code.