- Empirical Research
- Open access
- Published:
Explicit-memory multiresolution adaptive framework for speech and music separation
EURASIP Journal on Audio, Speech, and Music Processing volume 2023, Article number: 20 (2023)
Abstract
The human auditory system employs a number of principles to facilitate the selection of perceptually separated streams from a complex sound mixture. The brain leverages multi-scale redundant representations of the input and uses memory (or priors) to guide the selection of a target sound from the input mixture. Moreover, feedback mechanisms refine the memory constructs resulting in further improvement of selectivity of a particular sound object amidst dynamic backgrounds. The present study proposes a unified end-to-end computational framework that mimics these principles for sound source separation applied to both speech and music mixtures. While the problems of speech enhancement and music separation have often been tackled separately due to constraints and specificities of each signal domain, the current work posits that common principles for sound source separation are domain-agnostic. In the proposed scheme, parallel and hierarchical convolutional paths map input mixtures onto redundant but distributed higher-dimensional subspaces and utilize the concept of temporal coherence to gate the selection of embeddings belonging to a target stream abstracted in memory. These explicit memories are further refined through self-feedback from incoming observations in order to improve the system’s selectivity when faced with unknown backgrounds. The model yields stable outcomes of source separation for both speech and music mixtures and demonstrates benefits of explicit memory as a powerful representation of priors that guide information selection from complex inputs.
1 Introduction
The human brain solves complex auditory tasks such as having a conversation in a busy cafe or picking the melodic lines of a particular instrument in an ensemble orchestra. While seemingly effortless, these tasks are a real feat given that the brain only has access to a low dimensional pressure waveform of the mixture as the primary signal and uses a common front-end pipeline to process incoming signals, regardless of their complexity [1]. This sound mixture composed of different sources is analyzed through common processing stages in the auditory system to separate it into perceptual auditory objects of unequal cognitive value. Some streams of interest are promoted to the foreground, while others are relegated to the background, e.g., attending to the voice of a friend and ignoring the background chatter in a cafeteria or jamming to beats of the drum and ignoring the melody of the accompaniments. Critical to this separation process is the mechanism of attention which gates the selection of foreground objects [2, 3], hence allowing the system to focus its computational resources on signals of interest. Priors stored in memory are deployed as needed and used to narrow down the representational space of targets of interest to the system [4].
Neuroscience research has shed light on some of the mechanisms and neuronal architectures that facilitate adaptive listening [5,6,7,8,9]. A series of transformations along the auditory pathway map the low dimensional pressure waveform to a higher dimensional space [10,11,12]. Studies have shown that naturally occurring sound objects have distinguishable characteristics and occupy non-overlapping regions in this high dimensional space, enabling the grouping of these features into perceptual auditory objects [13, 14]. In addition, functional magnetic resonance imaging (fMRI) findings have indicated the presence of a spatially distributed network architecture in cortical regions with localized areas capturing different parts of the high dimensional spectrotemporal modulation space [15, 16]. Further, selective attention gates the representation of incoming signals that are temporally coherent with attended priors [17]. In addition, there is evidence that memory priors guiding selection of attended inputs function in a distributed setup rather than a unitary system, complementing the distributed feature encoding process [18,19,20,21]. These priors themselves undergo continuous adaptation and sharpening as a result of selective attention [22, 23], likely allowing the system to adapt to novel contexts and changing interfering backgrounds.
Inspired by these principles, numerous efforts in machine hearing have leveraged these principles to process audio signals. Hierarchical and multi-resolution schemes have been widely effective in providing rich and redundant mappings of sound inputs, particularly for the task of source separation. Grais and colleagues proposed a multi-resolution architecture using convolutional filters of varying sizes to capture different parts of the spectrotemporal modulation space for source separation [24, 25]. Hierarchical U-networks and residual networks based on skip connections have also resulted in compelling performance leaps for tasks such as singing voice separation [26] and music source separation [27, 28] by exploring features at various levels of abstraction. Most systems adopting a multi-resolution framework generally operate within a single end-to-end network, hence resulting in highly effective, yet very specialized systems, optimized for either speech inputs, music signals, or other sound events. These approaches raise the question regarding the effectiveness and commonality of principles that facilitate segregation of sounds regardless of sound class, be it speech, music, or other audio signals. After all, human brains are generalist systems able to process various sound inputs and attend to different objects of interest.
Beyond multi-resolution architectures, attention has been widely used as a mechanism that further guides processing in deep networks by incorporating weighting of local and global contexts, as shown by recent performance leaps of models such as transformers and conformers [29]. Throughout the use of attentional processes in deep learning, the term attention takes on a meaning of a soft search across the feature space whether it is in the form of self-attention or weighting of contexts. In the present work, attention refers to a more biological construct, namely as a gating operation that is guided by explicit memory or priors to change the output of the system to the same input to attend to sound A or sound B in the mixture. These explicit memories act as information bottlenecks that refine the network during inference and operate as discrete and compact units that guide the processing of the entire system.
In the present study, we propose a framework that achieves a dual objective in the context of audio source separation: (i) a universal, modular framework that operates on both speech and music signals by forming explicit object memories and (ii) an adaptive system that selectively re-tunes memory to adapt to changes in the soundscape. The proposed system represented in Fig. 1 incorporates four key bio-mimetic principles:
-
1
Multi-view feature extraction: Multiple parameterized independent streams trained in parallel to capture information from different vantage points [15, 16]. In addition, a stream integrator is trained to combine views across parallel streams.
-
2
Object memory formation: An explicit memory of different auditory objects is learned to represent patterns of a particular object captured across multiple views [30, 31]. These memories are used to gate features for target auditory objects.
-
3
Self-attentional feedback: During inference, self-attentional feedback allows memory representations in each stream to refine themselves by using information from a different vantage point in the network, in order to enhance perceptual fidelity when faced with changing backgrounds [22].
-
4
Hierarchy: The basic architecture can be repeated across different hierarchical levels. Self-feedback not only modulates parallel streams within a layer but trickles down to earlier levels in the hierarchy.
We evaluate this model for two different tasks, without any adjustment to design elements or system architecture. In other words, the same model architecture is trained to attend to target speech in presence of various noise distortions (speech enhancement) and trained to attend to a particular instrument in presence of different instrumentals or vocals (music source separation). Both models differ in the number of possible targets, i.e., 2 for speech enhancement (speech and noise) and 4 for music separation (bass, drums, vocals, and other). It is important to note that the proposed scheme frames the source separation problem as one where the system is attending to one auditory target (based on priors in the memory network) and ignores all others. As such, the network only outputs the foreground signal desired to be listened to (as indicated by the user), rather than multiple signals in an input mixture.
The analysis to follow evaluates the effectiveness of the above mentioned mechanisms in an agnostic source separation task without exclusively targeting computational cost or high-performance computing to outperform state-of-the-art systems. In Section 2, we describe the proposed framework in detail; followed by the training process, datasets employed and baseline systems in Section 3. The results are presented in Section 4, while Section 5 discusses the capacity and constraints of the proposed system in mimicking the biological system.
2 Explicit-memory multiresolution adaptive (EMMA) framework
Expanding upon the goals described in Fig. 1, we propose the explicit memory multi-resolution adaptive (EMMA) framework as represented in Fig. 2. The model takes as input two quantities, the magnitude short-time Fourier transform (STFT) of the mixture signal denoted by \(S_M\) and an indicator variable \(I_M \in \mathbb {N}^O\) representing the target object. O denotes the maximum number of objects that can be present in the system and is pre-defined for the task. \(O=4\) for music source separation and represents memories of vocals, bass, drums, and others, while \(O=2\) for speech enhancement and represents memories of speech and background distractors. The desired output from each of the parallel streams as well as stream integrator is the magnitude STFT of the attended auditory object only i.e., \(o \in \{1,2,... O\}\).
The proposed model has four key components: (1) different levels of the hierarchy, each composed of parallel processing streams; (2) a stream integrator at each level of the hierarchy that renders a unified view across streams; (3) memory informed attentional gating G operating at end of each stream, and (4) self-attentional feedback to re-tune memories during inference. The following subsections describe each component in detail.
2.1 Parallel multi-resolution feature analysis
As described previously, the network consists of parallel streams, each trained independently. Let the \(j^{th}\) stream output of the \(i^{th}\) layer be represented by \(\hat{S}_{i,j}\), where \(i \in \{1, 2, ... i_{max}\}\) and \(j \in \{0, 1, 2, ..., j_{max-1}\}\). We formulate the prediction of a stream \(f_{\theta _{i,j}}\) parameterized by \(\theta _{i,j}\) as follows:-
where \([\hat{S}_{i-1,1}| \hat{S}_{i-1,2}| \ldots | \hat{S}_{i-1,j_{max}-1}]\) represents the concatenated outputs of the previous layer’s streams except the stream integrator. Here, \(i_{max}\) and \(j_{max}\) denote the total number of layers and count of streams per layer respectively; \(j=0\) represents the stream integrator. In our experiments, we fix \(i_{max}=2\) and \(j_{max}=4\). The input of each of the streams in level 1 is the magnitude STFT of the mixture \(S_M\); while the input of each of the streams in level 2 is the concatenated output embeddings from the independent streams of level 1. All streams also take as input an indicator variable \(I_M \in \mathbb {N}^O\), which signifies the target object in the scene.
Each stream consists of a two-dimensional convolution node as the basic computational unit, followed by a max pooling operation for some paths. As illustrated in Fig.2, the streams differ in the number of pooling operations and upsampling blocks attributing to \(S_{11}\) and \(S_{21}\) being the fastest, \(S_{12}\) and \(S_{22}\) as the medium level and \(S_{13}\) and \(S_{23}\) capturing the slowest modulation features. All streams use a dilated-convolution stack (DCS) (Fig. 2) which is used to enable estimating filters of varying resolutions, with the most dilated filters capturing the slower scale features [32]. The final stage in a stream is the gating operator G that is used to attend to the object of interest and is described later in this section.
2.2 Stream integration
Individual streams capture the acoustic scene and its constituent objects at differing levels of resolution and abstraction depending on the parameters of the stream and its position in the hierarchy. We hypothesize that these streams capture the acoustic scene from different vantage points, and integrating information across streams in different hierarchical levels should lead to better target separation. Effectively, stream integrators at each level act as read-outs of the auditory objects from a particular level and have similar architectures as each of the parallel streams. They consist of convolutional nodes and DCS, albeit deeper in terms of network complexity. The input to stream integrators is the concatenated embeddings of streams from the corresponding level of hierarchy along with indicator variables \(I_M\). The output of a stream integerator is formulated as follows
2.3 Memory informed attentional gating
The attentional gating G is inspired by the principle of temporal coherence which states that when attention is directed towards a characteristic feature of the target object, this characteristic feature acts as an anchor, and all the features that are coherent with temporal activations of this anchor become bound together to form a common auditory object [17, 33]. In other words, the attentional mechanism leverages patterns in the memory to weight embeddings that are in sync with the memory of interest for further processing [34].
Let H signify the embeddings of the mixture in a 3-D space with dimensions \(p \times q \times r\). The dimensions p, q, and r represent frequency channels, number of time frames, and number of hidden units respectively. For simplicity, assume we want to segregate the audio into 2 sound objects, object A and object B. Let \(O_M\) denote the object memories of dimensions \(p \times r \times 2\) and \(I_M\) of dimensions \(2 \times 1\) be the indicator variable indicating the object we are interested in extracting from the audio. The gated attentional block performs the following operations (Fig. 3):
-
1.
First, the memory vector \(O_{x}\) is selected from the vector \(O_{M}\) as guided by the indicator \(I_{M}\).
-
2.
Next, the weighted activation pattern \(R_x\) (also referred to as anchor memory) is estimated from the memory \(O_{x}\) and reshaped mixture embedding \(\tilde{H}\) using the following equation.
$$\begin{aligned} R_x[1,t] = \sum _{i=1}^p \sum _{j=1}^rH[i,t,j]*O_x[i,j,1] \; \forall t \in \{1,...,q\} \end{aligned}$$(3) -
3.
The anchored memory is then matrix multiplied with the memory vector to mimic the object memory’s pattern along the time dimension.
$$\begin{aligned} \hat{R}_{x} = O_x*R_x \end{aligned}$$(4) -
4.
Resultant matrix \(\hat{R}_{x}\) is of the same size as \(\tilde{H}\) which undergoes a sigmoid non-linearity. Following the non-linearity, this matrix is then used as a gating operator (via element-wise multiplication) with the \(\tilde{H}\). This step is represented mathematically in Eq. 5.
$$\begin{aligned} \hat{H} = H \odot sigmoid(\hat{R}_{x}) \end{aligned}$$(5)
This process is similar to the use of a dictionary basis to segregate sources within the non-negative matrix factorization paradigm [35]. The object memories are analogous to dictionary bases in this scenario and the gating operation is performed by reshaping the embeddings over time without non-negative constraints.
In each of the independent streams and stream integrators, source separation or enhancement is performed through the penultimate block in the stream, indicated as G. The gating block takes the output of the previous block and indicator as the input and returns the embeddings activated in coherence to the pattern learned in the memory. The local attention gating block in each of the parallel streams and stream integrators is followed by the read-out layer, a \(1 \times 1\) convolution to generate the output spectrogram from each of the streams.
2.4 Self-attentional feedback
The network proposed thus far consists of multiple streams across different levels of hierarchy with stream integrator at each level integrating information across the streams. By design, the network strives to represent distinct views of information across its different paths as information flows to integrator streams and higher levels. Each stream contains its own memory of objects used to separate sources. Deployment of top-down feedback is used to refine the memories of lower layers based on output from upper layers. This top-down process focuses on only re-tuning the streams’ object memories in the attentional gating blocks of individual streams by minimizing the objective \(\mathscr{L}\) defined as,
where, \(\hat{S}_C = \sum _{k=1}^{i_{max}}S_{k, 0}\) and \(\mathscr {D}\) is the distance metric used to quantify the distance between \(\hat{S}_C\) and \(\hat{S}_{i,j}\). This is illustrated in Fig. 2, where only the object memories denoted by “G” in the red dotted boxes are updated while the rest of the distributed network is kept fixed.
3 Experiments
In this section, we describe the datasets, network configuration, training, and re-tuning strategy in detail for both speech and music separation. The network configuration, training, and fine-tuning strategies are similar for both tasks, hence it is described together for both tasks in the subsection below.
3.1 Network configuration
In our experiments, we fix the number of layers as 2 and the number of streams per level as 3, with one stream integrator for each level, but the basic concept can be extended to more streams and levels. The network takes as input the magnitude spectrogram of the sound mixture and indicator with dimensions \(B \times 2048 \times 64\) and \(B \times O\) respectively, where B denotes batch size and O represents the number of objects. STFT is calculated using a window size of 2048 and a hop size of 512 with a hamming window. The number of time frames in the input is fixed to 64 and with zero padding where necessary. The indicator is one hot encoded vector representing which memory to select for further processing (\(O=2\) for speech and \(O=4\) for music). All max-pooling operations are performed using a kernel size 2 and stride 2. Each convolution node consists of 128 hidden units, \(3 \times 3\) kernel, and “same” padding with leaky ReLU (rectified linear unit) activation [36]. Dilations are used in the DCS block (Fig. 2). Finally, the segregated waveform is obtained by taking the inverse STFT using the output magnitude spectrogram and the original mixture phase.
3.2 Training the network
Each stream including the stream integrator is trained independently while keeping the rest of the network fixed. Firstly, the three parallel streams in level 1 are trained with the magnitude spectrogram of the music or speech mixture as input along with information of the desired target object indicated by \(I_M\). Next, the stream integrator in level 1 and parallel streams in level 2 are trained with the concatenated embeddings from level 1 and indicator variable \(I_M\) as input. The parameters of the parallel streams in level 1 are kept fixed when training higher levels. Finally, the stream integrator in level 2 is trained using the concatenated gated embeddings of level 2 and indicator variable \(I_M\) as input, keeping the rest of the already trained networks fixed. Each stream is trained using the Adam optimizer for 35,000 iterations with a learning rate of \(10^{-4}\).
To train the parallel streams, let \(\hat{S}_{i, j}\) denote the output of the stream j in level i and Y be the ground truth (clean magnitude spectrogram) of the desired (attended) object; we employ the \(L_{1}\) norm as the loss function to train each of the streams, following Eq. 7. The stream integrator network in level 1 is also trained using the \(L_{1}\) norm (Eq. 8), while the stream integrator network in level 2 follows a modified loss equation (Eq. 9). This modified loss function balances a reconstruction of the clean spectrogram of the desired auditory object while enhancing contrastive information captured by the stream integrator in level 1. The parameter \(\alpha \in [0,1]\) is used to balance the priorities between reconstruction and extracting complementary information. In this study, \(\alpha\) is set to 0.2 following empirical investigations. The training procedure follows a sequential order in which the sample order is presented in an orderly fashion for each memory, hence maintaining a similar context. This structure yields better performance relative to random sampling, likely because the gradients calculated in the sequential strategy guarantee an equal number of updates for all object memories.
3.3 Re-tuning the network
The re-tuning procedure uses the loss function presented in Eq.6, where \(\hat{S}_C\) represents the sum of stream integrator outputs at all levels and D is the L1 distance between \(\hat{S}_C\) and \(\hat{S}_{i,j}\), \(i_{max}=2\) and \(j_{max}=3\). This stage is a true feedback operation that uses no ground truth data. Instead, it allows the model to leverage information from a better viewpoint to improve itself. This mechanism can also be attributed loosely to a self-correcting mechanism of the proposed EMMA framework. For the network re-tuning, the learning rate is set to 10e−5, and the gradients of the memory matrix are updated for 10 epochs at max with early stopping applied to avoid overfitting.
3.4 Experimental tasks and baseline systems
3.4.1 Music source separation (MSS)
For this task, the MUSDB18 dataset [37] is utilized. The dataset consists of 150 songs (10 h of audio) divided into 100 train and 50 test full-track songs. The audio is provided in a multitrack 22 kHz format composed of 5 stereo streams, with the 5 streams corresponding to the mixture, drums, bass, vocals, and other instruments. For each file, the mixture corresponds to the sum of all the signals. All tracks are downsampled to 16 kHz before calculating the STFT. MSS focuses on separating the mixture into 4 auditory objects: bass, drums, vocals, and other instruments. The input to the network is the magnitude spectrogram extracted from a music mixture, along with an indicator suggesting which of these 4 objects/sources is of interest. The model predicts the magnitude spectrogram of the object for which the indicator variables is equal to one. The output of the network is compared to the ground truth track and a measure of signal-to-distortion ratio (SDR) is used to evaluate the separation performance.
Baseline systems: The performance of the proposed system is compared to a diverse number of other models with comparable setup. Many state of the art systems incorporate specifics about music profiles and extensively optimize to the particular domain. For example, [38, 39] proposes a hybrid model that selects time and/or spectrogram information as suited for the stream. Furthermore, the systems effectively train different networks for each sound class and optimize parameters to consider unique aspects of these classes. For instance, [39] customizes processing based on target sources expected frequency ranges, hence employing a much wider profile for bass sounds relative to vocals. The baseline models used in this study include a single network CNN-based setup [40], a data-augmented deep neural network [41], and a residual network based on de-noising auto-encoder [27] trained on the same data for comparison. All baseline systems have reported competitive performances on music source separation though are slightly below current state-of-the-art systems which rely heavily on a expert knowledge of the characteristics target sources [42].
3.4.2 Speech enhancement
To train the speech enhancement model, we use training data from a noisy speech dataset consisting of clean speech data from the Voicebank corpus [43]. These samples are distorted using environmental sounds from the Urban sounds database [44] and the QUT noise set [45] to create a dataset of approximately 30 h of audio at a 16 kHz sampling rate. The noisy speech dataset is created at signal-to-noise ratios (SNR) ranging from − 10 dB to 10 dB to cover a diverse range of low and high SNRs. For testing the model, we use two out-of-training distribution noisy speech datasets: (i) the noisy speech synthetic utterances from the DCASE 2020 challenge [46] consisting of 1500 test examples each of 10-s duration and (ii) a noisy speech database created using the TIMIT speech data [47] corrupted using the BBC sound effects database [48]. A test set of 1000 examples was created using additive noise backgrounds from the Ambience, Animal, Emergency, Office, Technology, Vehicles, and Weather classes in the BBC sound effects database at SNRs ranging from − 10 to 3 dB. Each example contains a single TIMIT speaker, with the examples averaging 27 seconds. In order to extend the evaluation of the system, we train a different instance of the model using the DEMAND dataset [49] consisting of the Voice Banking Corpus with noise recordings from the DEMAND data. This dataset is structured with separate training and testing subsets which affords evaluation of the model using diverse multichannel environmental noises.
In order to address different limitations often associated with performance measure, we employ 3 different metrics in order to evaluate model outcomes from different angles.
Baseline systems: The performance of the system for speech enhancement was compared to 3 other baseline neural network architectures evaluated using the same train/test data: (i) a baseline CNN network with the same configuration as that of the proposed system with 5 layers, each consisting 1024 hidden units of size \(3 \times 3\) and ReLU activations; (ii) a conventional 5 layer BLSTM (bi-directional long short-term memory), with 1024 hidden units per layer; a feature window of 11 frames of spectral vectors (5 to each side) is used to estimate one output frame; (iii) a baseline generative adversarial network as proposed in [50], with the modified training data used in this work. The baseline models were trained using the Adam optimizer with L1 norm with the clean speech spectrogram as the objective function. These baseline systems are chosen as competitive systems in speech enhancement though precluding others that employ additional factors such as phase information to boost performance [51].
Ablation evaluations: By design, the model provides multiple outputs at different points in the network. This structure allows us to evaluate the contribution of different components of the model. In addition, we also perform an ablation study where the contribution of different streams is nullified by setting the embeddings for that stream across all layers to zero. The rest of the model remains unchanged hence allowing us to assess the degree of damage such zeroing has on the final outcome of the model at the output of the stream integrator in layer 2. This analysis is performed on the speech task as example of expected effects of model ablation on overall performance.
4 Results
4.1 Music source separation (MSS)
The evaluation of the proposed system is presented in Table 1. The final system performance lists both the combined system \(L_{1+2-SI}\) without any feedback as well as the adaptive re-tuning system \(TD_{1+2-SI}\) for comparison. The proposed system outperforms the baseline systems for the drums and vocals tracks, while not under-performing on the bass and other categories. The best-performing system with both bass and others track is [41] which uses extensive data augmentation, a very powerful technique to improve generalizability and performance, particularly for recurrent systems.
To further understand the role of presented self-feedback mechanisms in refining the selection process, we investigate two spectrogram snippets for the drums and vocals (Fig. 4). Rows 1 and 2 show the desired target spectrograms and the input mixture \(S_M\) for this specific snippet. Rows 3 and 4 represent the output magnitude spectrograms of systems \(L_{1+2-SI}\) and \(TD_{1+2-SI}\) respectively, while the spectrogram in row 5 shows the difference of two representations in row 4 and row 3 to highlight the main differences. In both examples, we note that re-tuning plays two important roles: removal of competing tracks that remain in the output and further enhancement of the desired target. In the left column, self-feedback results in the suppression of sustained energy near 0–2 kHz which is prominent in the competing tracks in row 3 (Black circle). Although self-feedback does not completely remove such energy, it strongly suppresses it in row 4, hence improving the representation of the drums by the model. However, this example also highlights that the role of adaptive re-tuning does not bring sufficient temporal precision to better align with the fast dynamics of the specific drum track. In the right column, we observe the absence of strong and sustained energy near 2 kHz in row 4 which is present in the combined system’s output (larges white circle). Hence, self-feedback results in improved matching as compared to the target spectrogram. By the same token, we also observe that self-attention for the same vocals example results in improved representation near the same spectral channels at later time windows (second white circle) further enhancing the vocal activity that needs to be segregated at that moment.
Network analysis: Given the modular nature of the network, it affords a refined analysis akin to an ablation study which allows us to explore the contributions and complementary roles of different components. Median SDR [52] scores of individual streams and stream integrators across levels is presented in Fig. 5 for the music separation task for each of the 4 tracks. The labels \({L_{11},L_{12},L_{13}}\) and \({L_{21}, L_{22}, L_{23}}\) represent the streams in level 1 and level 2, respectively. And label \(L_{1-SI}\) and \(L_{2-SI}\) represent the performance of the stream integrator in level 1 and level 2, respectively. \(L_{1+2-SI}\) represents a combined system, where the output of the stream integrator in each level is added to obtain the signal. The results strongly suggest that individual levels learn complementary information about the attended auditory objects as we ascend the hierarchy, hence supporting our motivation behind combining outputs. A number of observations stand out from these results:
-
Among independent streams, faster streams (\(L_{11}\) and \(L_{21}\)) perform best across all tracks, and relatively closely to each other. Comparatively, bass is the only track where the output from the slower stream is significantly weaker than the others. Nevertheless, the stream integrators for all objects (drums, bass, others, vocals) do systematically show an improvement suggesting complementary information gleaned from the 3 streams at each layer of the network.
-
The combined system approach \(L_{1+2-SI}\) performs better than \(L_{1-SI}\) and \(L_{2-SI}\) individually, across all 4 soundtracks. Hence, empirically suggesting the presence of complementary information across each level.
-
Ultimately, Fig. 5 shows that re-tuning memories during testing results in systematic improvements across all four classes as noted in the results in \(TD_{1+2-SI}\).
4.2 Speech enhancement
The same framework is evaluated for speech enhancement but trained on speech data. The first evaluation of the model focuses on the mismatched train/test case, using noisy VoiceCorpus speech training data and DCASE/TIMIT corrupted data (see Methods in Section 3.4.2 for details). Table 2 shows the performance of the speech and noise separation systems in terms of the average PESQ [53], ESTOI [54], and SDR. Both systems \(L_{1+2-SI}\) and \(TD_{1+2-SI}\), perform better than baseline systems across all metrics. It is also interesting to note that the use of re-tuning leads to a more significant improvement in the SDR measures when compared to intelligibility measures like PESQ.
Because of the distributed nature of the processing paths in the system, we can look closely into the mapping profiles that underlie the separability of speech data. We derive the modulation power spectrum (MPS) of an ensemble of 100 randomly sampled speech utterances (from the TIMIT database) processed through the different streams in the model [55,56,57]. The MPS is an estimate of temporal fluctuations in the signal and reflects how fast sound intensity varies over time. This analysis maps the spectrographic representation of each utterance as viewed by each of the layers in the model into its modulation profile averaged across temporal information to obtain a power density function [58]. Speech utterances with additive white noise at 0 dB are used to examine the changes in spectral profiles between clean and noisy speech. Fig. 6 reveals a comparison of the different modulation power spectra for all streams. The proposed architecture poses the ability to capture different profiles in the modulation spectrum, varying from a high-pass (\(L_{i1}\)), mid-range (\(L_{i2}\)), and almost low-pass (\(L_{i3}\)). The stream integrator \(L_{i-SI}\)(rightmost column) shows a more typical profile of speech with a peak near 8Hz reflecting the concentration of energy near an average syllabic rate [59].
Ablation analysis: To better assess the complementary role of different processing streams, we perform an explicit ablation analysis by nullifying specific streams in the network and evaluating the impact on the final level 2 integrator output. In this evaluation, specific streams (1, 2, or 3) in both layers are set to zero while the rest of the model is evaluated. The effect of leaving one stream out on the system performance as measured by the output of layer 2 is displayed in Table 3 evaluated on the DEMAND train/test dataset (see Methods in Section 3.4.2 for details). The results show a consistent outcome as those noted in the music separation analysis, with complimentary information across the different streams. Specifically, we note that the role of stream 1 and stream 2 may be viewed as somewhat redundant since their ablation results in comparatively similar drops in system performance. The MPS speech profiles in Fig. 6 are consistent with such overlap, while nullifying the third stream does seem to have dramatically affect the performance of the system, in line with the expectation that slower modulation profiles are more critical for fidelity of speech signal [56]. Finally, we also note that the model trained/tested on this new DEMAND dataset -without any ablation- yields speech enhancement results on par with the PESQ values obtained using the evaluation with the TIMIT/DCASE dataset when comparing the last line of Table 3 with values reported in Table 2.
5 Discussion
This study is inspired by the brain’s ability to pick out a target sound amidst other sources that may mask, interfere, or distort the sound of interest. Proposed framework attempts to mimic the following characteristics: (i) distributed processing to facilitate sound segregation, (ii) object memory representing characteristics of sounds across the distributed system, and (iii) selective re-tuning of the target memories to adapt to a particular melody or speaker. Moreover, the proposed system does not incorporate any specific higher-level knowledge or constraints based on the structure of the signal of interest (i.e., semantic or symbolic context). Instead, it is primarily a signal-driven analysis that explores the discriminability of target signals from background distractors based on the distinction between the signal characteristics of classes. Music separation has often benefited from the inclusion of musical syntax and semantic models that incorporate semantic and contextual information [60, 61]. Speech enhancement research has also exploited the highly constrained structure of speech sounds, specifically phonemes [38, 62] which incorporate conditional constraints on the enhancement mappings based on phonemic structure, or even by employing broader contexts imposed by language models [63]. Nevertheless, this machinery of highly specialized processing builds on a common infrastructure that is dealing with the inputs themselves and leveraging constraints in the signal space that can be advantageous for downstream processing. The present study shows that these common, domain-agnostic, principles are a powerful foundation that can set the stage for further improvement in expert systems focusing on speech or music only.
Distributed multi-scale processing: The auditory system is viewed as a multi-scale transformation, wherein the spectral and temporal dynamics of an input waveform are extracted across a network of cortical units. Neurons in the auditory cortex are sensitive to spectral energy, spectral modulations, and temporal modulations which capture the rate of change of energy along the temporal axis (rates) in addition to the joint changes in dynamics along time and frequency [12]. Studies have shown that this multi-scale high-dimensional space can separate sound objects from the background, allowing for better target sound recognition [13, 64, 65]. Biology appears to have constrained or optimized this mapping to best represent natural sounds (e.g., speech, nature, animal vocalizations) and acoustic profiles that are constrained by realistic physical attributes (e.g., sounds of musical instruments) [14, 66,67,68]. Furthermore, recent studies indicate the presence of spatially distributed parallel mappings with rich spectrotemporal space enabling mappings that span different views of the input in addition to a degree of redundancy in the representations [15, 16].
To achieve this rich and multiplexed representation, the proposed system utilizes parallel pathways that are trained independently. Each path is configured to best represent a certain region of the modulation space. As noted in a recent review [69], while the representation is learned in a data-driven way, the chosen configuration of each path is a critical design element of the system and reflects the intended mapping space that we aimed to delineate in each path (Fig. 6). Naturally, an important point to raise here is that the proposed architecture is primarily feedforward with no feedback on the features (except for adaptive retuning). This clearly falls short of the complex interactions and recurrent projections that are present in the auditory cortex and precortical layers [70, 71]. A similar argument is supported by the success of a number of recurrent architectures in source separation tasks [27, 72]. The role of such recurrence is undoubtedly important and has been demonstrated useful in a number of tasks allowing it to capture complex dynamical behaviors and compounded nonlinear functions. Nevertheless, the contribution of such complexity to a system remains ill-understood and does not always guarantee improved behavior and performance without a clear understanding of the role, constraints, and dynamics of the recurrent feedback [73].
Object memory and temporal coherence: The role of the network of memories [74, 75] is to act as attentional gates to selectively filter out sounds that are of no interest. This configuration parallels the organic experience of human listeners, where we consciously and deliberately chose to listen to a friend’s voice in a noisy cafeteria, a process referred to as endogenous or top-down selective attention [2, 76, 77]. Unlike uses of the term attention in the context of artificial neural networks and deep learning, the use of attentional gating here is adapted to align with its perceptual meaning, in terms of its role as an information bottleneck that refines inference to align with specific goals [3]. In EMMA framework these object memories are distributed across the parallel paths to leverage the redundant representations in the multi-scale mapping; in line with the distributed nature of memory in the brain which offers a multiplexed view of sensory representations at different levels of granularity and abstractions [18, 19].
Naturally, the current model does not go beyond two layers of the hierarchy and falls far short of the specialized transformations of memory in the brain that span far more than the sensory space and encompass more cognitive regions of the brain [20]. One of the critical processes that these memories leverage in the current system is the principle of temporal coherence. Temporal coherence states that channels that co-vary together tend to be grouped together [17]. This principle is leveraged by the attention mechanism in the brain to bind together channels that are temporally coherent with a target feature [78]. The current work implements this idea using a gating mechanism (Fig. 3) that operates differently from how attention has been used in deep learning applications, effectively as soft search mechanisms using importance weights. This gating uses the memory as an anchor against which temporal coherence is evaluated.
Selective retuning: One of the remarkable capacities of the human brain is its ability to adapt to unknown conditions [8, 79]. It is evident from present research in the neuroscience community that there exists a feedback mechanism in the brain that plays a crucial role in how humans navigate unknown environments [80,81,82]. While the current system is primarily a feed-forward configuration, it relies on a set of priors (object memories) to guide the selection of targets and effectively operate as a self-feedback loop to modulate how incoming signals are processed. In contrast, these priors themselves need not be rigid and should be flexible to reflect specific listening conditions, statistics of the actual target being tracked as well as constraints of the noise conditions at that moment in time.
The adjustments of the priors cannot happen in the design phase of the system, as they have to reflect a specific unknown utterance, melody, or even noise condition. Hence, it is important to develop models that learn continuously. In the current study, we use feedback from stream integrator as guides for this adjustment process; effectively using the model’s output and its posteriors to re-tune its priors. This mechanism can be thought of as a self-correction mechanism that ultimately aims to reinforce the representation of memory with the peculiarities of a specific observation. This approach is also substantiated by a number of findings in the auditory system whereby selective attention is shown to improve the precision of a stimulus already represented in memory [22]. Imposing retuning during inference is limited in the current formulation to adjusting only a few parameters in the model, specifically the object memories.
Overall, this work explores the interaction between feedforward mapping principles and selective modulations (via memories and feedback) to facilitate the segregation of sounds of interest in a complex mixture. Attention in its perceptual interpretation is at the center of this selective adaptation by engaging memories of known objects and adjusting prior knowledge to modulate how incoming sounds are processed. The proposed model is our first attempt at mimicking the auditory system in an end-to-end fashion in a very simple and intuitive setting based on neuroscience studies related to the brain and hearing.
Availability of data and materials
The datasets used and/or analyzed are open-source and can be found online following the citation. The code base is accessible from the corresponding author on reasonable request.
Abbreviations
- EMMA:
-
Explicit-memory multiresolution adaptive
- STFT:
-
Short-time Fourier transform
- DCS:
-
Dilated convolution stack
- SDR:
-
Signal-to-distortion ratio
- MSS:
-
Music source separation
- SNR:
-
Signal-to-noise ratio
- CNN:
-
Convolutional neural network
- PESQ:
-
Perceptual evaluation of speech quality
- ESTOI:
-
Extended short-term objective intelligibility
- BLSTM:
-
Bi-directional long short-term memory
- MPS:
-
Modulation power spectrum
References
R.P. Carlyon, How the brain separates sounds. Trends Cogn. Sci. 8(10), 465–471 (2004)
B. Shinn-Cunningham, V. Best, in The handbook of attention, ed. by J. Fawcett, E. Risko, A. Kingston. Auditory selective attention (Boston Review, 2015), pp. 99–117, MIT Press. https://mitpress.mit.edu/9780262029698/the-handbook-of-attention/
L. Whiteley, M. Sahani, Attention in a Bayesian Framework. Frontiers in Human Neuroscience 6(100) (2012). https://doi.org/10.3389/fnhum.2012.00100
M.M. Chun, N.B. Turk-Browne, Interactions between attention and memory. Curr. Opin. Neurobiol. 17(2), 177–184 (2007). https://doi.org/10.1016/J.CONB.2007.03.005
S. Atiani, M. Elhilali, S.V. David, J.B. Fritz, S.A. Shamma, Task difficulty and performance induce diverse adaptive patterns in gain and shape of primary auditory cortical receptive fields. Neuron 61(3), 467–480 (2009). https://doi.org/10.1016/j.neuron.2008.12.027
N. Ding, J.Z. Simon, Adaptive temporal encoding leads to a background-insensitive cortical representation of speech. J. NeuroSci. 33(13), 5728–5735 (2013). https://doi.org/10.1523/JNEUROSCI.5297-12.2013
M. Elhilali, S.A. Shamma, Adaptive cortical model for auditory streaming and monaural speaker separation Tech. rep., Montreal, Canada, (2004)
P.R. Steffen, D. Hedges, R. Matheson, The brain is adaptive not triune: how the brain responds to threat, challenge, and change. Front. Psychiatry 13, 802606 (2022). https://doi.org/10.3389/FPSYT.2022.802606
J.B. Fritz, S.V. David, S. Radtke-Schuller, P. Yin, S.A. Shamma, Adaptive, behaviorally gated, persistent encoding of task-relevant auditory information in ferret frontal cortex. Nat. Neurosci. 13(8), 1011–1019 (2010). https://doi.org/10.1038/nn.2598
J.J. Eggermont, Between sound and perception: reviewing the search for a neural code. Hear. Res. 157(1–2), 1–42 (2001)
R.R. Fay, Perception of spectrally and temporally complex sounds by the goldfish (Carassius auratus). Hear. Res. 89(1–2), 146–154 (1995)
J.C. Middlebrooks, J.Z. Simon, A.N. Popper, R.R. Fay, The Auditory System at the Cocktail Party, Springer Handbook of Auditory Research, vol. 60, 1st edn. (Springer International Publishing, Cham, 2017). https://doi.org/10.1007/978-3-319-51662-2
J.K. Bizley, K.M.M. Walker, F.R. Nodal, A.J. King, J.W.H. Schnupp, Auditory cortex represents both pitch judgments and the corresponding acoustic cues. Curr. Biol. CB 23(7), 620–625 (2013). https://doi.org/10.1016/j.cub.2013.03.003
D. Chakrabarty, M. Elhilali, A Gestalt inference model for auditory scene segregation. PLOS Comput. Biol. 15(1), e1006711 (2019). https://doi.org/10.1371/journal.pcbi.1006711
R. Santoro, M. Moerel, F. De Martino, R. Goebel, K. Ugurbil, E. Yacoub, E. Formisano, Encoding of natural sounds at multiple spectral and temporal resolutions in the human auditory cortex. PLoS Comput. Biol. 10(1) (2014). https://doi.org/10.1371/journal.pcbi.1003412
R. Santoro, M. Moerel, F. De Martino, G. Valente, K. Ugurbil, E. Yacoub, E. Formisano, Reconstructing the spectrotemporal modulations of real-life sounds from fMRI response patterns. Proc. Natl. Acad. Sci. U. S. A. 114(18), 4799–4804 (2017). https://doi.org/10.1073/pnas.1617622114
S. Shamma, M. Elhilali, in The Senses: A Comprehensive Reference, ed. by B. Fritzsch, Temporal coherence principle in scene analysis. 2nd edn. (Elsevier, 2020), pp. 777–790. https://doi.org/10.1016/B978-0-12-809324-5.24252-1
H. Zimmer, Visual and spatial working memory: from boxes to networks. Neurosci. Biobehav. Rev. 32(8), 1373–1395 (2008). https://doi.org/10.1016/j.neubiorev.2008.05.016
S.H. Lee, C.I. Baker, Multi-voxel decoding and the topography of maintained information during visual working memory. Front. Syst. Neurosci. 10 (2016). https://doi.org/10.3389/fnsys.2016.00002
T.B. Christophel, P.C. Klink, B. Spitzer, P.R. Roelfsema, J.D. Haynes, The distributed nature of working memory. Trends Cogn. Sci. 21(2), 111–124 (2017). https://doi.org/10.1016/j.tics.2016.12.007
R.M. Symonds, J.W. Zhou, S.L. Cole, K.M. Brace, E.S. Sussman, Cognitive resources are distributed among the entire auditory landscape in auditory scene analysis. Psychophysiology 57(2) (2020). https://doi.org/10.1111/PSYP.13487
S.J. Lim, M. Wöstmann, X. Obleser, Selective attention to auditory memory neurally enhances perceptual precision. J. Neurosci. 35(49), 16094–16104 (2015). https://doi.org/10.1523/JNEUROSCI.2674-15.2015
M. Wolmetz, M. Elhilali, Attentional and contextual priors in sound perception. PLoS ONE 11(2), e0149635 (2016). https://doi.org/10.1371/journal.pone.0149635
E.M. Grais, H. Wierstorf, D. Ward, M.D. Plumbley, Multi-resolution fully convolutional neural networks for monaural audio source separation. Lect. Notes Comput. Sci. 10891 LNCS, 340–350 (2018). https://doi.org/10.1007/978-3-319-93764-9_32
E.M. Grais, F. Zhao, M.D. Plumbley, Multi-band multi-resolution fully convolutional neural networks for singing voice separation. (2019). arXiv preprint arXiv:1910
A. Jansson, E. Humphrey, N. Montecchio, R. Bittner, A. Kumar, T. Weyde. In 18th International Society for Music Information Retrieval Conference, pp. 745-751 (978-981-11-5179-8). Singing voice separation with deep U-Net convolutional networks, (2017). Trans. Music Inf. Retr. https://doi.org/10.5281/zenodo.1414934
J.Y. Liu, Y.H. Yang. In 2018 17th IEEE International Conference on Machine Learning and Applications (ICMLA). Denoising auto-encoder with recurrent skip connections and residual regression for music source separation. IEEE. (2018) pp. 773–778. https://arxiv.org/abs/1807.01898
S. Park, T. Kim, K. Lee, N. Kwak, Music source separation using stacked hourglass networks. (2018). arXiv preprint arXiv:1805.08559
A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A.N. Gomez, L. Kaiser, I. Polosukhin, Attention is all you need. (2017). arXiv:1706.03762 [cs]
B.J. Dyson, F. Ishfaq, Auditory memory can be object based. Psychon. Bull. Rev. 15(2), 409–412 (2008). https://doi.org/10.3758/PBR.15.2.409
T.F. Brady, V.S. Störmer, G.A. Alvarez, Working memory is not fixed-capacity: more active storage capacity for real-world objects than for simple stimuli. Proc. Natl. Acad. Sci. U. S. A. (2016). https://doi.org/10.1073/pnas.1520027113
P. Gao, C.Y. You, T.S. Chi, A Multi-dilation and multi-resolution fully convolutional network for singing melody extraction. ICASSP IEEE Int. Conf. Acoust. Speech Signal Process. Proc. 2020-May, 551–555 (2020). https://doi.org/10.1109/ICASSP40776.2020.9053059
M. Elhilali, L. Ma, C. Micheyl, A.J. Oxenham, S.A. Shamma, Temporal coherence in the perceptual organization and cortical representation of auditory scenes. Neuron 61(2), 317–329 (2009). https://doi.org/10.1016/j.neuron.2008.12.005
A. Bellur, M. Elhilali, Audio object classification using distributed beliefs and attention. IEEE/ACM Trans. Audio Speech Lang. Process. 28, 729–739 (2020). https://doi.org/10.1109/TASLP.2020.2966867
P. Smaragdis, J.C. Brown, in Applications of Signal Processing to Audio and Acoustics, Non-negative matrix factorization for polyphonic music transcription. IEEE (2003).https://doi.org/10.1109/ASPAA.2003.1285860
A.L. Maas, A.Y. Hannun, A.Y. Ng, in in ICML Workshop on Deep Learning for Audio, Speech and Language Processing, vol. 28, Rectifier nonlinearities improve neural network acoustic models (2013), pp. 1–6
Z. Rafii, A. Liutkus, F.R. Stöter, S.I. Mimilakis, R. Bittner. The MUSDB18 corpus for music separation (2017). https://doi.org/10.5281/zenodo.1117372
Liu, H., Kong, Q., & Liu, J. CWS-PResUNet: Music Source Separation with Channel-wise Subband Phase-aware ResUNet. ArXiv: 2112.04685 (2021)
M. Kim, W. Choi, J. Chung, D. Lee, S. Jung, KUIELab-MDX-Net: a two-stream neural network for music demixing (2021). https://doi.org/10.48550/arxiv.2111.12203
G. Roma, O. Green, P.A. Tremblay, Improving single-network single-channel separation of musical audio with convolutional layers. Lect. Notes Comput. Sci. 10891 LNCS, 306–315 (2018). https://doi.org/10.1007/978-3-319-93764-9_29
S. Uhlich, M. Porcu, F. Giron, M. Enenkl, T. Kemp, N. Takahashi, Y. Mitsufuji, Improving music source separation based on deep neural networks through data augmentation and network blending. ICASSP IEEE Int. Conf. Acoust. Speech Signal Process. Proc. 261–265 (2017). https://doi.org/10.1109/ICASSP.2017.7952158
Y. Luo, J. Yu, Music source separation with band-split RNN. (2022). ArXiv arXiv:2209.15174
C. Veaux, J. Yamagishi, S. King, The Voice Cank corpus: design, collection and data analysis of a large regional accent speech database. 2013 International Conference Oriental COCOSDA Held Jointly with 2013 Conference on Asian Spoken Language Research and Evaluation, O-COCOSDA/CASLRE (2013). https://doi.org/10.1109/ICSDA.2013.6709856
J. Salamon, C. Jacoby, J.P. Bello, in 22nd ACM International Conference on Multimedia (ACM-MM’14). A dataset and taxonomy for urban sound research (Orlando, FL, USA, 2014), pp. 1041–1044
D.B. Dean, S. Sridharan, R.J. Vogt, M.W. Mason. in Interspeech. The QUT-NOISE-TIMIT corpus for the evaluation of voice activity detection algorithms. ISCA. (2010). https://doi.org/10.21437/Interspeech.2010-774
N. Turpault, R. Serizel, J. Salamon, A.P. Shah, in DCASE Workshop. Sound event detection in domestic environments with weakly labeled data and soundscape synthesis (New York University, 2019), pp. 253–257. https://doi.org/10.33682/006b-jx26
J.S. Garofolo, L.F. Lamel, W.M. Fisher, J.G. Fiscus, D.S. Pallett, N.L. Dahlgren, V. Zue, DARPA TIMIT Acoustic Phonetic Continuous Speech Corpus. Tech. rep. (1993)
BBC. The BBC Sound Effects Library (1990)
C. Valentini-Botinhao, X. Wang, S. Takaki, J. Yamagishi, in Proc. 9th ISCA Workshop on Speech Synthesis Workshop (SSW 9). Investigating RNN-based speech enhancement methods for noise-robust Text-to-Speech (2016), pp. 146–152
S. Pascual, A. Bonafonte, J. Serra, SEGAN: Speech enhancement generative adversarial network. Proc. Ann. Conf. Int. Speech Commun. Assoc. INTERSPEECH 2017-Augus, 3642–3646 (2017). https://doi.org/10.21437/INTERSPEECH.2017-1428
S. Abdulatif, R. Cao, B. Yang, CMGAN: conformer-based metric-GAN for monaural speech enhancement (2022). https://doi.org/10.48550/arxiv.2209.11112
E. Vincent, R. Gribonval, C. Févotte, Performance measurement in blind audio source separation. IEEE Trans. on Audio Speech and Lang Proc. 14(4), 1462 (2006)
A.W. Rix, J.G. Beerends, M.P. Hollier, A.P. Hekstra, Perceptual evaluation of speech quality (PESQ) - a new method for speech quality assessment of telephone networks and codecs. ICASSP IEEE Int. Conf. Acoust. Speech Signal Process. Proc. 2, 749–752 (2001). https://doi.org/10.1109/ICASSP.2001.941023
C.H. Taal, R.C. Hendriks, R. Heusdens, J. Jensen, An algorithm for intelligibility prediction of time-frequency weighted noisy speech. IEEE Trans. Audio Speech Lang. Process. 19(7), 2125–2136 (2011). https://doi.org/10.1109/TASL.2011.2114881
S. Greenberg, T. Arai, in Proceedings of the 7th European Conference on Speech Communication and Technology (Eurospeech-2001). The relation between speech intelligibility and the complex modulation spectrum. ISCA (2001). pp. 473–476. https://doi.org/10.21437/Eurospeech.2001-125
T.M. Elliott, F.E. Theunissen, The modulation transfer function for speech intelligibility. PLoS Comput. Biol. 5(3), e1000302 (2009)
M. Elhilali, in Timbre: Acoustics, Perception, and Cognition, ed. by K. Siedenburg, S. Charalampos, S. McAdams, Modulation representations for speech and music (Springer, 2019), chap. 12, pp. 335–359. https://doi.org/10.1007/978-3-030-14832-4_12
L. Cohen, Time-frequency signal analysis, 1st edn. (Prentice-Hall, Englewood Cliffs, 1995)
N. Ding, A.D. Patel, L. Chen, H. Butler, C. Luo, D. Poeppel, Temporal modulations in speech and music. Neurosci. Biobehav. Rev. 81, 181–187 (2017). https://doi.org/10.1016/j.neubiorev.2017.02.011
W.T. Lu, L. Su, in Proceedings of the 19th International Society for Music Information Retrieval Conference, ISMIR, Vocal melody extraction with semantic segmentation and audio-symbolic domain transfer learning. Trans. Music Information Retrieval (2018). https://doi.org/10.5281/zenodo.1492467
P. Gao, C.Y. You, T.S. Chi, A multi-scale fully convolutional network for singing melody extraction. 2019 Asia-Pacific Signal and Information Processing Association Annual Summit and Conference, APSIPA ASC 2019. pp. 1288–1293 (2019). https://doi.org/10.1109/APSIPAASC47483.2019.9023231
Z.Q. Wang, Y. Zhao, D. Wang, in ICASSP, IEEE International Conference on Acoustics, Speech and Signal Processing - Proceedings, vol. 2016-May, Phoneme-specific speech separation (Institute of Electrical and Electronics Engineers Inc., 2016), pp. 146–150. https://doi.org/10.1109/ICASSP.2016.7471654
G.J. Mysore, P. Smaragdis, in Lecture Notes in Computer Science (including subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics), vol. 7191 LNCS, A non-negative approach to language informed speech separation (Springer, Berlin, Heidelberg, 2012), pp. 356–363. https://doi.org/10.1007/978-3-642-28551-6_44
G. Chechik, I. Nelken, Auditory abstraction from spectro-temporal features to coding auditory entities. Proc. Natl. Acad. Sci. U. S. A. 109(46), 18968–18973 (2012). https://doi.org/10.1073/PNAS.1111242109/-/DCSUPPLEMENTAL
K. Patil, D. Pressnitzer, S. Shamma, M. Elhilali, Music in our ears: the biological bases of musical timbre perception. PLoS Comput. Biol. 8(11), e1002759 (2012). https://doi.org/10.1371/journal.pcbi.1002759
N. Singh, F. Theunissen, Modulation spectra of natural sounds and ethological theories of auditory processing. J. Acoust. Soc. Am. 106, 3394–3411 (2003)
T. Chi, P. Ru, S.A. Shamma, Multiresolution spectrotemporal analysis of complex sounds. J. Acoust. Soc. Am. 118(2), 887–906 (2005)
S.M.N. Woolley, T.E. Fremouw, A. Hsu, F.E. Theunissen, Tuning for spectro-temporal modulations as a mechanism for auditory discrimination of natural sounds. Nat. Neurosci. 8(10), 1371–1379 (2005)
D. Wang, J. Chen, Supervised speech separation based on deep learning: an overview. IEEE/ACM Trans. Audio Speech Lang. Process. 26(10), 1702–1726 (2018). https://doi.org/10.1109/TASLP.2018.2842159
M.F. Happel, M. Deliano, J. Handschuh, F.W. Ohl, Dopamine-modulated recurrent corticoefferent feedback in primary sensory cortex promotes detection of behaviorally relevant stimuli. J. Neurosci. 34(4), 1234 (2014). https://doi.org/10.1523/JNEUROSCI.1990-13.2014
N.Y. Homma, V.M. Bajo, Lemniscal corticothalamic feedback in auditory scene analysis. Front. Neurosci. 15, 1067 (2021). https://doi.org/10.3389/FNINS.2021.723893/BIBTEX
N. Takahashi, N. Goswami, Y. Mitsufuji, Mmdenselstm: an efficient combination of convolutional and recurrent neural networks for audio source separation. 16th International Workshop on Acoustic Signal Enhancement, IWAENC pp. 106–110 (2018). https://doi.org/10.1109/IWAENC.2018.8521383
I. Goodfellow, Y. Bengio, A. Courville, Deep Learning. MIT press. (2016). p. 800. http://www.deeplearningbook.org
J.F. Zimmermann, M. Moscovitch, C. Alain, Attending to auditory memory. Brain Res. 1640, 208–221 (2016). https://doi.org/10.1016/J.BRAINRES.2015.11.032
R.G. Crowder, in Thinking in sound: The cognitive psychology of human audition. Auditory memory. Oxford science publications. (Clarendon Press/Oxford University Press, New York, 1993), pp. 113–145. https://doi.org/10.1093/acprof:oso/9780198522577.003.0005
C. Alain, S.R. Arnott, Selectively attending to auditory objects. Front. Biosci. J. Virtual Libr. 5, 202 (2000)
J.B. Fritz, M. Elhilali, S.V. David, S.A. Shamma, Auditory attention - focusing the searchlight on sound. Curr. Opin. Neurobiol. 17(4), 437–455 (2007). https://doi.org/10.1016/j.conb.2007.07.011
S.A. Shamma, M. Elhilali, C. Micheyl, Temporal coherence and attention in auditory scene analysis. Trends Neurosci. 34(3), 114–23 (2011). https://doi.org/10.1016/j.tins.2010.11.002
J.B. Fritz, M. Elhilali, S.A. Shamma, Adaptive changes in cortical receptive fields induced by attention to complex sounds. J. Neurophysiol. 98(4), 2337–2346 (2007). https://doi.org/10.1152/jn.00552.2007
C.D.B. Luft, Learning from feedback: the neural mechanisms of feedback processing facilitating better performance. Behav. Brain Res. 261, 356–368 (2014). https://doi.org/10.1016/J.BBR.2013.12.043
J. Marco-Pallarés, S.V. Müller, T.F. Münte, Learning by doing: an fMRI study of feedback-related brain activations. NeuroReport 18(14), 1423–1426 (2007). https://doi.org/10.1097/WNR.0B013E3282E9A58C
S. Nieuwenhuis, C.B. Holroyd, N. Mol, M.G. Coles, Reinforcement-related brain potentials from medial frontal cortex: origins and functional significance. Neurosci. Biobehav. Rev. 28(4), 441–448 (2004). https://doi.org/10.1016/J.NEUBIOREV.2004.05.003
Funding
This research was supported by Grants NIH U01AG058532 and ONR N00014-19-1-2014.
Author information
Authors and Affiliations
Contributions
All authors contributed to the research and the paper. The authors read and approved the final manuscript.
Corresponding author
Ethics declarations
Ethics approval and consent to participate
Not applicable.
Competing interests
The authors declare that they have no competing interests.
Additional information
Publisher’s Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.
About this article
Cite this article
Bellur, A., Thakkar, K. & Elhilali, M. Explicit-memory multiresolution adaptive framework for speech and music separation. J AUDIO SPEECH MUSIC PROC. 2023, 20 (2023). https://doi.org/10.1186/s13636-023-00286-7
Received:
Accepted:
Published:
DOI: https://doi.org/10.1186/s13636-023-00286-7