Leveraging Symmetrical Convolutional Transformer Networks for
Speech to Singing Voice Style Transfer

Abstract

In this paper, we propose a model to perform style transfer of speech to singing voice. Contrary to the previous signal processing-based methods, which require high-quality singing templates or phoneme synchronization, we explore a data-driven approach for the problem of converting natural speech to singing voice. We develop a novel neural network architecture, called SymNet, which models the alignment of the input speech with the target melody while preserving the speaker identity and naturalness. The proposed SymNet model is comprised of symmetrical stack of three types of layers - convolutional, transformer, and self-attention layers. The paper also explores novel data augmentation and generative loss annealing methods to facilitate the model training. Experiments are performed on the NUS and NHSS datasets which consist of parallel data of speech and singing voice. In these experiments, we show that the proposed SymNet model improves the objective reconstruction quality significantly over the previously published methods and baseline architectures. Further, a subjective listening test confirms the improved quality of the audio obtained using the proposed approach (absolute improvement of in mean opinion score measure over the baseline system).

\name

Shrutina Agarwal, Sriram Ganapathy, Naoya Takahashi \addressLEAP lab, Indian Institute of Science, Bangalore, India.
Sony Group Corporation, Tokyo, Japan. \emailsriramg@iisc.ac.in \ninept

Index Terms: Speech to singing style transfer, transformer networks, symmetrical neural networks.

1 Introduction

The task of speech to singing (STS) voice style transfer is the problem of converting the speech signal to a natural sounding singing voice. The inputs to the STS tasks are the speech waveform and a target melody contour. The key challenges involved in this problem relate to the ability of the STS system to generate natural voice which preserves the speaker and phonetic content while incorporating the melody.

The style transfer on other domains like images [gatys2016image] has been more successful than in audio and speech domain. In the recent past, several works attempt the goal of transforming specific properties of audio like the speaker characteristics (referred to as “style”) while keeping linguistic characteristics intact (referred to as “content”). Haque et al. [relate1] proposed a system to transform the timbre of the speech. Similarly, Mor et al. [relate2] proposed a translation framework across various musical instruments, styles and genres. Wu et al. [relate3] explored a cycle-generative adversarial network (cycle-GAN) based framework to perform singing voice conversion. In this paper, we propose a novel neural architecture for the task fo speech to singing voice conversion.

Block schematic of the proposed approach to STS. Here, RR is random sampling and TS is time-stretching.

Figure 1: Block schematic of the proposed approach to STS. Here, RR is random sampling and TS is time-stretching.

Typically, singing involves more vocal effort and tends to have a slower rate of change of syllabic content along with enhanced higher frequency formants [sundberg1977acoustics, titze1992vocal]. Due to the melodic nature of singing, a singer produces a smoother fundamental frequency (F0) contour  [umbert2015expression]. The previous works on STS conversion can be broadly categorized into two directions : (i) Template-based STS [cen2012template] and (ii) Model-based STS  [saitou2007speech]. Both these methods require additional inputs like high quality singing templates or phoneme-score synchronization information, which are cumbersome in practice.

In this paper, inspired by the prior work by Parekh et. al. [sp2si], we consider the STS task as a style transfer problem. The proposed model uses a template of melody/pitch contour and poses the style transfer as a data driven learning problem. We also propose a novel neural network architecture for the style transfer where a supervised singing voice target with a suitable objective function is introduced. Further, the adversarial loss function based on boundary equilibrium GAN [BEGAN] is used for training the STS model.

Proposed symmetrical convolutional recurrent network (SymNet) architecture with attention.

Figure 2: Proposed symmetrical convolutional recurrent network (SymNet) architecture with attention.

The model architecture is similar to the encoder-decoder model [cho2014properties] popularly used in machine translation. The proposed architecture is realized with a symmetric network (called SymNet) consisting of convolutional, transformer, and attention layers. The alignment between the speech and singing voice is achieved with the attentional layer between the central transformer layers while local signal characteristics are captured with convolutional layers at the beginning of encoder network as well as the end of decoder network. We also explore a data augmentation procedure using unpaired singing/speech data to mitigate the necessity of large amounts of paired data. The experiments are performed on the NUS [NUS] and the NHSS datasets [sharmanhss]. In these experiments, we compare the proposed approach with prior state-of-the-work for STS. Using the proposed SymNet architecture, data augmentation and loss function, we observe significant performance improvements over baseline models in terms of the objective and subjective reconstruction quality.

2 STS Framework

The block schematic of the proposed model for STS is shown in Fig 1. We represent the input speech with the log-magnitude spectrogram. A vocal melody extractor [vocal_ext], is used to extract melody contour from the reference/target singing voice. We then time-stretch the spectrogram of speech to the same length as the target F0 contour. The speech spectrogram are concatenated with the melody contour features and are input to the deep neural model.

2.1 SymNet architecture

The proposed SymNet architecture is shown in Fig 2. The input speech spectrogram along with the melody features are passed to two convolutional layers to model the local spectro-temporal patterns. The output of the convolutional layer is passed through a recurrent layer for modeling long-term dependencies. We consider bi-directional long-short term memory (BLSTM) or a transformer layers in this stage. The BLSTM model is a recurrent neural architecture implements using LSTM cells while the transformer models use self-attention layers to incorporate temporal dependency. The next layer of processing involves a separate attention network which performs the non-linear time alignment between the speech and singing voice spectrogram based on the target melody features. The rest of the network consisting of a BLSTM/transformer layer and the two convolutional layers allows the architecture to form a symmetrical model before and after the attention layer. We highlight the importance of the symmetrical architecture and the combination of three types of layers by comparing other possible architectures in our experiments. The detailed SymNet configuration is summarized in Table 1. Each transformer layer has attention heads along with encoder and decoder layers. The dimension of the feed forward layer is set to .

Layer SymNet SymNet
Conv 64K, 64K,
BLSTM/Transformer 256 D 512 D
Atten. 256 D 512 D
BLSTM/Transformer 256 D 512 D
Conv 64K, 64K,
Table 1: SymNet configuration. K: kernels, D - dimensions

2.2 Data augmentation

We utilize a data augmentation method that generates singing voice data from natural speech data. Our prior work [our_work] used a data generation approach for automatic lyric recognition by leveraging the WORLD vocoder [world12]. Specifically, the approach consisted of decomposing the natural speech and singing voice (opera vocals) into three constituent components - spectral envelope, fundamental frequency (F0) and aperiodicity parameter. The F0 contour from the singing voice is then used along with the spectral envelope and the aperiodic parameter from the natural speech in the synthesizer. The synthesized output is the singing voice version of the natural speech. The western opera vocal dataset consists of both male and female opera singers and during the synthesis it was made sure that the speech and the opera vocals are gender and F0 matched [our_work]. We use the synthesized output and the input speech data as the paired data for augmentation. While this approach already generates a singing voice version of the natural speech, we find that the reconstruction quality is not sufficient for commercial applications. More details about the data augmentation can be found in Basak et. al. [our_work],

2.3 BEGAN loss

The boundary equilibrium generative adversarial networks (BEGAN)  [berthelot2017began] is a energy based GAN, which matches the distribution of loss using an auto-encoder architecture, unlike the original GAN which matches the distributions between the real and generated samples directly. Moreover, the BEGAN relaxes the equilibrium of the auto-encoder loss using a hyper-parameter . In order to implement the BEGAN loss ([BEGAN], the STS model also has an additional discriminator network.

2.4 Training

We experimented with two different training settings, (i) without the discriminator (and therefore without the BEGAN loss), and (ii) with the BEGAN discriminator. For the first one, our learning objective is based on mean square error () between predicted () and the true log-magnitude spectrograms of singing voice (). The combined loss then is, . Here, controls the trade-off between the MSE and the GAN loss.

2.5 Loss function annealing

We explore a loss function annealing, where the regularization term in the joint loss function is annealed as a function of the iteration to focus on the reconstruction MSE in the latter part of the training. In our experiments (Sec 3.6), we explored various annealing schedules, such as a linear decay and a step decay.

3 Experiments

3.1 Dataset

We use the NUS data [NUS] as the paired training dataset containing mins of singing data and the corresponding mins of speech data. The recordings of unique English songs are sung/read by subjects, and each song-speech paired audio can be time-aligned with their phone annotations. The phone annotations are in accordance with the CMU dictionary ( phonemes). Out of the unique songs in the dataset, one song (with two recordings) is used as the test set for NUS (similar to the dataset division followed in [sp2si]). We also use NHSS [sharmanhss] for training/testing the models. It consist of songs with their respective speech recorded by singers, resulting in a total of hours of audio data. For data augmentation, the LibriSpeech [panayotov2015librispeech] is converted to synthetic singing voice and about hours of augmented data is added for model training (Sec. 2.2). We use the log spectral distance (LSD) as the performance metric in our objective evaluation. Further, a subjective test is performed to affirm the quality improvements seen in the objective metric.

3.2 Input pre-processing

Given an input time-domain speech signal and a target F0 contour, the pre-processing consists of the following steps:
Silence frame removal :  All the silence frames from the speech signal are removed. This is achieved via a short-time energy threshold set at dB below the maximum energy frame. Any set of three or more consecutive silent frames (longer than approximately ms) are removed.
Time stretching :  The input spectrogram is linearly time-warped to the length of the F0 contour.
Singing melody contour :  The melody contour is extracted using the CREPE algorithm  [crepe] applied on the singing voice. We also convert the continuous-valued F0 to one of the MIDI levels. For training with paired data, we extract the melody contour from the singing counterpart of the input speech.
Random re-sampling (RR) :  We have re-sampled the input speech in random fashion to change the rhythm and to disentangle the content and rhythm [BEGAN].

Arch. Dim. NUS NHSS
BLSTM(3L) 256 11.54
BLSTM(3L) 512 11.47
Conv(2L)-BLSTM(2L) 256 11.35
Conv(2L)-BLSTM(2L) 512 11.31
BLSTM(2L)-A-BLSTM(2L) 256 11.02
BLSTM(2L)-A-BLSTM(2L) 512 10.96
Conv(4L)-BLSTM(2L)-A 256 10.88
Conv(4L)-BLSTM(2L)-A 512 10.85
Conv(4L)-Trans.(2L)-A 256 9.99 10.63
Conv(4L)-Trans.(2L)-A 512 9.89 10.56
SymNet (BLSTM) 256 10.70
SymNet (BLSTM) 512 10.61
SymNet(Trans.) 256 10.55
SymNet(Trans.) 512 9.87 10.51
Table 2: Performance (LSD -dB) for the ablation study on the network architecture. Here, L - Layers, C - Cells, A - Attention, and K - convolutional kernels. All models here are trained with MSE loss.
Schedule for NUS NHSS
Constant 10.70
Constant 10.41
decay by at each epoch 10.40
First 15 epochs , after 9.33 10.27

Table 3: Comparison of BEGAN loss annealing schedule for . The model architecture is SymNet (BLSTM) trained on NUS dataset.

Model
MSE loss BEGAN loss Data aug. w/ NHSS LSD-NUS LSD-NHSS
Parekh et. al. [sp2si] 11.22 11.91
Wu et al. [BEGAN] 10.57
SymNet (BLSTM) 10.61
SymNet (Transformer) 10.13

SymNet (BLSTM)
9.98
SymNet (Transformer) 9.62
SymNet (BLSTM) 8.79
SymNet (Transformer) 8.81 8.74
SymNet (BLSTM) 8.76
SymNet (Transformer) 8.63 8.67


Table 4: Comparison of the prior work with the proposed approach in terms of log spectral distance (LSD) in dB. Also reported are the incremental performance gains observed using various components. Here, Symnet corresponds to symmetric network with either the transformer or BLSTM layers.

3.3 Audio reconstruction

The magnitude specrogram is recovered by applying element-wise (the target spectrograms are , where is the magnitude spectrogram of the singing voice). The reconstructed magnitude spectrogram is then converted to log-mel spectrogram with frequency bins. Then, the MelGAN vocoder [kumar2019melgan] is used to generate audio waveforms from the spectrogram.

3.4 Implementation details

The time domain signals are re-sampled from kHz to kHz. We compute short-time Fourier transform (STFT) with frequency samples using ms window size and ms hop size. For the first setting (the one with just the MSE loss), we use Adam optimizer [kingma2014adam] with initial learning rate of and an exponential decay factor of . All the networks were trained for epochs, (with mini-batches in each epoch). For the second setting, the one with BEGAN loss, we use Adam optimizer with initial learning rate of and exponential decay factor of . All the neural network implementations are performed using PyTorch [paszke2019pytorch] and Librosa [mcfee2015librosa].

3.5 Ablation study on architecture design

The first set of results, reported in Table 2, show the results for the ablation study with different model architecture choices. All the models reported here use the first setting of the loss function (only MSE). The results reported here are for models with various architectures - three BLSTM layers (with and cells), convolutional and BLSTM layers, BLSTM layers with attention, convolutional layers followed by BLSTM layers, convolutional and transformer layers and the proposed SymNet architectures. The key observations from there experiments are,

  • [leftmargin=*]

  • The mixture of convolutional and transformer/LSTM layers is superior to the use of convolutional layers alone [BEGAN]. The use of D is slightly better than D.

  • The use of attention in the model allows the non-linear time alignment between the speech and singing voice counterparts with only a minor increase in the number of parameters.

  • The transformer improves over the BLSTM counterparts.

  • Combining all three types of layers (Conv-Trans-A) demonstrates the effectiveness of the three types of layers, namely, local modeling with convolution, long-term modeling with the transformer, and dynamic alignment with attention.

  • SymNet improves the LSD over the models with the same set of layers and parameters, but are asymmetrical. To the best of our knowledge, this is the first attempt to highlight the importance of the symmetric architecture for audio style transfer tasks.

3.6 BEGAN loss annealing

In Table 3, we consider three schedules for which controls relative weighting of the BEGAN loss and the MSE loss - (i) is fixed at , (ii) is initialized to and gradually reduced by for every epoch, (iii) is initialized to and changed to 0 after epochs. Table 3 shows the results for the scheduling choices along with the system trained without BEGAN loss (). Even though BEGAN loss improves the LSD for fixed , annealing further improves the performance.

3.7 Analysis of different components

The results comparing different components of the proposed model are given in Table 4. The encoder-decoder model reported in [BEGAN] serves as the baseline system. The results reported here show that the incorporation of the SymNet architecture with BEGAN loss improves over the baseline system. Further, the incorporation of the data augmentation method improves the reconstruction quality. The effect of additional training data is explored by training the model with additional data from NHSS dataset [sharmanhss]. Further the combination of the data-augmentation approach along with the addition of the NHSS dataset improves the reconstruction quality with an absolute improvement of dB over the baseline system on the NUS dataset and dB on the NHSS dataset.

Hidden Ref. Wu [BEGAN] SymNet
MOS 4.86 2.71 3.08
Table 5: Subjective evaluation (MOS) using hidden reference (ground truth) with subjects listening to audio snippets synthesized from the SymNet(Transformer) and the baseline system ( We et al. [BEGAN]). Both the systems used the same training data as well.

3.8 Subjective Evaluation

We conducted a mean opinion score (MOS) listening experiment111The study is hosted at https://symnettesting.herokuapp.com/ with audio clips, each with three versions - hidden reference (ground truth), style transferred from speech using the proposed SymNet approach and using the baseline system [BEGAN]. The three audio files for each snippet were presented in a random order. The participants belonged to the age group of with normal hearing. The subjects were asked to listen to the audio stimuli using high quality headphones and rate the files according to naturalness, reconstruction quality, intelligibility of the lyrics, and the preservation of speaker identity. The participants gave the rating on a point scale, with being extremely poor quality while represents the natural singing voice. In total, participants took part in the subjective listening test with audio snippets. The summary of the subjective listening tests results is given in Table. 5. The high rating for the hidden reference makes the results credible. The subjective results confirm the improved quality of the proposed SymNet model over the baseline system. The SymNet model improves the baseline system by an absolute MOS value of .

4 Summary

This paper proposes a novel architecture for the task of audio style transfer where the objective is to convert the read speech to singing voice (STS). The proposed architecture consists of a mixture of convolutional and transformer neural networks along with an attention layer. We investigate additional novel components for data augmentation and loss function annealing. The proposed system achieves significant improvements in reconstruction quality over the stat-of-art approach using objective metrics. Several experiments have been performed to analyze the incremental performance benefits for various components in the proposed system. Finally, subjective evaluations also confirm the superior performance of the proposed method.

\ninept

References