Unconditional audio generation using diffusion models, in PyTorch. The goal of this repository is to explore different architectures and diffusion models to generate audio (speech and music) directly from/to the waveform.
Progress will be documented in the experiments section. You can use the audio-diffusion-pytorch-trainer
to run your own experiments – please share your findings in the discussions page!
pip install audio-diffusion-pytorch
from audio_diffusion_pytorch import AudioDiffusionModel
model = AudioDiffusionModel(in_channels=1)
# Train model with audio sources
x = torch.randn(2, 1, 2 ** 18) # [batch, in_channels, samples], 2**18 ≈ 12s of audio at a frequency of 22050
loss = model(x)
loss.backward() # Do this many times
# Sample 2 sources given start noise
noise = torch.randn(2, 1, 2 ** 18)
sampled = model.sample(
noise=noise,
num_steps=5 # Suggested range: 2-50
) # [2, 1, 2 ** 18]
from audio_diffusion_pytorch import AudioDiffusionUpsampler
upsampler = AudioDiffusionUpsampler(
in_channels=1,
factor=8,
)
# Train on high frequency data
x = torch.randn(2, 1, 2 ** 18)
loss = upsampler(x)
loss.backward()
# Given start undersampled source, samples upsampled source
undersampled = torch.randn(1, 1, 2 ** 15)
upsampled = upsampler.sample(
undersampled,
num_steps=5
) # [1, 1, 2 ** 18]
from audio_diffusion_pytorch import AudioDiffusionAutoencoder
autoencoder = AudioDiffusionAutoencoder(
in_channels=1,
encoder_depth=4,
encoder_channels=32
)
# Train on audio samples
x = torch.randn(2, 1, 2 ** 18)
loss = autoencoder(x)
loss.backward()
# Encode audio source into latent
x = torch.randn(2, 1, 2 ** 18)
latent = autoencoder.encode(x) # [2, 32, 128]
# Decode latent by diffusion sampling
decoded = autoencoder.decode(
latent,
num_steps=5
) # [2, 32, 2**18]
from audio_diffusion_pytorch import UNet1d
# UNet used to denoise our 1D (audio) data
unet = UNet1d(
in_channels=1,
channels=128,
patch_size=16,
kernel_sizes_init=[1, 3, 7],
multipliers=[1, 2, 4, 4, 4, 4, 4],
factors=[4, 4, 4, 2, 2, 2],
attentions=[False, False, False, True, True, True],
num_blocks=[2, 2, 2, 2, 2, 2],
attention_heads=8,
attention_features=64,
attention_multiplier=2,
use_attention_bottleneck=True,
resnet_groups=8,
kernel_multiplier_downsample=2,
use_nearest_upsample=False,
use_skip_scale=True,
)
x = torch.randn(3, 1, 2 ** 16)
t = torch.tensor([0.2, 0.8, 0.3])
y = unet(x, t) # [3, 1, 32768], compute 3 samples of ~1.5 seconds at 22050Hz with the given noise levels t
from audio_diffusion_pytorch import Diffusion, LogNormalDistribution
diffusion = Diffusion(
net=unet,
sigma_distribution=LogNormalDistribution(mean = -3.0, std = 1.0),
sigma_data=0.1,
dynamic_threshold=0.95
)
x = torch.randn(3, 1, 2 ** 18) # Batch of training audio samples
loss = diffusion(x)
loss.backward() # Do this many times
from audio_diffusion_pytorch import DiffusionSampler, KarrasSchedule
sampler = DiffusionSampler(
diffusion,
num_steps=5, # Suggested range 2-100, higher better quality but takes longer
sampler=ADPM2Sampler(rho=1),
sigma_schedule=KarrasSchedule(sigma_min=0.0001, sigma_max=3.0, rho=9.0)
)
# Generate a sample starting from the provided noise
y = sampler(noise = torch.randn(1,1,2 ** 18))
from audio_diffusion_pytorch import DiffusionInpainter, KarrasSchedule, ADPM2Sampler
inpainter = DiffusionInpainter(
diffusion,
num_steps=5, # Suggested range 2-100, higher for better quality
num_resamples=1, # Suggested range 1-10, higher for better quality
sigma_schedule=KarrasSchedule(sigma_min=0.0001, sigma_max=3.0, rho=9.0),
sampler=ADPM2Sampler(rho=1.0),
)
inpaint = torch.randn(1,1,2 ** 18) # Start track, e.g. one sampled with DiffusionSampler
inpaint_mask = torch.randint(0,2, (1,1,2 ** 18), dtype=torch.bool) # Set to `True` the parts you want to keep
y = inpainter(inpaint = inpaint, inpaint_mask = inpaint_mask)
from audio_diffusion_pytorch import SpanBySpanComposer
composer = SpanBySpanComposer(
inpainter,
num_spans=4 # Number of spans to inpaint after provided input
)
y_long = composer(y, keep_start=True) # [1, 1, 98304]
Report | Snapshot | Description |
---|---|---|
Alpha | 6bd9279f19 | Initial tests on LJSpeech dataset with new architecture and basic DDPM diffusion model. |
Bravo | a05f30aa94 | Elucidated diffusion, improved architecture with patching, longer duration, initial good (unsupervised) results on LJSpeech. |
Charlie | 50ecc30d70 | Train on music with YoutubeDataset, larger patch tests for longer tracks, inpainting tests, initial test with infinite generation using SpanBySpanComposer. |
Delta | 672876bf13 | Test model with the faster ADPM2 sampler and dynamic thresholding. |
Echo | (current) | Test AudioDiffusionUpsampler . |
- Add elucidated diffusion.
- Add ancestral DPM2 sampler.
- Add dynamic thresholding.
- Add (variational) autoencoder option to compress audio before diffusion.
- Fix inpainting and make it work with ADPM2 sampler.
- Add trainer with experiments.
- Add diffusion upsampler.
- Add ancestral euler sampler
AEulerSampler
. - Add diffusion autoencoder.
- Add autoencoder bottleneck option for quantization.
- StabilityAI for the compute, Zach and everyone else from HarmonAI for the interesting research discussions.
- ETH Zurich for the resources, Zhijing Jin, Mrinmaya Sachan, and Bernhard Schoelkopf for supervising this Thesis.
- Phil Wang for the beautiful open source contributions on diffusion and Imagen.
- Katherine Crowson for the experiments with k-diffusion and the insane collection of samplers.
DDPM
@misc{2006.11239,
Author = {Jonathan Ho and Ajay Jain and Pieter Abbeel},
Title = {Denoising Diffusion Probabilistic Models},
Year = {2020},
Eprint = {arXiv:2006.11239},
}
Diffusion inpainting
@misc{2201.09865,
Author = {Andreas Lugmayr and Martin Danelljan and Andres Romero and Fisher Yu and Radu Timofte and Luc Van Gool},
Title = {RePaint: Inpainting using Denoising Diffusion Probabilistic Models},
Year = {2022},
Eprint = {arXiv:2201.09865},
}
Diffusion weighted loss
@misc{2204.00227,
Author = {Jooyoung Choi and Jungbeom Lee and Chaehun Shin and Sungwon Kim and Hyunwoo Kim and Sungroh Yoon},
Title = {Perception Prioritized Training of Diffusion Models},
Year = {2022},
Eprint = {arXiv:2204.00227},
}
Improved UNet architecture
@misc{2205.11487,
Author = {Chitwan Saharia and William Chan and Saurabh Saxena and Lala Li and Jay Whang and Emily Denton and Seyed Kamyar Seyed Ghasemipour and Burcu Karagol Ayan and S. Sara Mahdavi and Rapha Gontijo Lopes and Tim Salimans and Jonathan Ho and David J Fleet and Mohammad Norouzi},
Title = {Photorealistic Text-to-Image Diffusion Models with Deep Language Understanding},
Year = {2022},
Eprint = {arXiv:2205.11487},
}
Elucidated diffusion
@misc{2206.00364,
Author = {Tero Karras and Miika Aittala and Timo Aila and Samuli Laine},
Title = {Elucidating the Design Space of Diffusion-Based Generative Models},
Year = {2022},
Eprint = {arXiv:2206.00364},
}