Multi-Source Music Generation with Latent Diffusion
Abstract
Most music generation models directly generate a single music mixture. To allow for more flexible and controllable generation, the Multi-Source Diffusion Model (MSDM) has been proposed to model music as a mixture of multiple instrumental sources (e.g. piano, drums, bass, and guitar). Its goal is to use one single diffusion model to generate mutually-coherent music sources, that are then mixed to form the music. Despite its capabilities, MSDM is unable to generate music with rich melodies and often generates empty sounds. Its waveform diffusion approach also introduces significant Gaussian noise artifacts that compromise audio quality. In response, we introduce a Multi-Source Latent Diffusion Model (MSLDM) that employs Variational Autoencoders (VAEs) to encode each instrumental source into a distinct latent representation. By training a VAE on all music sources, we efficiently capture each source’s unique characteristics in a “source latent”. The source latents are concatenated and our diffusion model learns this joint latent space. This approach significantly enhances the total and partial generation of music by leveraging the VAE’s latent compression and noise-robustness. The compressed source latent also facilitates more efficient generation. Subjective listening tests and Fréchet Audio Distance (FAD) scores confirm that our model outperforms MSDM, showcasing its practical and enhanced applicability in music generation systems. We also emphasize that modeling sources is more effective than direct music mixture modeling. Codes and models are available at https://github.com/XZWY/MSLDM. Demos are available at https://xzwy.github.io/MSLDMDemo/.
Index Terms:
Music Generation, Latent DiffusionI Introduction
Generative models show impressive performance not only in language and image modeling [1, 2, 3], but also show promising results in music generation. Music generation models usually fall into two categories: 1) Auto-regressive models and 2) Diffusion models.
For auto-regressive models, WaveNet [4] directly models scalar-quantized waveform samples, which allows for generating small musical fragments. However, due to the sample-level auto-regression, WaveNet has low sampling efficiency. One way to improve efficiency is to encode waveform samples to a discrete latent representation (tokens) with a much lower time resolution. These tokenizers [5, 6, 7] are usually variations of VQ-VAE [8], but are usually trained with perceptual adversarial loss [6, 7, 9, 10]. Then, the auto-regressive transformer models the sequence of tokens achieving higher efficiency. Among these models, JukeBox [5] allows music generation conditioned on lyrics. More recently, text-to-music generation has shown significant progress based on this framework [11, 12].
On the other hand, diffusion-based music generation models also hold great potential, where the diffusion model is learned on some intermediate representation. Noise2Music [13] uses diffusion models to generate an intermediate representation, either downsampled waveforms, or Mel-Spectrogram features, and then decodes the intermediate representation to music waveform by a cascader or vocoder. Then, because of the success of latent diffusion in image generation [14], music generation also follows this path. DiffSound [15] first trains a spectrogram VQ-VAE tokenizer as the intermediate representation, and then uses a discrete diffusion model to model the token sequence. [16, 17, 18, 19] are using spectrogram-domain (variational) autoencoder’s continuous latent as an intermediate representation for diffusion, while [20, 21] uses waveform-domain VAE’s latent as the diffusion target. Moûsai [22] proposes a spectrogram encoder learned by diffusion magnitude autoencoding (DMAE) and then trains another diffusion model on the encoder’s latent. Further, with a waveform-domain VAE, StableAudio2 [23] achieves full-song generation by modeling the VAE latent with diffusion.
Although rapid progress has been made in music generation, most models directly generate the whole music piece, which is a mixture of individual sources. However, the individual sources cannot be disentangled from the mixture. Ideally, a music generation method should be able to generate the individual music sources that together form a piece of music, similar to a human’s music composition process. This will allow the music to be more interpretable and controllable (e.g., the piano can be made louder than the drums). To solve this problem, one class of methods directly models the musical notes or midi representations in a multi-track manner [24, 25]. However, the generated notes or midi sequence need to be later decoded to a single waveform using synthesizers. The other type of research directly learns to model several music tracks directly. StemGen [26] uses a masked language model on Encodec tokens to generate any single instrument source given a music context. [27] uses the latent diffusion model to generate bass companions conditioned on mixtures, while SingSong [28] generates background companions given the vocal source. Most recently, MSDM [29] has been proposed to simultaneously model four instrument sources (piano, drums, bass, guitar) with a single waveform-domain diffusion model, and GMSDI [30] has generalized MSDM by training on text-conditioned diffusion models allowing adaption to any music dataset using text descriptions. The closest work to ours is multi-track MusicLDM, [31, 32], which is simultaneous to this paper, some implementation differences exist.

In this paper, we propose to simultaneously model four different instrumental sources (piano, drums, bass, guitar) jointly, with a single multi-source latent diffusion model (MSLDM), as shown in Fig.1. We first train a shared SourceVAE on all the sources to perceptually compress the source audio, and then use this VAE’s encoder to extract the latent feature of each source. We then apply diffusion to model the generation of the latents of the sources. We claim that 1) with the VAE compressing the source audio into a compact latent, the diffusion can better model semantic and sequential information like melodies and the harmony between sources, and 2) modeling individual sources is better than direct modeling mixtures. Our result in both subjective human evaluation and objective FADs validates our claim.
II Models
Fig. 1 shows the training and inference pipeline of our model. Just like any latent diffusion model, our model involves two blocks: (1) SourceVAE, which is trained like a VAE but with an adversarial loss for perceptual compression. (2) A diffusion model simultaneously models all the sources’ latents concatenated together as one latent. Inference includes two sub-tasks as well: (1) Total generation allows unconditional generation of all instrumental sources at the same time and (2) Partial generation allows the generation of companion sources given any combinations of instrumental sources (e.g., generate bass and guitar to accompany given piano and drums).
II-A SourceVAE
The SourceVAE aims to compress waveform-domain instrumental sources into a compact latent space, while still ensuring perceptually indistinguishable reconstruction. This is usually achieved by adversarial training with carefully designed discriminators. We borrow this training framework and model architecture from the DAC [10] neural audio codec. DAC is a state-of-the-art waveform-domain neural audio codec trained with both reconstruction and adversarial losses. It can encode, quantize, and decode audio with superior quality. However, we want our latent to be noise-robust and continuous, so we remove the vector quantization module, constrain the intermediate latent size, and add a small KL-divergence loss term as used in vanilla VAEs [33]. The KL-divergence loss is to ensure a noise-robust latent space. For the encoder and decoder, we use DAC’s default 24kHz model but with a new latent size of . Given an instrumental source with samples, the encoder encodes the waveform to a posterior , where is the posterior mean of the latent and is the corresponding posterior covariance. is the time-domain downsampling factor of the encoder, which is in DAC. Then any , processed by the decoder , should reconstruct with good quality. To extract latent features, we take the posterior mean . During training, the loss is as shown below:
(1) |
where , , are Mel-reconstruction loss, feature matching loss, and adversarial loss, respectively, as in the DAC training framework. Also , , according to DAC. is the KL-Divergence between the VAE encoded posterior and and we set . The implementation details are available in our source code.
II-B Multi-Source Latent Diffusion
In our setup, assume any music piece is a mixture of instrumental sources: , where coherently added together to form the musical mixture . Our goal is to sample from the distribution of to get multi-source music. Instead of directly modeling the generation of as in [29], we propose to model the generation of , where is the SourceVAE’s latent of For the notation to be more abbreviated, we will ignore the subscript for the latent, so we are modeling the generation of .
We model the generation of with a score-based diffusion model [34]. Following EDM [35], with the diffusion schedule , the forward diffusion process is defined by:
(2) |
where . Then with an ODE solver, we sample by solving the backward process:
(3) |
We approximate the score with a neural network and then train the score matching loss following the practice in EDM [35], i.e. .
II-C Inference
The inference pipeline is marked by the dashed objects in Fig. 1. During sampling, we use the same sampler for MSDM [29]. The sampler is an Euler method-based ODE solver to integrate Eq. 3 with some stochasticity controlled by the parameter , as proposed in EDM [35]. We use , also following the configuration in EDM.
II-C1 Total Generation
The total generation inference is straightforward. Starting from randomly sampled white noise , the diffusion sampling process gradually transforms to . Then instrumental source latent are extracted from , and are further decoded independently by the SourceVAE decoder to get the generated source waveforms . These generated sources could then be added to form a mixture of music pieces .
II-C2 Partial Generation
Partial generation is the task of generating complementary sources given some existing ones to condition on. Assume a subset of instruments are given by the indices , and the corresponding given sources are denoted by . Then the complementary sources to generate are indexed by , which means the source to generate are . Since our diffusion model works in the latent domain, we first use SourceVAE to encode each source in to latent . The task is to generate conditioned on , so we need the conditional score for sampling. Following diffusion-based imputation [34] and MSDM [29], we could estimate the condition score by:
(4) | ||||
(5) |
where is sampled from . Then using Eq. 5, we can use the sampling method in Sec. II-C to solve the following ODE (similar to Eq.3) initialized from :
(6) |
With sampled, the partially generated sources can be decoded by the SourceVAE decoder: . Then all the conditional sources and partially generated sources are added to form the final music piece .
III Experiments and Dataset
III-A Dataset
We use the same dataset as MSDM [29], namely the slakh2100 music dataset [36]. slakh2100 is a MIDI synthesized music dataset with 145 hours of music, containing both the mixed music and the individual tracks labeled with instrument class. Same as MSDM, we use main tracks which are piano, drums, bass, and guitar for multi-source modeling. For fair comparison, we use the identical sampling rate of 22,050Hz.
III-B SourceVAE
The SourceVAE mentioned in Sec. II-A is a 1D-CNN-based encoder-decoder architecture coupled with a DAC loss and a KL-divergence loss. The encoder and decoder all follow the final setup of the DAC architecture for 24kHz. The intermediate latent dimension for SourceVAE is set to be and the encoder has a downsampling rate of for the temporal dimension. For training, we use a batch size of 28 and train on one-second-long single-instrumental segments for 100k steps. All other SourceVAE training configurations are the same as the DAC paper with code available at https://github.com/descriptinc/descript-audio-codec.
III-C Latent Diffusion and Unet Architecture
As mentioned in Sec. II-B, the score estimation network learns a function mapping as shown below:
(7) |
To accommodate the 1D-Unet architecture used in MSDM, we concatenate the K source latent channel-wise, so the new channel dimension becomes , and the input to the 1D-Unet is , which is a reshaped version of . is treated as the channel dimension and is treated as the temporal dimension for the Unet. In our setup, . We train our diffusion model on segments with samples (about 15 seconds). For the 1D-Unet architecture, similar to MSDM, we adapt the architecture used in Moûsai [22] but with some modifications. We set the input channel dimension to be and then we experiment on two different configurations. We call one model MSLDM and one larger model MSLDM-Large. The MSLDM contains 6 nested U-Net blocks with increasing channels [1024, 2048, 4096, 4096, 4096, 4096]. The downsampling factor for the blocks is [1,1,2,1,1,2]. The self-attention blocks are used for all the blocks except the first one. 12 Attention heads are used, and each head is 64 dimensional. For MSDLM-Large, the Unet contains 8 layers where the corresponding output channel dimensions are [1024, 2048, 4096, 4096, 4096, 4096, 4096, 4096]. The corresponding downsampling factors are [1,1,2,1,1,2,2,2]. All blocks contain self-attention blocks (except the first one) and each attention block contains 12 attention heads that are each 128 dimensional. The Unet and diffusion code setup are adapted from audio-diffusion-pytorch. Similar to MSDM, we train the diffusion model with a batch size 16 and a learning rate of 2e-5 for 400k steps.
All the model training is performed on a single RTX A6000 GPU with 48GB of VRAM. Further details can be found in our code.
IV Evaluation Metrics and Results
We evaluate two tasks: (1) Total generation and (2) Partial generation as mentioned in Sec. II-C. For both tasks, we evaluate the FAD score [37] and human subjective score with a listening test. We compare our performance against 3 baselines.
IV-A Baseline Models
The first baseline is the MSDM [29] model. To show the effectiveness of modeling sources instead of mixtures, we design another baseline called MixLDM, where the latent diffusion model directly models the latent of music mixture, instead of instrumental sources. This is a more common practice in diffusion-based audio/music generation, where the model directly models the music mixture. For training this model, we first train a MixtureVAE which is the same as SourceVAE except that it is trained on Mixture music. The latent size , so that the diffusion model’s input is of the same dimension as MSLDM. To claim that our model generates sources that are mutually coherent (i.e. in harmony with each other), we design one baseline called ISLDM (Independent Source Latent Diffusion Model), where we train four independent diffusion models on four instruments’ latents, respectively, so each model can generate one single instrument. For each single source model, the input channel size becomes , and all the other training parameters are the same as MSLDM. Since all the single source models are independent of each other, they cannot generate mutually coherent sources. This is set as a baseline to validate our model’s abilities to generate mutually coherent sources. All models’ parameters and inference time to generate one 12-second mixture on a single RTX A6000 GPU are listed in Table I.
Model | # parameters (M) | Inference Time (S) |
---|---|---|
MSDM | 405 | 7.92 |
MixLDM | 364 | 5.44 |
ISLDM | 3644 | 5.444 |
MSLDM-Ours | 364 | 5.44 |
MSLDM-Large-Ours | 1654 | 7.44 |
Model | B | D | G | P | BD | BG | BP | DG | DP | GP | BDG | BDP | BGP | DGP | Overall |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
MSDM | 0.23 | 0.75 | 0.18 | 0.49 | 1.75 | 0.75 | 1.40 | 1.30 | 1.40 | 1.77 | 3.13 | 2.92 | 5.54 | 3.51 | 1.79 |
ISLDM | 0.30 | 1.41 | 0.75 | 0.42 | 1.52 | 1.14 | 0.76 | 1.56 | 1.76 | 1.33 | 1.85 | 2.03 | 1.78 | 2.17 | 1.34 |
MSLDM | 0.24 | 1.27 | 0.38 | 0.32 | 1.22 | 0.81 | 0.64 | 1.00 | 0.92 | 0.98 | 1.44 | 1.57 | 1.48 | 1.43 | 0.98 |
MSLDM-Large | 0.14 | 0.51 | 0.23 | 0.41 | 0.56 | 0.49 | 0.61 | 0.59 | 0.66 | 1.05 | 0.81 | 1.01 | 1.40 | 1.25 | 0.70 |

IV-B Fréchet Audio Distance
(FAD) We use the Fréchet Audio Distance (FAD) [37] with VGGish feature [38] as the objective metric to evaluate total generation and partial generation. We use 200 chunks of music segment for the FAD calculation, where each segment is about 12 seconds, as in MSDM [29]. We randomly sample 200 12-second long music segments from the slakh2100 test set as the reference set.

For the task of total generation, we evaluate the generation of all the instrumental sources (piano, drums, bass, guitar) and the summed mixture (note: MixLDM can only be reported for the mixture). The FAD results are reported in Fig. 2. First, for single-source generation, ISLDM in general has the lowest FAD, showing the best generation performance. This is reasonable because each independent diffusion model only needs to model one single source. Then our proposed MSLDM and MSLDM-Large also show promising results, beating the MSDM baseline by a large margin. The drums generated by MSLDM-Large even achieve lower FAD than ISLDM. For mixture generation, MixLDM exhibits the worst performance. This confirms our belief that modeling the mixture directly is much harder than modeling sources. Observe that ISLDM, MSLDM, MSLDM-Large all outperform MSDM, demonstrating the efficacy of latent diffusion in modeling the harmony in realistic music mixtures. In fact, MSLDM and MSLDM-Large demonstrate lower FAD than ISLDM, showing that our model successfully generates sources in harmony. Note that when generating each single source, MSLDM performs worse than ISLDM for all instruments, but when sources are added together to form mixtures, MSLDM has lower FAD, showing that it is able to model the inter-source harmony.
For partial generation, we use the sub-FAD as the metric, similar to MSDM. sub-FAD calculates the FAD on a reference set and an evaluation set, where the reference set is the real music mixture, and the evaluated set is the mixture formed by mixing partially generated samples and originally given samples. For the dataset used for sub-FAD calculation, we again sample 200 12-second music segments from the slakh2100 test set, but we make sure that all the segments contain four instruments. The sub-FAD result is shown in Table II, where the results are shown for all models and all partial generation setups. The ISLDM model in this case is only generating the target sources using source-independent models. Overall, MSLDM-Large and MSLDM show much better performance than ISLDM and MSDM, with sub-FADs smaller than 1. Interestingly, the ISLDM’s overall sub-FAD is lower than MSDM, implying that even though ISLDM cannot generate mutually coherent sources based on given sources, it is able to model single-source melody much better than MSDM. Across all the detailed setups, we see that MSLDM is consistently better than MSDM and ISLDM, except for the guitar.
IV-C Subjective Listening Test
To complement the objective metrics, we also design subjective listening tests with human evaluation. We follow the exact test design in MSDM [29] for total and partial generation.
Total Generation: Each model generates 10 segments of 12-second music mixture samples. Then for each sample in the test, the participant is asked to rate the ‘quality’ and ‘coherence’, with a score from 1 to 10 (higher the better). ‘Quality’ corresponds to how realistic the music is (considering white noise is the least realistic) and ‘coherence’ corresponds to how mutually coherent the sources inside the mixture are. The evaluation scores are shown in the upper half of Figure 3. MSLDM and MSLDM-Large lead other baselines by a large margin in both quality and coherence. Also, MSLDM-Large exhibits a higher score than MSLDM, showing that large model size results in better performance. ISLDM’s quality is better than MSDM, but its coherence is the worst because all the sources are generated independently. MixLDM has the worst quality and coherence, showing the difficulty in directly modeling the music mixture. In general, users find that our MSLDM model is consistently better than MSLDM, ISDM, MixLDM in both quality and coherence.
Partial Generation: We randomly sample 10 samples in the test set. Then, for each sample, the target source types (e.g., want to generate piano and drums given the two other instruments) are randomly sampled. Finally, the models are used to sample the specified source type for each data sample. We give the participants three music segments (the music to condition on, the partially generated music, and the synthesized mixture), and then ask them to rate 1-10 for ‘coherence’ and ‘density’. The ‘density’ corresponds to how dense (or sparse) the generated instruments are, in the 12-second segment (10 means all target instruments are generated for the whole segment). The results are shown in the lower half of Fig. 3. We observe that MSLDM and MSLDM-Large produce the highest coherence score, achieving the best performance in generating mutually-coherent sources that match the given ones. Again, ISLDM shows the worst coherence because sources are independent. For density, MSLDM, MSLDM-Large, and ISLDM all have high scores, showing the ability to generate rich companions. However, MSDM shows the worst performance in density because it often generates small and naive music segments, or even empty sources at times.
Overall, both the objective metrics and subjective listening test show the MSLDM outperforms MSDM, ISLDM, MixLDM in terms of generating multi-source consistent music pieces. Compared with MSDM, MSLDM is better in terms of generating denser, more melodic, and more harmonious music. Compared with MixLDM, we showed that modeling sources is much easier than directly modeling music mixtures. Compared with ISLDM, we showed that our model is able to model inter-source dependency or harmony between different musical instruments.
V Conclusion and Future Work
In this paper, we propose a multi-source diffusion model to jointly model the generation of multiple instruments together. Both objective and subjective metrics show better results in the tasks of total and partial generation, implying MSLDM is able to efficiently model melody and inter-source relations. Future research needs to advance MSLDM for weakly-supervised music separation and generalize our model to more instruments.
References
- [1] OpenAI, “Gpt-4 technical report,” arXiv preprint arXiv:2303.08774, 2023.
- [2] Aditya Ramesh, Mikhail Pavlov, Gabriel Goh, Scott Gray, Chelsea Voss, Alec Radford, Mark Chen, and Ilya Sutskever, “Zero-shot text-to-image generation,” 2021.
- [3] Tom B. Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, Daniel M. Ziegler, Jeffrey Wu, Clemens Winter, Christopher Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei, “Language models are few-shot learners,” 2020.
- [4] Aaron van den Oord, Sander Dieleman, Heiga Zen, Karen Simonyan, Oriol Vinyals, Alex Graves, Nal Kalchbrenner, Andrew Senior, and Koray Kavukcuoglu, “Wavenet: A generative model for raw audio,” 2016.
- [5] Prafulla Dhariwal, Heewoo Jun, Christine Payne, Jong Wook Kim, Alec Radford, and Ilya Sutskever, “Jukebox: A generative model for music,” 2020.
- [6] Alexandre Défossez, Jade Copet, Gabriel Synnaeve, and Yossi Adi, “High fidelity neural audio compression,” 2022.
- [7] Neil Zeghidour, Alejandro Luebs, Ahmed Omran, Jan Skoglund, and Marco Tagliasacchi, “Soundstream: An end-to-end neural audio codec,” 2021.
- [8] Aaron van den Oord, Oriol Vinyals, and Koray Kavukcuoglu, “Neural discrete representation learning,” 2018.
- [9] Jungil Kong, Jaehyeon Kim, and Jaekyoung Bae, “Hifi-gan: Generative adversarial networks for efficient and high fidelity speech synthesis,” 2020.
- [10] Rithesh Kumar, Prem Seetharaman, Alejandro Luebs, Ishaan Kumar, and Kundan Kumar, “High-fidelity audio compression with improved rvqgan,” 2023.
- [11] Andrea Agostinelli, Timo I. Denk, Zalán Borsos, Jesse Engel, Mauro Verzetti, Antoine Caillon, Qingqing Huang, Aren Jansen, Adam Roberts, Marco Tagliasacchi, Matt Sharifi, Neil Zeghidour, and Christian Frank, “Musiclm: Generating music from text,” 2023.
- [12] Jade Copet, Felix Kreuk, Itai Gat, Tal Remez, David Kant, Gabriel Synnaeve, Yossi Adi, and Alexandre Défossez, “Simple and controllable music generation,” 2024.
- [13] Qingqing Huang, Daniel S. Park, Tao Wang, Timo I. Denk, Andy Ly, Nanxin Chen, Zhengdong Zhang, Zhishuai Zhang, Jiahui Yu, Christian Frank, Jesse Engel, Quoc V. Le, William Chan, Zhifeng Chen, and Wei Han, “Noise2music: Text-conditioned music generation with diffusion models,” 2023.
- [14] Robin Rombach, Andreas Blattmann, Dominik Lorenz, Patrick Esser, and Björn Ommer, “High-resolution image synthesis with latent diffusion models,” 2022.
- [15] Dongchao Yang, Jianwei Yu, Helin Wang, Wen Wang, Chao Weng, Yuexian Zou, and Dong Yu, “Diffsound: Discrete diffusion model for text-to-sound generation,” 2023.
- [16] Rongjie Huang, Jiawei Huang, Dongchao Yang, Yi Ren, Luping Liu, Mingze Li, Zhenhui Ye, Jinglin Liu, Xiang Yin, and Zhou Zhao, “Make-an-audio: Text-to-audio generation with prompt-enhanced diffusion models,” 2023.
- [17] Haohe Liu, Zehua Chen, Yi Yuan, Xinhao Mei, Xubo Liu, Danilo Mandic, Wenwu Wang, and Mark D. Plumbley, “Audioldm: Text-to-audio generation with latent diffusion models,” 2023.
- [18] Haohe Liu, Yi Yuan, Xubo Liu, Xinhao Mei, Qiuqiang Kong, Qiao Tian, Yuping Wang, Wenwu Wang, Yuxuan Wang, and Mark D. Plumbley, “Audioldm 2: Learning holistic audio generation with self-supervised pretraining,” 2024.
- [19] Ke Chen, Yusong Wu, Haohe Liu, Marianna Nezhurina, Taylor Berg-Kirkpatrick, and Shlomo Dubnov, “Musicldm: Enhancing novelty in text-to-music generation using beat-synchronous mixup strategies,” 2023.
- [20] Zach Evans, Julian D. Parker, CJ Carr, Zack Zukowski, Josiah Taylor, and Jordi Pons, “Stable audio open,” 2024.
- [21] Peike Li, Boyu Chen, Yao Yao, Yikai Wang, Allen Wang, and Alex Wang, “Jen-1: Text-guided universal music generation with omnidirectional diffusion models,” 2023.
- [22] Flavio Schneider, Ojasv Kamal, Zhijing Jin, and Bernhard Schölkopf, “Moûsai: Text-to-music generation with long-context latent diffusion,” 2023.
- [23] Zach Evans, Julian D. Parker, CJ Carr, Zack Zukowski, Josiah Taylor, and Jordi Pons, “Long-form music generation with latent diffusion,” 2024.
- [24] Gautam Mittal, Jesse Engel, Curtis Hawthorne, and Ian Simon, “Symbolic music generation with diffusion models,” 2021.
- [25] Hao-Wen Dong, Wen-Yi Hsiao, Li-Chia Yang, and Yi-Hsuan Yang, “Musegan: Multi-track sequential generative adversarial networks for symbolic music generation and accompaniment,” 2017.
- [26] Julian D. Parker, Janne Spijkervet, Katerina Kosta, Furkan Yesiler, Boris Kuznetsov, Ju-Chiang Wang, Matt Avent, Jitong Chen, and Duc Le, “Stemgen: A music generation model that listens,” 2024.
- [27] Marco Pasini, Maarten Grachten, and Stefan Lattner, “Bass accompaniment generation via latent diffusion,” 2024.
- [28] Chris Donahue, Antoine Caillon, Adam Roberts, Ethan Manilow, Philippe Esling, Andrea Agostinelli, Mauro Verzetti, Ian Simon, Olivier Pietquin, Neil Zeghidour, and Jesse Engel, “Singsong: Generating musical accompaniments from singing,” 2023.
- [29] Giorgio Mariani, Irene Tallini, Emilian Postolache, Michele Mancusi, Luca Cosmo, and Emanuele Rodolà, “Multi-source diffusion models for simultaneous music generation and separation,” 2024.
- [30] Emilian Postolache, Giorgio Mariani, Luca Cosmo, Emmanouil Benetos, and Emanuele Rodolà, “Generalized multi-source inference for text conditioned music diffusion models,” 2024.
- [31] Tornike Karchkhadze, Mohammad Rasool Izadi, Ke Chen, Gerard Assayag, and Shlomo Dubnov, “Multi-track musicldm: Towards versatile music generation with latent diffusion model,” 2024.
- [32] Tornike Karchkhadze, Mohammad Rasool Izadi, and Shlomo Dubnov, “Simultaneous music separation and generation using multi-track latent diffusion models,” 2024.
- [33] Diederik P Kingma and Max Welling, “Auto-encoding variational bayes,” 2022.
- [34] Yang Song, Jascha Sohl-Dickstein, Diederik P. Kingma, Abhishek Kumar, Stefano Ermon, and Ben Poole, “Score-based generative modeling through stochastic differential equations,” 2021.
- [35] Tero Karras, Miika Aittala, Timo Aila, and Samuli Laine, “Elucidating the design space of diffusion-based generative models,” 2022.
- [36] Ethan Manilow, Gordon Wichern, Prem Seetharaman, and Jonathan Le Roux, “Cutting music source separation some slakh: A dataset to study the impact of training data quality and quantity,” 2019.
- [37] Kevin Kilgour, Mauricio Zuluaga, Dominik Roblek, and Matthew Sharifi, “Fréchet audio distance: A metric for evaluating music enhancement algorithms,” 2019.
- [38] Shawn Hershey, Sourish Chaudhuri, Daniel P. W. Ellis, Jort F. Gemmeke, Aren Jansen, R. Channing Moore, Manoj Plakal, Devin Platt, Rif A. Saurous, Bryan Seybold, Malcolm Slaney, Ron J. Weiss, and Kevin Wilson, “Cnn architectures for large-scale audio classification,” 2017.