2021-12-26 07:10:24 +00:00
import functools
2021-12-23 21:32:33 +00:00
import torch
import torch . nn as nn
import torch . nn . functional as F
2021-12-25 15:52:08 +00:00
from transformers import GPT2Model , GPT2Config
2021-12-23 21:32:33 +00:00
from models . arch_util import AttentionBlock
from models . gpt_voice . gpt_asr_hf import GPT2InferenceModel
from models . tacotron2 . text import symbols
from trainer . networks import register_model
from utils . util import opt_get
class ConditioningEncoder ( nn . Module ) :
def __init__ ( self ,
spec_dim ,
embedding_dim ,
attn_blocks = 6 ,
num_attn_heads = 4 ,
do_checkpointing = False ) :
super ( ) . __init__ ( )
attn = [ ]
self . init = nn . Conv1d ( spec_dim , embedding_dim , kernel_size = 1 )
for a in range ( attn_blocks ) :
attn . append ( AttentionBlock ( embedding_dim , num_attn_heads , do_checkpoint = do_checkpointing ) )
self . attn = nn . Sequential ( * attn )
self . dim = embedding_dim
self . do_checkpointing = do_checkpointing
def forward ( self , x ) :
h = self . init ( x )
h = self . attn ( h )
return h [ : , : , 0 ]
2021-12-26 07:10:24 +00:00
def null_position_embeddings ( range , dim ) :
return torch . zeros ( ( range . shape [ 0 ] , range . shape [ 1 ] , dim ) , device = range . device )
2021-12-23 22:20:26 +00:00
class UnifiedGptVoice ( nn . Module ) :
"""
2021-12-24 20:27:06 +00:00
Derived from GptTtsHf , but offers multiple modes of autoregressive operation :
2021-12-23 22:20:26 +00:00
- Text only
- Voice only
- Text conditioned on voice
- Voice conditioned on text
"""
2021-12-26 06:10:56 +00:00
def __init__ ( self , layers = 8 , model_dim = 512 , heads = 8 , max_symbols_per_phrase = 120 , max_mel_tokens = 250 , max_total_tokens = 370 , max_conditioning_inputs = 3 ,
2021-12-25 19:17:50 +00:00
checkpointing = True , mel_length_compression = 1024 , max_conditioning_length = 60 , number_text_tokens = 256 ,
start_text_token = 255 , stop_text_token = 0 , number_mel_codes = 8194 , start_mel_token = 8192 ,
stop_mel_token = 8193 ) :
2021-12-23 21:32:33 +00:00
super ( ) . __init__ ( )
2021-12-25 19:17:50 +00:00
self . number_text_tokens = number_text_tokens
self . start_text_token = start_text_token
self . stop_text_token = stop_text_token
self . number_mel_codes = number_mel_codes
self . start_mel_token = start_mel_token
self . stop_mel_token = stop_mel_token
2021-12-23 21:32:33 +00:00
self . max_mel_tokens = max_mel_tokens
self . max_symbols_per_phrase = max_symbols_per_phrase
2021-12-26 06:10:56 +00:00
self . max_total_tokens = max_total_tokens
2021-12-23 21:32:33 +00:00
self . model_dim = model_dim
self . max_conditioning_inputs = max_conditioning_inputs
self . mel_length_compression = mel_length_compression
self . conditioning_encoder = ConditioningEncoder ( 80 , model_dim , num_attn_heads = heads )
2021-12-25 19:17:50 +00:00
self . text_embedding = nn . Embedding ( self . number_text_tokens , model_dim )
2021-12-26 06:10:56 +00:00
self . text_pos_embedding = nn . Embedding ( self . max_symbols_per_phrase + 1 , model_dim )
self . mel_pos_embedding = nn . Embedding ( self . max_mel_tokens + 1 , model_dim )
seq_length = 2 + self . max_total_tokens + self . max_conditioning_inputs
2021-12-25 19:17:50 +00:00
self . gpt_config = GPT2Config ( vocab_size = self . number_mel_codes ,
n_positions = seq_length ,
n_ctx = seq_length ,
n_embd = model_dim ,
n_layer = layers ,
n_head = heads ,
gradient_checkpointing = checkpointing ,
use_cache = not checkpointing )
2021-12-23 21:32:33 +00:00
self . gpt = GPT2Model ( self . gpt_config )
2021-12-26 07:10:24 +00:00
# Override the built in positional embeddings
del self . gpt . wpe
self . gpt . wpe = functools . partial ( null_position_embeddings , dim = model_dim )
2021-12-23 21:32:33 +00:00
self . final_norm = nn . LayerNorm ( model_dim )
2021-12-25 19:17:50 +00:00
self . text_head = nn . Linear ( model_dim , self . number_text_tokens )
self . mel_head = nn . Linear ( model_dim , self . number_mel_codes )
2021-12-23 21:32:33 +00:00
self . max_conditioning_length = max_conditioning_length
2021-12-26 07:20:30 +00:00
# Initialize the embeddings per the GPT-2 scheme
for module in [ self . text_embedding , self . text_pos_embedding , self . mel_pos_embedding ] :
module . weight . data . normal_ ( mean = 0.0 , std = self . gpt . config . initializer_range )
if module . padding_idx is not None :
module . weight . data [ module . padding_idx ] . zero_ ( )
2021-12-23 21:32:33 +00:00
def build_aligned_inputs_and_targets ( self , input , start_token , stop_token ) :
inp = F . pad ( input , ( 1 , 0 ) , value = start_token )
tar = F . pad ( input , ( 0 , 1 ) , value = stop_token )
return inp , tar
2021-12-23 22:20:26 +00:00
def set_mel_padding ( self , mel_input_tokens , wav_lengths ) :
2021-12-23 21:32:33 +00:00
"""
2021-12-23 22:20:26 +00:00
Given mel tokens that are derived from a padded audio clip and the actual lengths of each batch element in
that audio clip , reformats the tokens with STOP_MEL_TOKEN in place of the zero padding . This is required
preformatting to create a working TTS model .
2021-12-23 21:32:33 +00:00
"""
# Set padding areas within MEL (currently it is coded with the MEL code for <zero>).
mel_lengths = wav_lengths / / self . mel_length_compression
for b in range ( len ( mel_lengths ) ) :
2021-12-23 22:20:26 +00:00
actual_end = mel_lengths [ b ] + 1 # Due to the convolutional nature of how these tokens are generated, it would be best if the model predicts a token past the actual last token.
if actual_end < mel_input_tokens . shape [ - 1 ] :
2021-12-25 19:17:50 +00:00
mel_input_tokens [ b , actual_end : ] = self . stop_mel_token
2021-12-23 22:20:26 +00:00
return mel_input_tokens
2021-12-23 21:32:33 +00:00
2021-12-23 22:20:26 +00:00
def randomly_permute_conditioning_input ( self , speech_conditioning_input ) :
"""
Randomly permute the conditioning spectrogram , to destroy any structure present . Note that since the
conditioning input is derived from a discrete spectrogram , it does actually retain structure , but only a little
bit ( actually : exactly how much we want ; enough to discriminate different vocal qualities , but nothing about
what is being said ) .
"""
cond_input = speech_conditioning_input [ : , : , torch . randperm ( speech_conditioning_input . shape [ - 1 ] ) ]
2021-12-23 21:32:33 +00:00
if cond_input . shape [ - 1 ] > self . max_conditioning_length :
cond_input = cond_input [ : , : , : self . max_conditioning_length ]
2021-12-23 22:20:26 +00:00
return cond_input
def get_logits ( self , speech_conditioning_input , first_inputs , first_head , second_inputs = None , second_head = None , get_attns = False ) :
if second_inputs is not None :
emb = torch . cat ( [ speech_conditioning_input , first_inputs , second_inputs ] , dim = 1 )
else :
emb = torch . cat ( [ speech_conditioning_input , first_inputs ] , dim = 1 )
gpt_out = self . gpt ( inputs_embeds = emb , return_dict = True , output_attentions = get_attns )
if get_attns :
return gpt_out . attentions
enc = gpt_out . last_hidden_state [ : , 1 : ] # The first logit is tied to the speech_conditioning_input
2021-12-25 19:17:50 +00:00
enc = self . final_norm ( enc )
first_logits = enc [ : , : first_inputs . shape [ 1 ] ]
2021-12-23 22:20:26 +00:00
first_logits = first_head ( first_logits )
first_logits = first_logits . permute ( 0 , 2 , 1 )
if second_inputs is not None :
2021-12-25 19:17:50 +00:00
second_logits = enc [ : , - second_inputs . shape [ 1 ] : ]
2021-12-23 22:20:26 +00:00
second_logits = second_head ( second_logits )
second_logits = second_logits . permute ( 0 , 2 , 1 )
return first_logits , second_logits
else :
return first_logits
def forward ( self , speech_conditioning_input , text_inputs , mel_inputs , wav_lengths , text_first = True , return_attentions = False ) :
"""
Forward pass that uses both text and voice in either text conditioning mode or voice conditioning mode
( actuated by ` text_first ` ) .
speech_conditioning_input : MEL float tensor , ( b , 80 , s )
text_inputs : long tensor , ( b , t )
mel_inputs : long tensor , ( b , m )
wav_lengths : long tensor , ( b , )
"""
2021-12-26 07:10:24 +00:00
assert self . max_mel_tokens > = mel_inputs . shape [ 1 ] , f ' { mel_inputs . shape [ 1 ] } '
2021-12-26 06:23:21 +00:00
assert self . max_symbols_per_phrase > = text_inputs . shape [ 1 ] , f ' { text_inputs . shape [ 1 ] } '
assert self . max_total_tokens > = mel_inputs . shape [ 1 ] + text_inputs . shape [ 1 ] , f ' { mel_inputs . shape [ 1 ] } , { text_inputs . shape [ 1 ] } '
2021-12-26 06:18:25 +00:00
2021-12-23 22:20:26 +00:00
mel_inputs = self . set_mel_padding ( mel_inputs , wav_lengths )
speech_conditioning_input = self . randomly_permute_conditioning_input ( speech_conditioning_input )
speech_conditioning_input = self . conditioning_encoder ( speech_conditioning_input ) . unsqueeze ( 1 )
2021-12-23 21:32:33 +00:00
2021-12-25 19:17:50 +00:00
text_inputs , text_targets = self . build_aligned_inputs_and_targets ( text_inputs , self . start_text_token , self . stop_text_token )
2021-12-26 06:10:56 +00:00
text_emb = self . text_embedding ( text_inputs ) + self . text_pos_embedding ( torch . arange ( text_inputs . shape [ 1 ] , device = text_inputs . device ) )
2021-12-25 19:17:50 +00:00
mel_inputs , mel_targets = self . build_aligned_inputs_and_targets ( mel_inputs , self . start_mel_token , self . stop_mel_token )
2021-12-23 22:20:26 +00:00
mel_emb = self . gpt . get_input_embeddings ( ) ( mel_inputs )
2021-12-26 06:10:56 +00:00
mel_emb = mel_emb + self . mel_pos_embedding ( torch . arange ( mel_emb . shape [ 1 ] , device = mel_emb . device ) )
2021-12-23 22:20:26 +00:00
if text_first :
text_logits , mel_logits = self . get_logits ( speech_conditioning_input , text_emb , self . text_head , mel_emb , self . mel_head , get_attns = return_attentions )
else :
mel_logits , text_logits = self . get_logits ( speech_conditioning_input , mel_emb , self . mel_head , text_emb , self . text_head , get_attns = return_attentions )
2021-12-23 21:32:33 +00:00
if return_attentions :
return mel_logits
loss_text = F . cross_entropy ( text_logits , text_targets . long ( ) )
loss_mel = F . cross_entropy ( mel_logits , mel_targets . long ( ) )
return loss_text . mean ( ) , loss_mel . mean ( ) , mel_logits
2021-12-23 22:20:26 +00:00
def text_forward ( self , speech_conditioning_input , text_inputs ) :
"""
Performs autoregressive modeling on only text . Still requires a speech_conditioning_input due to the way the
model inputs are formatted . Just provide any audio clip ( arguably , zeros could be provided ) .
"""
2021-12-26 06:23:21 +00:00
assert self . max_symbols_per_phrase > = text_inputs . shape [ 1 ] , f ' { text_inputs . shape [ 1 ] } '
2021-12-26 06:18:25 +00:00
2021-12-23 22:20:26 +00:00
speech_conditioning_input = self . randomly_permute_conditioning_input ( speech_conditioning_input )
speech_conditioning_input = self . conditioning_encoder ( speech_conditioning_input ) . unsqueeze ( 1 )
2021-12-23 21:32:33 +00:00
2021-12-25 19:17:50 +00:00
text_inputs , text_targets = self . build_aligned_inputs_and_targets ( text_inputs , self . start_text_token , self . stop_text_token )
2021-12-26 06:10:56 +00:00
text_emb = self . text_embedding ( text_inputs ) + self . text_pos_embedding ( torch . arange ( text_inputs . shape [ 1 ] , device = text_inputs . device ) )
2021-12-23 22:20:26 +00:00
text_logits = self . get_logits ( speech_conditioning_input , text_emb , self . text_head )
loss_text = F . cross_entropy ( text_logits , text_targets . long ( ) )
return loss_text . mean ( )
2021-12-23 21:32:33 +00:00
2021-12-23 22:20:26 +00:00
def speech_forward ( self , speech_conditioning_input , mel_inputs , wav_lengths ) :
"""
Performs autoregressive modeling on only speech data .
"""
2021-12-26 07:10:24 +00:00
assert self . max_mel_tokens > = mel_inputs . shape [ 1 ] , f ' { mel_inputs . shape [ 1 ] } '
2021-12-26 06:18:25 +00:00
2021-12-23 22:20:26 +00:00
mel_inputs = self . set_mel_padding ( mel_inputs , wav_lengths )
speech_conditioning_input = self . randomly_permute_conditioning_input ( speech_conditioning_input )
speech_conditioning_input = self . conditioning_encoder ( speech_conditioning_input ) . unsqueeze ( 1 )
2021-12-23 21:32:33 +00:00
2021-12-25 19:17:50 +00:00
mel_inputs , mel_targets = self . build_aligned_inputs_and_targets ( mel_inputs , self . start_mel_token , self . stop_mel_token )
2021-12-23 22:20:26 +00:00
mel_emb = self . gpt . get_input_embeddings ( ) ( mel_inputs )
2021-12-26 06:10:56 +00:00
mel_emb = mel_emb + self . mel_pos_embedding ( torch . arange ( mel_emb . shape [ 1 ] , device = mel_emb . device ) )
2021-12-23 22:20:26 +00:00
mel_logits = self . get_logits ( speech_conditioning_input , mel_emb , self . mel_head )
loss_mel = F . cross_entropy ( mel_logits , mel_targets . long ( ) )
return loss_mel . mean ( )
2021-12-23 21:32:33 +00:00
2021-12-24 20:27:06 +00:00
def inference_speech ( self , speech_conditioning_input , text_inputs , * * hf_generate_kwargs ) :
if not hasattr ( self , ' inference_model ' ) :
2021-12-26 06:10:56 +00:00
self . inference_model = GPT2InferenceModel ( self . gpt_config , self . gpt , self . mel_pos_embedding , self . final_norm , self . mel_head )
2021-12-24 20:27:06 +00:00
2021-12-25 19:17:50 +00:00
text_inputs = F . pad ( text_inputs , ( 0 , self . max_symbols_per_phrase - text_inputs . shape [ 1 ] ) , value = self . stop_text_token )
text_inputs , text_targets = self . build_aligned_inputs_and_targets ( text_inputs , self . start_text_token , self . stop_text_token )
2021-12-26 06:10:56 +00:00
text_emb = self . text_embedding ( text_inputs ) + self . text_pos_embedding ( torch . arange ( text_inputs . shape [ 1 ] , device = text_inputs . device ) )
2021-12-24 20:27:06 +00:00
# Randomly permute the conditioning spectrogram, to destroy any structure present.
speech_conditioning_input = self . randomly_permute_conditioning_input ( speech_conditioning_input )
cond = self . conditioning_encoder ( speech_conditioning_input ) . unsqueeze ( 1 )
emb = torch . cat ( [ cond , text_emb ] , dim = 1 )
self . inference_model . store_mel_emb ( emb )
fake_inputs = torch . full ( ( emb . shape [ 0 ] , emb . shape [ 1 ] + 1 , ) , fill_value = 1 , dtype = torch . long , device = text_inputs . device )
2021-12-25 19:17:50 +00:00
fake_inputs [ : , - 1 ] = self . start_mel_token
2021-12-24 20:27:06 +00:00
2021-12-25 19:17:50 +00:00
gen = self . inference_model . generate ( fake_inputs , bos_token_id = self . start_mel_token , pad_token_id = self . stop_mel_token , eos_token_id = self . stop_mel_token ,
2021-12-24 20:27:06 +00:00
max_length = emb . shape [ 1 ] + self . max_mel_tokens , * * hf_generate_kwargs )
return gen [ : , fake_inputs . shape [ 1 ] : ]
2021-12-23 21:32:33 +00:00
@register_model
2021-12-23 22:20:26 +00:00
def register_unified_gpt_voice ( opt_net , opt ) :
return UnifiedGptVoice ( * * opt_get ( opt_net , [ ' kwargs ' ] , { } ) )
2021-12-23 21:32:33 +00:00
if __name__ == ' __main__ ' :
2021-12-23 22:20:26 +00:00
gpt = UnifiedGptVoice ( model_dim = 256 , heads = 4 )
2021-12-25 19:17:50 +00:00
l = gpt ( torch . randn ( 2 , 80 , 800 ) ,
2021-12-23 22:20:26 +00:00
torch . randint ( high = len ( symbols ) , size = ( 2 , 80 ) ) ,
2021-12-23 21:32:33 +00:00
torch . randint ( high = 8192 , size = ( 2 , 250 ) ) ,
torch . tensor ( [ 150 * 256 , 195 * 256 ] ) )