Systematic Evaluation of Online Speaker Diarization Systems Regarding their Latency

1st Roman Aperdannier Faculty of Business
University of Applied Science
Ansbach, Germany
[email protected]
   2nd Sigurd Schacht Faculty of Business
University of Applied Science
Ansbach, Germany
[email protected]
   3rd Alexander Piazza Faculty of Business
University of Applied Science
Ansbach, Germany
[email protected]
Abstract

In this paper, different online speaker diarization systems are evaluated on the same hardware with the same test data with regard to their latency. The latency is the time span from audio input to the output of the corresponding speaker label. As part of the evaluation, various model combinations within the DIART framework, a diarization system based on the online clustering algorithm UIS-RNN-SML, and the end-to-end online diarization system FS-EEND are compared. The lowest latency is achieved for the DIART-pipeline with the embedding model pyannote/embedding and the segmentation model pyannote/segmentation. The FS-EEND system shows a similarly good latency. In general there is currently no published research that compares several online diarization systems in terms of their latency. This makes this work even more relevant.

Index Terms:
online speaker diarization, speaker embeddings, online clustering, transformer

I Introduction

In the machine learning task speaker diarization, the question ”who spoke when” is answered for an audio file. This information is an important component of a fully-fledged audio transcription. For this reason, speaker diarization is used in many transcription scenarios such as online meetings, earnings reports, court proceedings, interviews, etc. [1]. In some of these scenarios, speaker diarization is required with a low latency. For example, automated stock purchases or sales can be executed immediately based on the transcription of an earnings report [2]. Speaker diarization with a low latency is referred to as online speaker diarization.

Most publishers of online speaker diarization systems provide information on the latency of their systems e.g. [3] [4] [5]. However, there is still no publication that compares the latency of different online diarization systems on the same hardware with the same test data. This paper aims to fill this gap. In this work, the latency is measured for combinations of different segmentation and embeddings models of the DIART framework [3]. In addition, the supervised clustering system UIS-RNN-SML [6] and the end-to-end diarization system FS-EEND [4] are included in the evaluation. This is intended to answer the research question of which online diarization system has the lowest latency from audio input to speaker label output on a uniform hardware.
The rest of the paper is structured as follows. In the next section, the basics and related scientific work are presented. Next the research method, data collection, preprocessing of the data, machine learning models used and the evaluation method are discussed. In the following section, the evaluation results are presented and then discussed. Finally, everything is summarized and possible future work is discussed.

II Background and Related Work

This section lays the scientific foundation for the following sections. It also briefly summarizes some scientific papers that are related to this paper.

II-A Speaker Diarization Pipeline

The classic speaker diarization pipeline usually consists of the three sub tasks: Speech Activity Detection (SAD), Segmentation and Clustering. SAD checks whether the incoming audio segment contains speech. During segmentation, the audio segments are cut so that they only contain one speaker. In clustering, the audio segments are then assigned to known or new speakers [1].

In the past, each sub task was solved by a separate model. By using deep learning methods, several sub tasks or even the entire pipeline can now be automated by a single neural network. Systems that automate the entire pipeline with one model are referred to as end-to-end systems [1].

II-B DIART Framework

In 2021, Coria et al. [3] developed an online speaker diarization system that combines an end-to-end approach with a modular approach. The advantage of end-to-end systems is that they can automatically deal with speaker overlaps through supervised training. The disadvantage of end-to-end approaches is that the maximum number of speakers must be known in advance. This is difficult with online speaker diarization, as new speakers can always be added to an infinite input stream. Coria et al. therefore apply the end-to-end approach to individual audio chunks with a limited number of speakers, thereby generating local speaker labels. Subsequently, an incremental clustering algorithm maps the local speaker labels to cross-chunk global speaker labels.

The module for the local speaker labels receives a 5s rolling audio buffer as input. Diarization is performed at intervals of the parameter step_size (e.g. 250ms). The outputs are active speaker propabilities for each frame. These are passed on to the subsequent clustering module.

The clustering module generates a speaker embedding from the active frames for each speaker in the rolling buffer. Constrained incremental clustering then assigns the local speaker embeddings to the global speaker embeddings. If the distance between a local speaker embedding and the existing global speaker embeddings is too great, a new global speaker embedding is created from the local speaker embedding. The global speaker embeddings are then updated with the local speaker embeddings.

II-C UIS-RNN-SML

The online diarization system by Fini et. al. [6] is an adapted version of the original UIS-RNN [7]. UIS-RNN is a supervised approach for the clustering component of a speaker diarization pipeline. Fini et. al. have developed an adapted loss function and a formula for calculating the parameter α𝛼\alphaitalic_α for the original UIS-RNN algorithm. In the original loss function of the UIS-RNN algorithm, the error is calculated using the Mean Square Error (MSE) from the following components:

  • Average of the outputs of the gated recurrent unit (GRU) instance

  • Embedding of the next audio sequence

In this case, the network only learns a connection between the current observation and the next audio sequence. With the adapted loss function, on the other hand, the MSE is composed as follows:

  • Average of the outputs of the gated recurrent unit (GRU) instance

  • Average of an unseen collection of embeddings of the current speaker

The adapted loss function allows the network to establish a connection between the current observation and the current speaker. This leads to faster convergence, better minima and better generalization. This is also reflected in the measurement results of Fini et. al [6].

The α𝛼\alphaitalic_α parameter of the UIS-RNN algorithm represents the probability that a new speaker will enter the conversation. If the α𝛼\alphaitalic_α is too high, the algorithm overestimates the number of speakers. If α𝛼\alphaitalic_α is too low, the number of speakers is underestimated. In the original UIS-RNN, a constant value is used that is specified by the user. In the adapted version of the UIS-RNN, Fini et. al. have developed a formula that determines α𝛼\alphaitalic_α using the ratio of the count of speaker labels and the count of speaker changes. However, the calculation of α𝛼\alphaitalic_α only leads to a slight improvement in performance [6].

II-D FS-EEND

Frame-wise streaming end-to-end diarization (FS-EEND) is an end-to-end online diarization system introduced by Liang et. al. in 2023 [4]. The system receives log-mel audio features as input, which consist of one or more audio frames. These are converted into audio embeddings by an embedding encoder. The attractor decoder generates attractors from the audio embeddings. An attractor is the representation of a speaker. Each speaker embedding is then assigned the corresponding attractor and therefore the corresponding speaker label via a similarity comparison. Both the embedding encoder and the attractor decoder use self-attention in order to achieve better diarization results and to avoid losing information about past frames.

III Methodology

This section provides an overview of the data collection, preprocessing of the data, used machine learning algorithms and the experimental setup.

III-A Research Method

The aim of this work is to analyze which online diarization system has the lowest latency values from audio input to speaker label output on a uniform hardware. Therefore a structured experiment is carried out. For a uniform dataset, the latency is measured for different combinations of segmentation and embedding models of the DIART framework. In addition, the measurement is carried out for the online diarization systems UIS-RNN-SML and FS-EEND. The results are then classified and discussed.

III-B Data Collection

There are several different pretrained segmentation and embedding models for the DIART framework. However, there are no pretrained models for the online diarization systems UIS-RNN-SML and FS-EEND. Corresponding models must therefore be trained for these systems. In this paper the TIMIT dataset [8] is used for this purpose. For comparable accuracy results as in the original papers, there is not enough training data available in this research work. Therefore, only the latency is reported in this paper. For the accuracy and Diarziation Errors (DER) of the systems, this work refers to the corresponding original paper.

A subset of the Voxconverse testset [9] is used in this work as a testset for measuring latency. The subset consists of the first four audio files aepyx.wav, aggyz.wav, aiqwk.wav and auzuru.wav. These contain a total of around 20 minutes of audio recordings.

III-C Preprocessing

The DIART framework can directly process the audio files in wav format and therefore requires no further preprocessing. The speaker labels can also be provided in rttm format to measure the DER.

The implementation of the UIS-RNN-SML, on the other hand, only contains the clustering component and requires audio embeddings for clustering as input [6]. Suitable audio embeddings in the form of d-vectors [10] can be generated with the audio embedding system from Harry Volek [11].

As described above, FS-EEND is an end-to-end diarization system that can work directly with log-mel audio features. However, the corresponding implementation by Liang et al. [12] is currently structured in such a way that it expects the input data in the Kaldi style. Kaldi is a toolkit for speech recognition [13], which also implements its own format for data preparation. For the conversion of the TIMIT dataset into the Kaldi style, the toolkit provides corresponding scripts that can be used with some adaptations. For the conversion of the test data from the Voxconverse dataset to Kaldi style separate scripts had to be created.

III-D Machine Learning Models

All combinations of the following embedding and segmentation models are tested for the DIART framework.
Embedding models:

  • pyannote/embedding

  • pyannote/wespeaker-voxceleb-resnet34-LM

  • speechbrain/spkrec-ecapa-voxceleb

  • speechbrain/spkrec-xvect-voxceleb

Segmentation models:

  • pyannote/segmentation

  • pyannote/segmentation@Interspeech2021

  • pyannote/segmentation-3.0

These are the models with the lowest latency in the measurement by Coria et al. [3].

The UIS-RNN-SML implementation [6] only contains the online clustering algorithm based on an recurrent neural network (RNN) architecture. For a complete speaker diarization pipeline, the clustering module must be preceded by a SAD and segmentation module. The implementation by Harry Volek [11] is used for this purpose. This implementation is based on a Long Short-Term Memory (LSTM) model for generating d-vectors as audio embeddings.

The last machine learning algorithm used in this work is the end-to-end diarization system FS-EEND [4]. The system is based on an encoder-decoder architecture with self-attention modules.

IV Experimental Setup

IV-A Model Training

As described above, there are no corresponding pretrained models for the UIS-RNN-SML and FS-EEND systems. Therefore, models are trained with the TIMIT dataset for this work.

For the UIS-RNN-SML system, both a model for generating the d-vectors and a model the UIS-RNN-SML algorithm must be trained. The implementation by Harry Volek [11] provides corresponding scripts for preprocessing and training with the TIMIT dataset. The training is carried out with the provided default training configuration. The configuration suggests 950 epochs and a learning rate of 0.01 for an LSTM with 768 hidden layers. The resulting model can then be used to create d-vectors for the TIMIT dataset. The d-vectors are then used to train the UIS-RNN-SML. There are also suggested default values for the training of the UIS-RNN-SML. These are 10 epochs, 20,000 train iterations and a learning rate of 0.003 for an RNN with a hidden size of 512.

FS-EEND expects the input data in Kaldi style. The Kaldi toolkit provides scripts to convert the TIMIT dataset into the Kaldi style. Only functions for creating the reco2dur file and the segements file need to be added here. The training is carried out for 100 epochs, 100,000 warm-up steps and a learning rate of 1 for a Transformer model with 4 encoding and 2 decoding layers.

The trained models do not have the same quality as the models of the original paper. However, the quality of the models is irrelevant for a pure latency measurement.

IV-B Evaluation

To enable a comparable evaluation of the different systems, 250ms chunks are transferred to each system. The evaluation is carried out on an Intel(R) Xeon(R) Gold 5215 CPU @ 2.50GHz. The Python library time is then used to measure the following time span:

latency=t2(time of the speaker label output)t1(time of the audio chunk input)𝑙𝑎𝑡𝑒𝑛𝑐𝑦subscript𝑡2time of the speaker label outputsubscript𝑡1time of the audio chunk input\begin{split}latency=&t_{2}(\text{time of the speaker label output})\\ -&t_{1}(\text{time of the audio chunk input})\end{split}start_ROW start_CELL italic_l italic_a italic_t italic_e italic_n italic_c italic_y = end_CELL start_CELL italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ( time of the speaker label output ) end_CELL end_ROW start_ROW start_CELL - end_CELL start_CELL italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ( time of the audio chunk input ) end_CELL end_ROW (1)

The function time.perf_counter is used for the measurement. The function uses a performance counter with the highest possible resolution on the test system for the time measurement [14].

IV-B1 DIART framework

The DIART framework already offers a way to measure the latency for processing a chunk. Here, only the used time function time.monotonic is exchanged for time.pref_counter to ensure comparability with the other systems. In this work, the mean and the standard deviation of the corresponding latency values are reported for each system.

IV-B2 UIS-RNN-SML

For UIS-RNN-SML, d-vectors are created from the test audio chunks using the implementation by Harry Volek [11] and then transferred to the UIS-RNN-SML algorithm as input. The current implementation of UIS-RNN-SML expects the test sequence in one piece and generates the corresponding speaker label iteratively for each chunk internally. In order to be able to evaluate UIS-RNN-SML unchanged, the latency measurement must be split up.

  • First, the latency for generating the d-vector is measured for each 250ms chunk.

  • Then the d-vectors are transferred collectively to UIS-RNN-SML.

  • After that the latency for generating the speaker label is measured per chunk within the UIS-RNN-SML.

IV-B3 FS-EEND

For the online diarization system FS-EEND, the time span per test step is measured for each 250ms chunk. The latency measurement must also be split up here. The reason for this is that the log-mel features are created in one class and the transformer model is executed in another class. In order to change the code as little as possible, the two time spans are measured separately and then summed up afterwards.

V Results

In this chapter the results of the evaluation of the various systems are presented.

V-A DIART Framework

The evaluation results of the DIART framework models are shown in table I. The table shows the measurement results for the best 5 model combinations. It can be seen that the lowest latency is achieved with the combination pyannote/segmentation and pyannote/embedding. The mean latency for this model combination is 0.057065s. It is also noticeable that the embedding models are primarily decisive for the latency.

TABLE I: Evaluation results - DIART framework
rank segmentation model embedding model DER latency mean in s latency std in s
1 pyannote/segmentation pyannote/embedding 44.86 0.057065 0.003522
2 pyannote/segmentation-3.0 pyannote/embedding 48.79 0.060674 0.002804
3 pyannote/segmentation @Interspeech2021 pyannote/embedding 50.06 0.064204 0.007641
4 pyannote/segmentation-3.0 pyannote/wespeaker-voxceleb-resnet34-LM 48.66 0.217110 0.016487
5 pyannote/segmentation pyannote/wespeaker-voxceleb-resnet34-LM 45.42 0.218060 0.010972
6 pyannote/segmentation @Interspeech2021 pyannote/wespeaker-voxceleb-resnet34-LM 49.89 0.284455 0.011451
7 pyannote/segmentation-3.0 speechbrain/spkrec-ecapa-voxceleb 49.16 0.461488 0.082039

V-B UIS-RNN-SML

The results of the evaluation of the UIS-RNN-SML are shown in table II. The table shows the measurement results for the first three and the last three chunks as well as the corresponding mean values. Some steps, e.g. 0.25s, are missing. This is due to the fact that the SAD component sorts out all non-speech segments directly [7]. The latency for creating the d-vectors is a constant value. However, the latency for clustering a chunk shows a constantly increases proportional to the length of the audio stream.

TABLE II: Evaluation results - UIS-RNN-SML
time segment file latency d-vec creation in s latency UIS-RNN-SML in s total latency in s
0.5 aepyx.wav 0.325704 0.010851 0.336555
0.75 aepyx.wav 0.238017 0.005043 0.24306
1 aepyx.wav 0.213074 0.013827 0.226901
.. .. .. .. ..
1144 auzru.wav 0.185197 9.179082 9.364279
1144.25 auzru.wav 0.179403 9.183815 9.363218
1144.5 auzru.wav 0.180698 10.07876 10.259458
Mean 0.189569 / Std 0.027847

V-C FS-EEND

The results for the latency evaluation of the FS-EEND system can be seen in table III. The latency per chunk is independent of the total length of the audio file. The mean latency is 0.058293s, which is similar to the best system of the DIART framework.

TABLE III: Evaluation results - FS-EEND
time segment in s file log-mel latency in s FS-EEND latency in s total latency in s
0 aepyx.wav 0.002818 0.052486 0.055304
0.25 aepyx.wav 0.002239 0.051046 0.053285
0.5 aepyx.wav 0.00204 0.046209 0.04825
1145 auzru.wav 0.002147 0.045769 0.047915
1145.25 auzru.wav 0.001864 0.051708 0.053572
1145.5 auzru.wav 0.002094 0.049021 0.051115
Mean 0.002381 / Std 0.000423 Mean 0.055913 / Std 0.006509 Mean 0.058293 / Std 0.006509

VI Discussion

VI-A DIART Framework

Table I shows that pipelines with the embedding model pyannote/embedding have the lowest latency. Pipelines with the embedding model pyannote/wespeaker-voxceleb-resnet34-LM are in second place and those with the model speechbrain/spkrec-ecapa-voxceleb are in third place. The reason for this is the size and depth of the embedding models. The pyannote/embedding model is based on a canonical x-vector TDNN-based architecture with approximately 4.3 million parameters [15]. Pyannote/wespeaker-voxceleb-resnet34-LM is based on ResNet and already has 6.6 million parameters [16]. Speechbrain/spkrec-ecapa-voxceleb has 22.1 million parameters and is based on an ECAPA-TDNN model [17].

The segmentation models have a much smaller impact on the overall latency, as they are smaller models. The segmentation models are built from a combination of convolutional and LSTM layers with approximately 1.4 million parameters [18]. Since the DIART framework works with a rolling buffer, the latency per chunk remains constant regardless of the length of the audio stream. However, as described in II-B, incremental clustering is performed for the assignment of local and global speaker lables. Thus, in theory, the latency must increase with the number of speakers. However, this correlation could not be observed with the used test setup.

VI-B UIS-RNN-SML

In the results of the UIS-RNN-SML system, it is noticeable that the latency per chunk increases with the length of the audio stream. The reason for this is that UIS-RNN performs a beam search on the label space for internal decoding. For each new chunk a further beam state is added to the beam search. This increases the decoding time per chunk linearly O(t)𝑂𝑡O(t)italic_O ( italic_t ) (figure 1). However, the beam search must be performed once for each chunk. This results in a total runtime of O(t2)𝑂superscript𝑡2O(t^{2})italic_O ( italic_t start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ) (figure 2). Due to the increasing latency, UIS-RNN-SML is not suitable for longer audio recordings or audio streams.

Refer to caption
Figure 1: Latency UIS-RNN-SML per chunk
Refer to caption
Figure 2: Total execution time UIS-RNN-SML

VI-C FS-EEND

With an average latency of 0.058s, FS-EEND achieved similarly good results in the evaluation as the best pipeline of the DIART framework. The latency remains constant regardless of the length of the audio stream. The self-attention modules of the FS-EEND are used for the correct assignment of already known speakers. Although these modules have a longer memory than for example a LSTM, self-attention modules do not memorize already known speakers forever [4]. FS-EEND can therefore not be recommended without restriction for very long audio streams. In addition, FS-EEND is a pure end-to-end diarization system. For such systems, the maximum number of speakers must be known in advance in order to produce good results [1]. This is only practicable to a limited extent for an online diarization scenario as described in II-B.

VII Conclusion

In this work, various online diarization systems are evaluated on the same hardware with the same dataset in terms of their latency. The DIART framework with the embedding model pyannote/embedding and the segmentation model pyannote/segmentation proved to be the best system. The end-to-end diarization system FS-EEND has a similarly good latency. For short audio streams, the system with UIS-RNN-SML also has an acceptable latency. However, the latency increases with the length of the audio input. Therefore, UIS-RNN-SML is not recommended for long audio streams.

In the context of this research work, not enough training data was available to bring the trained models for UIS-RNN-SML and FS-EEND to a comparable performance as the pre-trained models of the DIART framework. Also, FS-EEND is a pure end-to-end system and should therefore have a lower accuracy, if the maximum number of speakers in the inference is higher than the maximum number of speakers while the training. For future work, it would be interesting to train models with a comparable accuracy and then evaluate them in terms of their accuracy-latency-ratio.

In addition, the architecture of the DIART pipeline suggests that the latency must increase with the number of known speakers. This correlation could not be measured with the evaluation setup of this work. For future work, it would be interesting to test this correlation with a correspondingly large number of speakers.

In summary, it can be said that several high-performance online speaker diarization systems exist to perform diarization in near real time.

References

  • [1] T. J. Park, N. Kanda, D. Dimitriadis, K. J. Han, S. Watanabe, and S. Narayanan, “A Review of Speaker Diarization: Recent Advances with Deep Learning,” Nov. 2021, arXiv:2101.09624 [cs, eess]. [Online]. Available: http://arxiv.org/abs/2101.09624
  • [2] P. A. L. de Castro, “mt5b3: A Framework for Building Autonomous Traders,” CoRR, 2021.
  • [3] J. M. Coria, H. Bredin, S. Ghannay, and S. Rosset, “Overlap-aware low-latency online speaker diarization based on end-to-end local segmentation,” Sep. 2021, arXiv:2109.06483 [cs, eess]. [Online]. Available: http://arxiv.org/abs/2109.06483
  • [4] D. Liang, N. Shao, and X. Li, “Frame-wise streaming end-to-end speaker diarization with non-autoregressive self-attention-based attractors,” Sep. 2023, arXiv:2309.13916 [cs, eess] version: 1. [Online]. Available: http://arxiv.org/abs/2309.13916
  • [5] W. Xia, H. Lu, Q. Wang, A. Tripathi, Y. Huang, I. L. Moreno, and H. Sak, “Turn-to-Diarize: Online Speaker Diarization Constrained by Transformer Transducer Speaker Turn Detection,” Jan. 2022, arXiv:2109.11641 [cs, eess] version: 3. [Online]. Available: http://arxiv.org/abs/2109.11641
  • [6] E. Fini and A. Brutti, “Supervised online diarization with sample mean loss for multi-domain data,” Nov. 2019, arXiv:1911.01266 [cs, eess] version: 3. [Online]. Available: http://arxiv.org/abs/1911.01266
  • [7] A. Zhang, Q. Wang, Z. Zhu, J. Paisley, and C. Wang, “Fully Supervised Speaker Diarization,” Feb. 2019, arXiv:1810.04719 [cs, eess, stat]. [Online]. Available: http://arxiv.org/abs/1810.04719
  • [8] Garofolo, John S., Lamel, Lori F., Fisher, William M., Pallett, David S., Dahlgren, Nancy L., Zue, Victor, and Fiscus, Jonathan G., “TIMIT Acoustic-Phonetic Continuous Speech Corpus,” 1993, artwork Size: 715776 KB Pages: 715776 KB. [Online]. Available: https://catalog.ldc.upenn.edu/LDC93S1
  • [9] J. S. Chung, J. Huh, A. Nagrani, T. Afouras, and A. Zisserman, “Spot the conversation: speaker diarisation in the wild,” in Interspeech 2020, Oct. 2020, pp. 299–303, arXiv:2007.01216 [cs, eess]. [Online]. Available: http://arxiv.org/abs/2007.01216
  • [10] E. Variani, X. Lei, E. McDermott, I. L. Moreno, and J. Gonzalez-Dominguez, “Deep neural networks for small footprint text-dependent speaker verification,” in 2014 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP).   Florence, Italy: IEEE, May 2014, pp. 4052–4056. [Online]. Available: http://ieeexplore.ieee.org/document/6854363/
  • [11] HarryVolek, “HarryVolek/PyTorch_speaker_verification,” Jan. 2024, original-date: 2018-09-20T23:25:08Z. [Online]. Available: https://github.com/HarryVolek/PyTorch_Speaker_Verification
  • [12] D. Liang, N. Shao, and X. Li, “Audio-WestlakeU/FS-EEND,” Jan. 2024, original-date: 2023-09-25T05:46:04Z. [Online]. Available: https://github.com/Audio-WestlakeU/FS-EEND
  • [13] D. Povey, A. Ghoshal, G. Boulianne, L. Burget, O. Glembek, N. Goel, M. Hannemann, P. Motlicek, Y. Qian, P. Schwarz, J. Silovsky, G. Stemmer, and K. Vesely, “The Kaldi Speech Recognition Toolkit,” in IEEE 2011 Workshop on Automatic Speech Recognition and Understanding.   IEEE Signal Processing Society, Dec. 2011, place: Hilton Waikoloa Village, Big Island, Hawaii, US.
  • [14] P. documentation, “time — Time access and conversions,” 2024. [Online]. Available: https://docs.python.org/3/library/time.html
  • [15] D. Snyder, D. Garcia-Romero, G. Sell, D. Povey, and S. Khudanpur, “X-Vectors: Robust DNN Embeddings for Speaker Recognition,” in 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), 2018, pp. 5329–5333.
  • [16] H. Wang, C. Liang, S. Wang, Z. Chen, B. Zhang, X. Xiang, Y. Deng, and Y. Qian, “Wespeaker: A research and production oriented speaker embedding learning toolkit,” in ICASSP 2023, IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP).   IEEE, 2023, pp. 1–5.
  • [17] B. Desplanques, J. Thienpondt, and K. Demuynck, “ECAPA-TDNN: Emphasized Channel Attention, Propagation and Aggregation in TDNN Based Speaker Verification,” in Interspeech 2020, H. Meng, B. Xu, and T. F. Zheng, Eds.   ISCA, 2020, pp. 3830–3834.
  • [18] H. Bredin and A. Laurent, “End-to-end speaker segmentation for overlap-aware resegmentation,” in Proc. Interspeech 2021, Brno, Czech Republic, Aug. 2021.