Application of ASV for Voice Identification after VC and Duration Predictor Improvement in TTS Models

Abstract

One of the most crucial components in the field of biometric security is the automatic speaker verification system, which is based on the speaker’s voice. It is possible to utilise ASVs in isolation or in conjunction with other AI models. In the contemporary era, the quality and quantity of neural networks are increasing exponentially. Concurrently, there is a growing number of systems that aim to manipulate data through the use of voice conversion and text-to-speech models. The field of voice biometrics forgery is aided by a number of challenges, including SSTC, ASVSpoof, and SingFake.

This paper presents a system for automatic speaker verification. The primary objective of our model is the extraction of embeddings from the target speaker’s audio in order to obtain information about important characteristics of his voice, such as pitch, energy, and the duration of phonemes. This information is used in our multivoice TTS pipeline, which is currently under development. However, this model was employed within the SSTC challenge to verify users whose voice had undergone voice conversion, where it demonstrated an EER of 20.669.

Index Terms—  ASV, voice conversion, TTS, counter spoofing.

1 Introduction

Voice conversion is a technique employed to alter the voice of one individual to that of another. VC models are employed in the enhancement of TTS systems, the alteration of the voice of call centre operators with the objective of increasing sales, and the transformation of the human voice into that of fictional characters. However, these models can also be employed for unscrupulous purposes, such as deceiving bank employees, perpetrating fraud by impersonating relatives, and committing identity forgery.

The process of text-to-speech conversion involves the transformation of text into audio that is intended to resemble human speech. A high-quality TTS model is capable of producing a voice that is genuinely real-life in its likeness, and thus indistinguishable from the real thing.Such systems are employed in a variety of fields, enabling the automation of processes that were previously infeasible. Examples include the voice-acting of books and advertisements, websites and applications for visually impaired individuals, and so forth. However, as with VC models, such architectures can also be employed for the purpose of deception.

The advent of modern technology has led to the rapid development of systems capable of detecting modified and synthetic voice. Such models are referred to as ’antispoofing’ models. The community ASVspoof([1], [2], [3], [4]), which regularly organises challenges and collects data corpuses to study the detection of voice biometric forgery, plays an active role in the development of such systems. It is also important to note the contribution of the SingFake competition[5], which highlighted the significant shortcomings of SOTA models on the ASVSpoof benchmark. In particular, the researchers identified two key issues with the models in question. Firstly, they noted that the models lack generalisability in the context of music. Secondly, they observed that the models are not as effective when applied to different languages. This illustrates the need for further research and development of models that can effectively detect spoofing in voice biometrics.

The detection of voice spoofing is of great import, as effective detection can prevent a multitude of malicious activities involving the use of a spoofed voice. However, the problem of identifying the attacker is not insignificant. Thus, if the original voice can be identified in a fake voice that may have been obtained using a voice conversion system, a scammer can be identified.

The current state of research in this area is insufficient. In this context, the SSTC challenge is of particular importance, as it provided researchers with the opportunity to explore in depth methods for identifying the original voice in fake audio recordings. The database facilitates research in this field, thereby facilitating the emergence of novel methods for detecting the original voice of an attacker, which in turn enhances the overall level of security in the field of voice biometrics.

In order to construct a TTS system, it was deemed necessary to obtain a number of crucial speech characteristics of the speaker. In order to achieve this, a system for automatic speaker verification was employed, with the use of special encoders to obtain as much useful speaker information as possible. This paper describes a model that discriminates speakers acceptably and its embeddings contain sufficient information to predict various voice characteristics. Furthermore, the impact of the model’s embeddings on predicting the duration of each phoneme is also described. In addition, we participated in an SSTC challenge in which we were required to verify voices that had undergone voice conversion. The outcomes of this Challenge, along with a comprehensive overview of the system, are presented in this paper.

2 Model encoders

A series of encoders, each configured to accept a different audio frontend, were employed to extract high-level feature maps. Sound representations were employed in this study, including the Constant-Q Transform (CQT), Mel spectrogram, and Pitch spectrogram. This section provides a detailed description of the implementation of models for the primary features from the previously mentioned audio transformations.

2.1 CQT Encoder

The Non-stationary Gabor Transform algorithm [6], with the following parameters, was employed to obtain the CQTs:

  • Number of octaves = 8

  • Number of bins per octave = 64

  • Block length = 1 second

The obtained sound representation was encoded using a 10-block Specblock encoder. Each Specblock comprises a complex convolution layer, a complex ELU activation function and a complex dropout.

Fixed configuration of complex convolutional layers:

  • kernel size = 3

  • stride = 2

  • padding = 1

Complex ELU is an activation function for complex numbers that is applied by separately applying ELU to the real and imaginary parts. The resulting components are then recombined into a single complex number. The complex dropout operates in a manner analogous to that of a regular dropout: a random selection process, with a probability of 0.4, results in the nullification of some parameters.

Following the encoding process, the real and imaginary parts are concatenated along the first dimension. The configuration of the increase in the number of channels in the convolutional layers is presented in Table. 1.

block number input channels output channels
1 1 32
2 32 32
3 32 32
4 32 32
5 32 64
6 64 64
7 64 128
8 128 128
9 128 128
10 128 128
Table 1: Channel configuration

2.2 Mel-spectrogram Encoder

To obtain the mel spectrogram, we employed the following parameters for conversion:

  • Size of Fast Fourie Transform, as well as the window size = 1201

  • Hop length = 600

  • Number of mel filterbanks = 128

  • Type of window - Hann

In order to obtain high-level feature maps from mel-spectrograms, a Vision Transform(ViT) [7] with the following configuration was employed:

  • Embedding dimensionality = 256

  • Hidden dimensionality = 512

  • Number of attention heads = 32

  • Number of layers = 3

  • Output dimensionality = 512

  • Patch size = 16

  • Number of patches = 320

2.3 Pitch Encoder

The pitch spectrogram was obtained by first utilising the distributed inline filtering with overlap (DIO) algorithm to generate a series of continuous pitch contours. Subsequently, the Contious Wavelet Transform(CWT)([8], [9], [10]) was applied. The measurements were conducted in scale factors within the range [1, 37]. The resulting pitch spectrogram was run through the VIT with the following parameters:

  • Embedding dimensionality = 256

  • Hidden dimensionality = 512

  • Number of attention heads = 32

  • Number of layers = 3

  • Output dimensionality = 512

  • Patch size = 9

  • Number of patches = 356

3 model and loss function

The input data for the model is a 4-second audio segment. To ensure the uniformity of input data, the data were resampled to 24,000 before being fed into the model. The segment of length 4 was selected at random from the original audio recording.

The prepared audio is fed to the Pitch encoder, the CQT encoder and the mel-spectrogram encoder. The resultant vectors are then concatenated along first dimension following their passage through the encoders. They are then passed through a fully-connected layer with an output feature count of 2048. The results obtained are passed through the ELU activation function. This process involves the extraction of primary embeddings.

The model was trained using the Additive Margin Softmax (AM-Softmax) [11] loss function with a parameter scale of 30 and a margin of 0.4. The loss function is presented in eq. 1

=1ni=1nloge30(WyiTfi0.4)e30(WyiTfi0.4)+j=1,jyice30WjTfi1𝑛subscriptsuperscript𝑛𝑖1superscript𝑒30subscriptsuperscript𝑊𝑇subscript𝑦𝑖subscript𝑓𝑖0.4superscript𝑒30subscriptsuperscript𝑊𝑇subscript𝑦𝑖subscript𝑓𝑖0.4subscriptsuperscript𝑐formulae-sequence𝑗1𝑗subscript𝑦𝑖superscript𝑒30subscriptsuperscript𝑊𝑇𝑗subscript𝑓𝑖\mathcal{L}=-\frac{1}{n}\sum^{n}_{i=1}\log\frac{e^{30(W^{T}_{y_{i}}f_{i}-0.4)}% }{e^{30(W^{T}_{y_{i}}f_{i}-0.4)}+\sum^{c}_{j=1,j\neq y_{i}}e^{30W^{T}_{j}f_{i}}}caligraphic_L = - divide start_ARG 1 end_ARG start_ARG italic_n end_ARG ∑ start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT roman_log divide start_ARG italic_e start_POSTSUPERSCRIPT 30 ( italic_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_f start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - 0.4 ) end_POSTSUPERSCRIPT end_ARG start_ARG italic_e start_POSTSUPERSCRIPT 30 ( italic_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_f start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - 0.4 ) end_POSTSUPERSCRIPT + ∑ start_POSTSUPERSCRIPT italic_c end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_j = 1 , italic_j ≠ italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_e start_POSTSUPERSCRIPT 30 italic_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT italic_f start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUPERSCRIPT end_ARG (1)

4 EXPERIMENTS AND RESULTS OF THE MODEL AS PART OF TTS

4.1 Datasets description

To test the model, we used an open dataset111https://www.kaggle.com/datasets/kongaevans/speaker-recognition-dataset containing the speeches of the following five speakers: Benjamin Netanyahu, Jens Stolnberg, Julia Gillard, Margaret Tarcher and Nelson Mandela. There are 1,500 speech samples for each speaker. The dataset was collected using open data from American Rhetoric222https://www.americanrhetoric.com/speechbank.htm (online speech bank).

Despite the large number of samples used, using only 5 to test ASV is not sufficient. In addition to the above dataset, we also used the CMU ARCTIC[12], which consists of 18 speakers, each of which has 500-1000 speech samples collected.

We have used LibriTTS-R [13] for the training of the model. From the train subset of this dataset, 800 speakers were randomly selected, with 200 utterances selected for each speaker.

4.2 Metrics description

Since the model was trained to ensure that the embeddings of one person were close to each other in the multidimensional space and those of different people were far apart, we needed to use a metric that would estimate the ratio of cosine similarities between identical pairs of voices and between different pairs of voices at a certain threshold.

We chose TPR @ FPR. The idea behind this metric is that, given a fixed rate of false positive pairs, we count how many true positive pairs we have before this last allowed false positive pair, and then divide the resulting number by the total number of true positive pairs. The algorithm used to calculate this metric:

  1. 1.

    Fixing the threshold value TPR @ FPR = N.

  2. 2.

    Calculate the cosine similarity between all positive pairs.

  3. 3.

    Calculate the cosine similarity between all negative pairs.

  4. 4.

    Calculate how many elements make up N times the number of false positive pairs. This number is k.

  5. 5.

    Sort all cosine similarity values of false pairs in descending order. The K-th number is the threshold distance.

  6. 6.

    Count the number of positive pairs whose cosine distance is less than the threshold distance.

  7. 7.

    Divide the number obtained by the total number of positive pairs.

4.3 Loss function selection

The choice was between ArcFace [14] with scale=30, margin=0.5 and AM-Softmax 3. The model was trained and tested on non-overlap** subsets of the test dataset for 5 epochs. The result is shown in Table 2

metric/loss ArcFace AM-Softmax
TPR@FRP=0.5 0.7134 0.906
TPR@FRP=0.2 0.3785 0.6846
TPR@FRP=0.1 0.2429 0.5101
TPR@FRP=0.05 0.1560 0.3960
TPR@FRP=0.01 0.04291 0.2148
Table 2: Different loss function training results

Based on these results, we decided to use AM-Softmax.

4.4 Training results

We trained the model for 30 epochs, for a total training time of 30 hours. The training was carried out using x1 Tesla A100 40GB. The checkpoint model at the epoch when it exhibited the highest TPR@FPR=0.01 on the validation subsample was selected for evaluation. The outcomes of the model on the test set are presented in Table 3.

metric value
TPR@FRP=0.5 0.9869
TPR@FRP=0.2 0.9469
TPR@FRP=0.1 0.9044
TPR@FRP=0.05 0.8354
TPR@FRP=0.01 0.5920
Table 3: Results on testing subsample

Furthermore, we proceeded to test our model on in-the-wild data. Four distinct voices were recorded from open sources, ensuring that they were not included in any of the datasets used in the experiments. The voices were divided into two categories, male and female, in a one-to-one ratio. A two-minute audio segment was divided into a four-second fragment with no overlap. The distribution in the embedding space obtained with t-SNE is illustrated in Figure 1.

Refer to caption
Fig. 1: Embeddings distribution

4.5 Impact of ASV embeddings on the duration predictor

The duration predictor is one of the key components of our TTS Pipeline, which is currently under development. The objective of the duration predictor is to predict the duration of pronunciation of phonemes by a specific speaker. As this work does not extend to the deepening of TTS, for the sake of convenience, we refer to the duration predictor architecture as a black box. The black box architecture is immutable and can be trained.

The target values were obtained from the annotation generated by the Montreal Forced Aligner [15]. For each phoneme, the length of the corresponding mel-spectrogram frame was calculated using the following transformation parameters:

  • Size of Fast Fourie Transform, as well as the window size = 1024

  • Hop length = 256

  • Number of mel filterbanks = 128

  • Type of window - Hann

Four experiments were conducted in order to investigate the effect of embeddings on black box predictions. The following experiments were conducted, with the type of input differing as follows: encoded phonemes; encoded phonemes concatenated with a random noise of embedding size; encoded phonemes concatenated with an embedding of the same speaker; encoded phonemes concatenated with an embedding of the same utterance.

The following metrics were employed for the evaluation of the models: MAE, RMSE, weighted duration error rare and the concordance correlation coefficient [16]. The weighted DER metric was devised to quantify a range of model errors. Given that phoneme duration is a relatively subjective value, with each individual pronouncing the same word in a distinct manner, we have devised a metric that allows for minor deviations from the target values to be compensated for, while larger discrepancies are reflected in a larger error coefficient, as outlined in eq. 2, 3

fwder(x,x^)={1,|x=x^|1|xx^|1,otherwisef_{wder}(x,\hat{x})=\begin{cases}1,&|{x=\hat{x}}|\leq 1\\ |x-\hat{x}|^{-1},&otherwise\end{cases}italic_f start_POSTSUBSCRIPT italic_w italic_d italic_e italic_r end_POSTSUBSCRIPT ( italic_x , over^ start_ARG italic_x end_ARG ) = { start_ROW start_CELL 1 , end_CELL start_CELL | italic_x = over^ start_ARG italic_x end_ARG | ≤ 1 end_CELL end_ROW start_ROW start_CELL | italic_x - over^ start_ARG italic_x end_ARG | start_POSTSUPERSCRIPT - 1 end_POSTSUPERSCRIPT , end_CELL start_CELL italic_o italic_t italic_h italic_e italic_r italic_w italic_i italic_s italic_e end_CELL end_ROW (2)
WDER=1Ni=0nfwder(xi,xi^)𝑊𝐷𝐸𝑅1𝑁subscriptsuperscript𝑛𝑖0subscript𝑓𝑤𝑑𝑒𝑟subscript𝑥𝑖^subscript𝑥𝑖WDER=\frac{1}{N}\sum^{n}_{i=0}f_{wder}(x_{i},\hat{x_{i}})italic_W italic_D italic_E italic_R = divide start_ARG 1 end_ARG start_ARG italic_N end_ARG ∑ start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i = 0 end_POSTSUBSCRIPT italic_f start_POSTSUBSCRIPT italic_w italic_d italic_e italic_r end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , over^ start_ARG italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_ARG ) (3)

The results of the model following four experiments are presented in Table 4.

experiment/result MAE \downarrow RMSE\downarrow WDER\uparrow CCC\uparrow
encoded phonemes 2.045 3.836 0.9309 0.771
encoded phonemes +random noise 2.198 4.366 0.9364 0.7328
encoded phonemes +speaker embedding 1.87 3.607 0.949 0.801
encoded phonemes +utterance embedding 1.869 3.503 0.9501 0.8038
Table 4: The results of the duration predictor experiments

As illustrated in Table 4, the results demonstrated that the embeddings of the same utterance exhibited the most optimal performance, indicating that the phoneme length information is indeed retained within the embeddings. Concurrently, the results with embeddings of another utterance by the same speaker also demonstrated good results, indicating the retention of phoneme duration information. The experiment in which random noise was added to the embeddings demonstrated a decline in the results, which lends support to the hypothesis that it is the speaker’s embeddings that retain phoneme length information.

5 EXPERIMENTS AND TRAINING RESULTS FOR SSTC

5.1 Dataset description

The SSTC dataset utilises the Librispeech [17] train-clean-100, train-clean-360, dev.clean, test.clean datasets as the source speaker dataset, and the VoxCeleb 2 dev [18], VoxCeleb 1 test [19] datasets as the target speaker datasets.

The dataset was designed to identify the original speaker in modified audio. The audio was modified using 16 different voice conversion models.

5.2 Model training

A detailed description of the architectural design of the model used in this Challenge can be found in Section 3. The model was trained exclusively on the LibriSpeech corpus. It should be noted that no pre-training was applied to the data from other sources. The model was trained for 30 epochs on a Tesla A100 with 40 GB.

The model was trained on the SSTC training subset for 22000 steps, one epoch lasts 9100 steps, or 22 hours 34 minutes. A batch size of 52 items was employed, with the number of classes for AM-Softmax being 1172. For the purposes of training, the x3 Tesla A100 40 GB was employed, for validation and test x1 Tesla P100 12Gb. Due to the limited timeframe of the Challenge, it was not possible to conduct training on more epochs. The results of the training are presented in Table 5.

subset EER %
development 46.981
test 44.809
Table 5: Results on SSTC

5.3 Model ensembling

To enhance the performance of our model, we decided to apply the stacking ensemble technique. As a second algorithm for model composition, we selected the baseline model, which was provided by the organisers of the competition. As a solver algorithm, we employ a variety of averaging techniques. The final results, denoted by Yisubscript𝑌𝑖Y_{i}italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, were obtained by combining the vector of results from our model, X1subscript𝑋1X_{1}italic_X start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT, with those from the second model, X2subscript𝑋2X_{2}italic_X start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT. This was done in accordance with the following eq. 4, 5, 6:

Y1=12(X10.99)100+12X2subscript𝑌112subscript𝑋10.9910012subscript𝑋2Y_{1}=\frac{1}{2}(X_{1}-0.99)*100+\frac{1}{2}X_{2}italic_Y start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG 2 end_ARG ( italic_X start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT - 0.99 ) ∗ 100 + divide start_ARG 1 end_ARG start_ARG 2 end_ARG italic_X start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT (4)
Y2=0.35(X10.99)100+0.65X2subscript𝑌20.35subscript𝑋10.991000.65subscript𝑋2Y_{2}=0.35*(X_{1}-0.99)*100+0.65*X_{2}italic_Y start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 0.35 ∗ ( italic_X start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT - 0.99 ) ∗ 100 + 0.65 ∗ italic_X start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT (5)
Y3=0.25(X10.99)100+0.75X2subscript𝑌30.25subscript𝑋10.991000.75subscript𝑋2Y_{3}=0.25*(X_{1}-0.99)*100+0.75*X_{2}italic_Y start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 0.25 ∗ ( italic_X start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT - 0.99 ) ∗ 100 + 0.75 ∗ italic_X start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT (6)

The results for these ensemble techniques are presented in Table 6.

ensemble technique EER %
Y1subscript𝑌1Y_{1}italic_Y start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT 23.625
Y2subscript𝑌2Y_{2}italic_Y start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT 20.762
Y3subscript𝑌3Y_{3}italic_Y start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT 20.669
Table 6: Results of different ensemble techniques.

We found that stacking two models allowed us to improve the quality of predictions on the test sample by almost two times.

6 conclusion

In this work, we explored the potential of an automatic speaker verification system for a range of applications. Our findings suggest that the model trained for user verification may offer insights that could enhance the performance of text-to-speech models in terms of duration prediction.

We also explored the possibility of training the model to identify the original speaker in audio that has been modified with voice conversion. While we were able to achieve an EER=20, we believe that the dataset proposed in the SSTC competition offers a promising field for further research.

References

  • [1] Z. Wu, T. Kinnunen, N. Evans et al., “Asvspoof 2015: the first automatic speaker verification spoofing and countermeasures challenge,” in INTERSPEECH 2015, Automatic Speaker Verification Spoofing and Countermeasures Challenge, colocated with INTERSPEECH 2015, September 6-10, 2015, Dresden, Germany, ISCA, Ed., Dresden, 2015.
  • [2] H. Delgado, M. Todisco, M. Sahidullah et al., “Asvspoof 2017 version 2.0: meta-data analysis and baseline enhancements,” in Proc. The Speaker and Language Recognition Workshop (Odyssey 2018), 2018, pp. 296–303.
  • [3] X. Wang, J. Yamagishi, M. Todisco et al., “Asvspoof 2019: A large-scale public database of synthesized, converted and replayed speech,” 2020.
  • [4] J. Yamagishi, X. Wang, M. Todisco et al., “Asvspoof 2021: accelerating progress in spoofed and deepfake speech detection,” 2021.
  • [5] Y. Zang, Y. Zhang, M. Heydari and Z. Duan, “Singfake: Singing voice deepfake detection,” 2024.
  • [6] N. Holighaus, M. Dorfler, G. A. Velasco and T. Grill, “A framework for invertible, real-time constant-q transforms,” 2012.
  • [7] A. Dosovitskiy, L. Beyer, A. Kolesnikov et al., “An image is worth 16x16 words: Transformers for image recognition at scale,” 2021.
  • [8] A. Suni, D. Aalto, T. Raitio et al., “Wavelets for intonation modeling in hmm speech synthesis,” 01 2013.
  • [9] K. Hirose and J. Tao, “Speech prosody in speech synthesis: Modeling and generation of prosody for high quality and flexible speech synthesis,” 2015.
  • [10] G. R. Lee, R. Gommers, F. Waselewski et al., “Pywavelets: A python package for wavelet analysis,” Journal of Open Source Software, vol. 4, no. 36, pp. 1237, 2019.
  • [11] F. Wang, J. Cheng, W. Liu and H. Liu, “Additive margin softmax for face verification,” IEEE Signal Processing Letters, vol. 25, no. 7, pp. 926–930, July 2018.
  • [12] J. Kominek and A. W. Black, “The cmu arctic speech databases,” in Proc. 5th ISCA Workshop on Speech Synthesis (SSW 5), 2004, pp. 223–224.
  • [13] Y. Koizumi, H. Zen, S. Karita et al., “Libritts-r: A restored multi-speaker text-to-speech corpus,” 2023.
  • [14] J. Deng, J. Guo, J. Yang et al., “Arcface: Additive angular margin loss for deep face recognition,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 44, no. 10, pp. 5962–5979, Oct. 2022.
  • [15] M. McAuliffe, M. Socolof, S. Mihuc et al., “Montreal forced aligner: Trainable text-speech alignment using kaldi,” 08 2017, pp. 498–502.
  • [16] L. I.-K. Lin, “A concordance correlation coefficient to evaluate reproducibility,” Biometrics, vol. 45, no. 1, pp. 255–268, 1989.
  • [17] V. Panayotov, G. Chen, D. Povey and S. Khudanpur, “Librispeech: An asr corpus based on public domain audio books,” in 2015 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), 2015, pp. 5206–5210.
  • [18] J. S. Chung, A. Nagrani and A. Zisserman, “Voxceleb2: Deep speaker recognition,” in Interspeech 2018. Sept. 2018, interspeech2018, ISCA.
  • [19] A. Nagrani, J. S. Chung and A. Zisserman, “Voxceleb: A large-scale speaker identification dataset,” in Interspeech 2017. Aug. 2017, interspeech2017, ISCA.