License: CC BY 4.0
arXiv:2403.14246v1 [eess.AS] 21 Mar 2024

CATSE: A Context-Aware Framework for Causal Target Sound Extraction thanks: Work performed while Shrishail Baligar was a Co-op at Bose Corporation.

Shrishail Baligar1,2, Mikolaj Kegler2, Bryce Irvin2, Marko Stamenovic2, Shawn Newsam1
2Bose Corporation, USA
1Electrical Engineering and Computer Science, University of California, Merced
Abstract

Target Sound Extraction (TSE) focuses on the problem of separating sources of interest, indicated by a user’s cue, from the input mixture. Most existing solutions operate in an offline fashion and are not suited to the low-latency causal processing constraints imposed by applications in live-streamed content such as augmented hearing. We introduce a family of context-aware low-latency causal TSE models suitable for real-time processing. First, we explore the utility of context by providing the TSE model with oracle information about what sound classes make up the input mixture, where the objective of the model is to extract one or more sources of interest indicated by the user. Since the practical applications of oracle models are limited due to their assumptions, we introduce a composite multi-task training objective involving separation and classification losses. Our evaluation involving single- and multi-source extraction shows the benefit of using context information in the model either by means of providing full context or via the proposed multi-task training loss without the need for full context information. Specifically, we show that our proposed model outperforms size- and latency-matched Waveformer, a state-of-the-art model for real-time TSE.

Index Terms:
Target sound extraction, context awareness, source separation, deep neural networks

I Introduction

The objective of the target sound extraction (TSE) task is to separate one or more sources of interest from the input mixture [1, 2, 3]. The specific sounds to be extracted are specified by a query (often referred as a cue or a hint). This query can take the form of an audio clip [3], text [4], images [5], one- or multi-hot vectors [2], etc.

Most existing TSE methods are non-causal and thus mainly suited for processing audio segments offline for applications in music production and audiovisual media post-production [6]. To enable the use of TSE methods in real-time applications involving streaming audio, the models must be causal and incur minimal latency. For applications such as augmented hearing in wearable devices like hearing aids and augmented reality headsets, the total latency is typically required to be below 10 ms [7]. Recently-proposed Waveformer [8] is one of the unique methods suitable for real-time TSE applications for general sound classes, and represents the current state-of-the-art performance in its class.

Baligar & Newsam [3] showed that TSE tasks can be compartmentalized into two sub-tasks of target source detection and separation. Models optimized jointly on the two tasks yielded a significant performance improvement, as compared to the typical TSE baseline using only the separation objective. However, their proposed method addresses the problem of offline, non-casual TSE, and thus cannot be directly applied in a real-time causal system. We hypothesize that providing context-awareness, achieved through analyzing the composition of the input mixture, can benefit causal, low-latency TSE models.

In this paper, we present causal, low-latency Context-Aware TSE models (CATSE) based on temporal convolutional networks (TCN) [9]. To assess the utility of context awareness in real-time TSE models, we first provide the model with information about the ground-truth (oracle) set of classes comprising the input mixture. Such explicit CATSE (eCATSE) provides an estimate of the upper-bound of performance, assuming the composition of the input mixture is known. While the assumption about the known set of sound classes comprising the input mixture is useful for analyzing model architectures, it is not a practical assumption for most real-time TSE models.

Refer to caption
Figure 1: Overview of the proposed causal Context-Aware TSE models. (a) pcTCN applies conditioning to the separator. (b) eCATSE integrates oracle context in addition to the hint. (c) iCATSE achieves context awareness during multi-task training through classification heads, which are not used for inference.

To overcome this limitation we propose the implicit CATSE model (iCATSE). In particular, we aim to incorporate the identification of the sound classes comprising the input mixture as an additional training objective for the model, in addition to the TSE separation loss. We accomplish this by aggregating latent activations of subsequent TCN blocks to perform multi-class classification of the sound categories present in the input. This extension of the model is used only during training and the classification heads are discarded during inference, preserving causality at inference time.

Using objective metrics, we demonstrate that incorporating context awareness into the TSE models, both explicitly (eCATSE) and implicitly (iCATSE) facilitates the multi-class separation performance. While expected in the case of eCATSE due to the use of oracle context cues, the iCATSE variant also yielded improvements due to the multi-objective training, which supports our hypothesis. In fact, both of the proposed context models outperform the Waveformer model for real-time TSE.

II Related Work

Non-causal Target Sound Extraction: Separating target sounds from a mixture by constraining the source separators has been explored in the past. Delcroix et al. propose the Soundbeam model [2], which uses both class labels and enrollment/audio clips for robust conditioning. Soundbeam also accounts for inactive classes, new classes, and multi-target extraction from a mixture. Gfeller et al. [10] propose SoundFilter, a one-shot learning based model to separate sound classes that the model has never seen before using a U-Net. Kong et al [11] propose using a sound event detector to inform their separation model. This model also claims to be a USS (Universal Source Separation) [12] system that can separate hundreds of sound classes using a single model. The mentioned methods show flexibility in addressing the TSE problem, however, they all operate in the non-causal, offline setting which is not suitable for low-latency applications.

Low-latency, causal Target Sound Extraction: While causal TSE for extraction of arbitrary sounds is relatively under-explored, causal, low-latency speech extraction problem has been investigated for decades [13], in large part due to its relevance to hearing assistance [14]. Liu & Wang [15] propose a Dense-U-Net based causal model for monaural talker-independent speaker separation. Their proposed speaker-number-independent training allows for realistic scenarios when the speaker number is not given beforehand. Further, Li, et al. propose low-latency real-time continuous speech separation with their Skip** Memory (SkiM) model [16] and follow-up with a contrastive predictive coding (CPC) method [16] applied to the previous SkiM model. Last, speech enhancement in the causal setting is investigated by Liu, et al. [17] who propose SI-Net which performs a two-stage speech enhancement and models speech and interference information simultaneously.

Some of these speech separation methods address separating arbitrary talkers in the mixture. Nevertheless, there does not exist any causal real-time method other than Waveformer, to our knowledge, that allows the flexibility of separating user-conditioned target of interest from an input mixture or arbitrary sounds. This work uses learned convolutional and transpose convolutional layers as encoders for processing incoming waveforms, and decoders for reconstructing waveforms, respectively. For audio separation, it uses a stack of dilated causal convolution (DCC) layers as the encoder and a transformer network as the decoder. The model performs label integration after the first transformer block in the separator’s decoder. Our work proposes an alternative approach based on the TCN and utilizing context information from the input mixture. Through a comparative analysis with the Waveformer we highlight the strength of our proposed approach, point out remaining limitations, and outline avenues for future research.

Refer to caption
Figure 2: Our proposed TCN-based separator performs conditioning at every Conv1D layer of the three TCNs, for a total of 18 locations. This pervasive conditioning is performed in all three proposed models: pcTCN, eCATSE, and iCATSE.

III Method

III-A Pervasively-conditioned TCN

We introduce a pervasively-conditioned TCN (pcTCN, Fig. 1a) as a base causal TSE model that we later extend to integrate context-awareness. Our proposed framework utilizes spectral masking to extract sources of interest. A separator module receives real and imaginary components of the short-time Fourier transform (STFT) stacked along the channel axis. The resulting mask is then applied to the input and the inverse STFT is used to reconstruct the separated waveform. We use the Asteroid [18] implementation of STFT filterbanks with a filter size of 256, a kernel size of 128, and stride of 64. With the above-outlined setup, the algorithmic latency of our method is equivalent to the synthesis window size [19]. With the sampling rate of 16 kHz and kernel size of 128 this equates to 8 ms.

The separator is comprised of three causal TCN stacks with a depth of six 1D Conv. blocks each (Fig. 2). Each individual block includes an initial 1x1 convolution expanding input to hidden channels, followed by a PReLU activation, Cumulative global layer normalization (cgLN) [20], and a depth-wise causal 1D convolution. It concludes with another PReLU and cgLN, then branches into a residual connection and a skip connection, both via 1x1 convolutions. All convolutions in the network are left-padded and use cgLN as a layer normalization to assure causality. The output of the model (mask m) is obtained by summing skip connection from all the 1D conv. blocks across all the TCN stacks, followed by PReLU nonlinearity, 1x1 convolution and the sigmoid activation.

The stacked real and imaginary STFT features S𝑆{S}italic_S are fed into the separator alongside a conditional embedding c𝑐{c}italic_c, indicating the target source to be extracted. The conditional encoder contains a fully connected layer with ReLU activation, which takes input as one-hot hint information and outputs an embedding vector of length 128. The conditioning information is multiplied by the outputs of each 1-D convolutional block across all TCNs, resulting in pervasive conditioning as depicted in Fig. 2. There are a total of 18 conditioning points (three TCN stacks, each containing six blocks).

The primary training objective is to minimize the negative scale-invariant signal-to-distortion ratio (SI-SDR) [21]:

Ls=10log10(αs2αss^2)subscript𝐿𝑠10subscript10superscriptnorm𝛼𝑠2superscriptnorm𝛼𝑠^𝑠2L_{s}=-10\cdot\log_{10}\left(\frac{\|\alpha s\|^{2}}{\|\alpha s-\hat{s}\|^{2}}\right)italic_L start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT = - 10 ⋅ roman_log start_POSTSUBSCRIPT 10 end_POSTSUBSCRIPT ( divide start_ARG ∥ italic_α italic_s ∥ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG start_ARG ∥ italic_α italic_s - over^ start_ARG italic_s end_ARG ∥ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG ) (1)

where, s^^𝑠\hat{s}over^ start_ARG italic_s end_ARG is the separated audio signal predicted by the model, s𝑠sitalic_s is the ground truth audio signal and α𝛼\alphaitalic_α is the scaling factor that aligns s^^𝑠\hat{s}over^ start_ARG italic_s end_ARG with s𝑠sitalic_s in terms of amplitude.

III-B eCATSE: Explicit Context-Aware TSE

We provide our pcTCN model with oracle knowledge of the sounds present in a mixture to see how this enhances the separator’s ability to discern and isolate target sources accurately. As shown in Fig.1(b), eCATSE has an additional encoder that takes the oracle context o𝑜{o}italic_o as input, which is a multi-hot vector and creates an embedding representing the classes present in the mixture. The oracle encoder is identical to the conditional encoder and also creates an embedding vector of length 128. This oracle context is concatenated with the conditional embedding c𝑐{c}italic_c, which is later fed to a composite conditional encoder whose output is oc𝑜𝑐{oc}italic_o italic_c, an embedding meant to provide the TCN separator with a broader understanding of the sound scene. The training objective for eCATSE remains unchanged from pcTCN.

We note here that eCATSE’s dependence on oracle information comes with limited practical applicability but remains relevant for tasks where all sound sources are predetermined, for example, music source separation. In this case, we may know exactly what instruments are present in a given arrangement or performance, and eCATSE is well-suited to exploit that knowledge. eCATSE also serves as an informative upper-bound for performance improvement that results from having access to this knowledge. The expected improvement is predicated on the idea that by alleviating the ambiguity of which individual sound sources make up the mixture, the model can focus entirely on perfecting the sound extraction.

TABLE I: Multi-target sound extraction performance of the proposed models and baselines. SI-SNRi indicates SI-SNR improvement compared to the unprocessed, noisy clip. Results for the Waveformer models were obtained from the official implementation by Veluri, et al. [8]11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT. {}^{\dagger}start_FLOATSUPERSCRIPT † end_FLOATSUPERSCRIPT - model using oracle context information.
Model #Params Latency Sampling rate SI-SNRi (dB) / SNR (dB)
1 target 2 targets 3 targets Avg.
eCATSE{}^{\dagger}start_FLOATSUPERSCRIPT † end_FLOATSUPERSCRIPT (ours) 3.54M 8 ms 16 kHz 12.45 / 15.09 7.93 / 9.02 5.62 / 6.07 8.66 / 10.06
iCATSE (ours) 3.52M 8 ms 16 kHz 10.07 / 13.02 4.97 / 6.44 2.26 / 2.84 5.77 / 7.43
pcTCN (ours) 3.52M 8 ms 16 kHz 9.79 / 12.94 4.69 / 6.26 1.98 / 2.60 5.49 / 7.27
Waveformer [8] 3.62M 10 ms 16 kHz 9.39 / 12.77 4.65 / 6.33 1.30 / 2.05 5.11 / 7.05
Waveformer [8] 3.88M 10 ms 44.1 kHz 9.29 / 12.76 4.92 / 6.51 1.35 / 2.04 5.19 / 7.10

III-C iCATSE: Implicit Context-Aware TSE

In order to make Context-Aware TSE more broadly applicable to scenarios without known sources, we investigate multi-task training for implicit context awareness. The first task of iCATSE is separation; the second task is multi-class classification meant to identify all classes present in a given mixture. The goal of the approach is to encourage the model to analyze the contents of the input mixture and thus implicilty develop context awareness. This differs from eCATSE which uses oracle context as conditioning information in the TCN.

During training, iCATSE has three convolutional heads on top of each of the three TCN stacks, as illustrated in 1(c). The three convolutional heads consists of four blocks, each consisting of a 1D convolution followed by LeakyReLU activation and Max Pooling, the outputs of which are concatenated and flattened into an embedding. This embedding is fed to a multi-class classifier containing two fully-connected layers, to predict the sound classes present in the mixture s𝑠sitalic_s. After training, these heads are discarded, maintaining a model size equal to our core model, pcTCN.

To train the iCATSE model, we combine the separation loss with a classification loss Lcsubscript𝐿𝑐L_{c}italic_L start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT. The classification task uses binary cross-entropy (BCE) as the loss function Lcsubscript𝐿𝑐L_{c}italic_L start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT, aimed at identifying the presence or absence of specific sound classes in the mixture. The BCE loss for a single instance can be expressed as:

Lc=[olog(p^)+(1o)log(1p^)]subscript𝐿𝑐delimited-[]𝑜^𝑝1𝑜1^𝑝L_{c}=-\left[o\log(\hat{p})+(1-o)\log(1-\hat{p})\right]italic_L start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT = - [ italic_o roman_log ( over^ start_ARG italic_p end_ARG ) + ( 1 - italic_o ) roman_log ( 1 - over^ start_ARG italic_p end_ARG ) ] (2)

where, p^^𝑝\hat{p}over^ start_ARG italic_p end_ARG is the prediction from the classification head, and o𝑜{o}italic_o is oracle ground truth.

The combined loss function, Lscsubscript𝐿𝑠𝑐L_{sc}italic_L start_POSTSUBSCRIPT italic_s italic_c end_POSTSUBSCRIPT, for iCATSE is thus represented by:

Lsc=Ls+αLcsubscript𝐿𝑠𝑐subscript𝐿𝑠𝛼subscript𝐿𝑐L_{sc}=L_{s}+\alpha\cdot L_{c}italic_L start_POSTSUBSCRIPT italic_s italic_c end_POSTSUBSCRIPT = italic_L start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT + italic_α ⋅ italic_L start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT (3)

where Lssubscript𝐿𝑠L_{s}italic_L start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT is the SI-SDR loss for the separation task, Lcsubscript𝐿𝑐L_{c}italic_L start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT is the BCE loss for the classification task, and α𝛼\alphaitalic_α is a weighting factor for the two objectives. Empirical results indicate that setting α=0.5𝛼0.5\alpha=0.5italic_α = 0.5 gives the best separation, while still optimizing for both separation quality and classification accuracy.

IV Results

IV-A Experimental setup

We adopt the dataset and evaluation setup for single and multi-target sound extraction from the official implementation of Waveformer111https://github.com/vb000/Waveformer to ensure that any performance gains are attributed to our method rather than dataset variations. Specifically, we use the KaggleFSD2018 [22] dataset for foreground events and the TAU Urban Acoustic Scenes 2019 [23] dataset for background sounds to generate complex audio mixtures. The FSDKaggle2018 dataset contains 41 sound event classes from the AudioSet ontology [24], and is combined with the TAU Urban Acoustic Scenes dataset via Scaper [25], creating a dataset of 50k training, 10k testing, and 5k validation samples. For each dataset, we are using the recommended train/validation/test split.

Sound mixtures are created by randomly sampling foreground sounds from 3-5 unique sound classes without replacement. These foreground sounds are further cropped into 3-5 second samples and overlayed onto a 6-second long randomly selected background track. The signal-to-noise ratio (SNR) of foreground sounds is set between 15 and 25 dB relative to the background. Target sounds in each mixture are selected with a methodology consistent with Waveformer’s.

We conduct all of our experiments using audio samples at 16 kHz instead of 44.1 kHz used in the original Waveformer’s implementation. To ensure fair comparison of the models, we use a Waveformer model trained and evaluated using a 16kHz dataset. Nonetheless, we report results for the original 44.1kHz Waveformer for completeness.

TABLE II: Single-target sound extraction performance of the proposed causal models and baseline. All the models in the table have the same configurations as in Table I but has been re-trained to perform the single-target TSE task.
Model SI-SNRi (dB) SNR (dB)
eCATSE{}^{\dagger}start_FLOATSUPERSCRIPT † end_FLOATSUPERSCRIPT (ours) 11.22 13.96
iCATSE (ours) 9.53 13.28
pcTCN (ours) 9.82 13.15
Waveformer (16k) 9.22 13.05
Waveformer (44.1k) 9.43 12.86

IV-B Multi-target TSE

In the multi-task TSE framework, the goal of the model is to extract one or more sources of interest from the mixture. Multi-target training involves using multi-hot vectors to denote multiple target sounds. During training, 1-3 foreground sounds are chosen randomly as targets, hel** the model learn to handle multiple targets simultaneously. During evaluation, the models are applied to separate 1, 2 or 3 target sounds from the mixtures.

Table I presents the results of causal multi-target sound extraction where the target includes up to three sounds of interest. The results indicate that all of the proposed models, pcTCN, iCATSE, and eCATSE, consistently outperform a size- and latency-matched Waveformer model processing 16kHz-sampled audio. Due to the access to oracle context information, eCATSE shows substantial performance gains over all the other considered models, especially as the number of target sources to extract increases (avg. +3.55 dB SI-SNRi compared to the Waveformer).

The proposed iCATSE model provides the best performance of all the models not relying on the oracle context. The iCATSE model consistently yields better performance across all the considered target setups and average scores, as compared to pcTCN (avg. +0.28 dB SI-SNRi) and Waveformer (avg. +0.66 dB SI-SNRi). Finally, the pcTCN model alone also outperforms the Waveformer across the board (avg. +0.38 dB SI-SNR). We speculate that some of the performance benefits may originate from the pervasive conditioning across the model, as opposed to providing the cue only once at the model input, as Waveformer does. However, it’s important to note that our TCN-based architecture also differs from the hybrid DCC-Transformer employed by Waveformer.

IV-C Single-target TSE

Table II presents results for the models re-trained exclusively to perform a single-target sound extraction task. The setup is analogous to IV-B, but the models were trained and evaluated using only one target source (i.e., strictly one-hot hint vector, instead of potentially multi-hot). The evaluation data is the same as in the 1 target configuration from Table I.

Interestingly, all the considered models processing 16 kHz audio perform slightly worse on single-target sound extraction, as compared to the multi-target training setup (Table I). While unexpected, the slight performance gap could be explained by multi-target training acting as a regularizer, making the training more challenging and the resulting models more resilient.

The largest performance gap in going from multi- to single-target training setup is obtained for the proposed context-aware models (i.e. iCATSE, eCATSE). While they both outperform Waveformer (iCATSE: +0.31 dB SI-SNRi, eCATSE with oracle context: +2 dB SI-SNRi), they are affected the most by reducing the number of targets in the training setup. As a result, pcTCN, with no context awareness, yielded the highest SI-SNRi, and 2nd highest SNR, amongst the models not utilizing oracle context information. This indicates that multi-target training is crucial for effectively exploiting context information either directly provided to (eCATSE), or implicitly learned by the model (iCATSE).

V Conclusion

In this work, we present a novel method for context-aware, causal, low-latency TSE. Our model leverages the fact that the TSE task can be compartmentalized into target source identification and separation tasks. We confirm the benefits of the proposed context-awareness by first showing that explicit provision of the oracle context to the model substantially improves its performance (eCATSE). To relax the assumption about the oracle context, we subsequently propose the iCATSE model with multi-objective training. The training constitutes joint identification of the sound classes present in the input mixture and separation of target source(s) indicated by the cue. Using objective metrics we show that both eCATSE and iCATSE models outperform Waveformer, the current state-of-the-art low-latency, causal TSE model, thus showcasing the utility of context awareness. We highlight that multi-target TSE training is necessary to maximize the utility of context information, even if downstream inference is done using only a single target. While we used one- or multi-hot vectors to condition our models, the proposed methods can be easily adapted to work with other conditioning modalities such as text or video. Future work should also address reducing the size of the models to enable its deployment on low-resource audio streaming platforms, such as wearables.

References

  • [1] T. Ochiai, M. Delcroix, Y. Koizumi, H. Ito, K. Kinoshita, and S. Araki, “Listen to what you want: Neural network-based universal sound selector,” Interspeech 2020, 2020.
  • [2] M. Delcroix, J. B. Vázquez, T. Ochiai, K. Kinoshita, Y. Ohishi, and S. Araki, “Soundbeam: Target sound extraction conditioned on sound-class labels and enrollment clues for increased performance and continuous learning,” IEEE/ACM TASLP, vol. 31, pp. 121–136, 2022.
  • [3] S. Baligar and S. Newsam, “Cossd-an end-to-end framework for multi-instance source separation and detection,” in EUSIPCO, 2022, pp. 150–154.
  • [4] K. Kilgour, B. Gfeller, Q. Huang, A. Jansen, S. Wisdom, and M. Tagliasacchi, “Text-driven separation of arbitrary sounds,” arXiv preprint arXiv:2204.05738, 2022.
  • [5] R. Gao and K. Grauman, “Co-separating sounds of visual objects,” in ICCV 2019, 2019, pp. 3879–3888.
  • [6] O. Slizovskaia, G. Haro, and E. Gómez, “Conditioned source separation for musical instrument performances,” IEEE/ACM TASLP, vol. 29, pp. 2083–2095, 2021.
  • [7] X. Yang and D. W. Grantham, “Echo suppression and discrimination suppression aspects of the precedence effect,” Perception & psychophysics, vol. 59, pp. 1108–1117, 1997.
  • [8] B. Veluri, J. Chan, M. Itani, T. Chen, T. Yoshioka, and S. Gollakota, “Real-time target sound extraction,” in ICASSP, 2023, pp. 1–5.
  • [9] C. Lea, R. Vidal, A. Reiter, and G. D. Hager, “Temporal convolutional networks: A unified approach to action segmentation,” in ECCV Workshops 2016, 2016, pp. 47–54.
  • [10] B. Gfeller, D. Roblek, and M. Tagliasacchi, “One-shot conditional audio filtering of arbitrary sounds,” in ICASSP, 2021, pp. 501–505.
  • [11] Q. Kong, Y. Wang, X. Song, Y. Cao, W. Wang, and M. D. Plumbley, “Source separation with weakly labelled data: An approach to computational auditory scene analysis,” in ICASSP, 2020, pp. 101–105.
  • [12] I. Kavalerov, S. Wisdom, H. Erdogan, B. Patton, K. Wilson, J. Le Roux, and J. R. Hershey, “Universal sound separation,” in WASPAA 2019, 2019, pp. 175–179.
  • [13] C. Zheng, H. Zhang, W. Liu, X. Luo, A. Li, X. Li, and B. C. Moore, “Sixty years of frequency-domain monaural speech enhancement: From traditional to deep learning methods,” Trends in Hearing, vol. 27, p. 23312165231209913, 2023.
  • [14] I. Fedorov, M. Stamenovic, C. Jensen, L.-C. Y, A. Mandell, Y. G, M. Mattina, and P. N. Whatmough, “Tinylstms: Efficient neural speech enhancement for hearing aids,” arXiv preprint arXiv:2005.11138, 2020.
  • [15] Y. Liu and D. Wang, “Causal deep casa for monaural talker-independent speaker separation,” IEEE/ACM TASLP, vol. 28, pp. 2109–2118, 2020.
  • [16] Y. W. C. Li and Y. Qian, “Predictive skim: Contrastive predictive coding for low-latency online speech separation,” in ICASSP, 2023, pp. 1–5.
  • [17] C. Z. W. Liu, A. Li and X. Li, “A separation and interaction framework for causal multi-channel speech enhancement,” Digit. Signal Process., vol. 126, p. 103519, 2022.
  • [18] M. Pariente et al., “Asteroid: the PyTorch-based audio source separation toolkit for researchers,” in Proc. Interspeech, 2020.
  • [19] Z.-Q. Wang, G. Wichern, S. Watanabe, and J. Le Roux, “Stft-domain neural speech enhancement with very low algorithmic latency,” IEEE/ACM TASLP, vol. 31, pp. 397–410, 2022.
  • [20] Y. Luo and N. Mesgarani, “Conv-tasnet: Surpassing ideal time–frequency magnitude masking for speech separation,” IEEE/ACM TASLP, vol. 27, no. 8, pp. 1256–1266, 2019.
  • [21] J. Le Roux, S. Wisdom, H. Erdogan, and J. R. Hershey, “Sdr–half-baked or well done?” in ICASSP, 2019, pp. 626–630.
  • [22] E. Fonseca, M. Plakal, F. Font, D. P. Ellis, X. Favory, J. Pons, and X. Serra, “General-purpose tagging of freesound audio with audioset labels: Task description, dataset, and baseline,” in DCASE, 2018, p. 69.
  • [23] A. Mesaros, T. Heittola, and T. Virtanen, “A multi-device dataset for urban acoustic scene classification,” in DCASE, 2018, p. 9.
  • [24] J. F. Gemmeke, D. P. W. Ellis, D. Freedman, A. Jansen, W. Lawrence, R. C. Moore, M. Plakal, and M. Ritter, “Audio set: An ontology and human-labeled dataset for audio events,” in ICASSP, 2017, pp. 776–780.
  • [25] J. Salamon, D. MacConnell, M. Cartwright, P. Li, and J. P. Bello, “Scaper: A library for soundscape synthesis and augmentation,” in WASPAA, 2017, pp. 344–348.