Skip to content
Open
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension


Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
1 change: 1 addition & 0 deletions .gitignore
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
useful_ckpts/bigvgan
useful_ckpts/*.ckpt
useful_ckpts/CLAP/*.ckpt
useful_ckpts/CLAP/*.pth
evaluation
.idea/
logs
Expand Down
2 changes: 1 addition & 1 deletion gen_wav.py
Original file line number Diff line number Diff line change
Expand Up @@ -58,7 +58,7 @@ def parse_args():
def initialize_model(config, ckpt,device=device):
config = OmegaConf.load(config)
model = instantiate_from_config(config.model)
model.load_state_dict(torch.load(ckpt,map_location='cpu')["state_dict"], strict=False)
model.load_state_dict(torch.load(ckpt,map_location='cpu',weights_only=False)["state_dict"], strict=False, )

model = model.to(device)
model.cond_stage_model.to(model.device)
Expand Down
2 changes: 1 addition & 1 deletion ldm/models/diffusion/ddpm.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
from functools import partial
from tqdm import tqdm
from torchvision.utils import make_grid
from pytorch_lightning.utilities.distributed import rank_zero_only
from pytorch_lightning.utilities import rank_zero_only

from ldm.util import log_txt_as_img, exists, default, ismap, isimage, mean_flat, count_params, instantiate_from_config
from ldm.modules.ema import LitEma
Expand Down
2 changes: 1 addition & 1 deletion ldm/models/diffusion/ddpm_audio.py
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,7 @@
from einops import rearrange, repeat
from tqdm import tqdm
from torchvision.utils import make_grid
from pytorch_lightning.utilities.distributed import rank_zero_only
from pytorch_lightning.utilities import rank_zero_only

from ldm.util import log_txt_as_img, exists, default, ismap, isimage, mean_flat, count_params, instantiate_from_config
from ldm.modules.distributions.distributions import normal_kl, DiagonalGaussianDistribution
Expand Down
28 changes: 28 additions & 0 deletions requirements-cpu.txt
Original file line number Diff line number Diff line change
@@ -0,0 +1,28 @@
# ──────────────────────────────────────────────────────────────
# PyTorch
# ──────────────────────────────────────────────────────────────
torch==2.6.0 # core CPU build
torchvision==0.21.0 # CPU build aligned with torch 2.6.0
torchaudio==2.6.0 # CPU build aligned with torch 2.6.0

# ──────────────────────────────────────────────────────────────
# Remaining dependencies (CPU-agnostic or CUDA handled via PyTorch)
# ──────────────────────────────────────────────────────────────
torch-fidelity==0.3.0
scipy
importlib_resources
tqdm
omegaconf
einops
numpy<=1.23.5
soundfile
librosa==0.9.2
pandas
torchlibrosa
transformers==4.18.0
ftfy
pytorch-lightning==2.5.1
torchmetrics==0.11.1

# CompVis taming-transformers (editable install)
-e git+https://github.com/CompVis/taming-transformers.git@master#egg=taming-transformers
20 changes: 15 additions & 5 deletions requirements.txt
Original file line number Diff line number Diff line change
@@ -1,10 +1,18 @@
--extra-index-url https://download.pytorch.org/whl/cu113
torch
# ──────────────────────────────────────────────────────────────
# PyTorch + CUDA 12.4 wheels
# ──────────────────────────────────────────────────────────────
--extra-index-url https://download.pytorch.org/whl/cu124

torch==2.6.0+cu124 # core GPU build
torchvision==0.21.0+cu124 # GPU build aligned with torch 2.6.0
torchaudio==2.6.0+cu124 # GPU build aligned with torch 2.6.0

# ──────────────────────────────────────────────────────────────
# Remaining dependencies (CPU-agnostic or CUDA handled via PyTorch)
# ──────────────────────────────────────────────────────────────
torch-fidelity==0.3.0
scipy
importlib_resources
torchaudio>=0.13.0
torchvision>=0.14.0
tqdm
omegaconf
einops
Expand All @@ -15,6 +23,8 @@ pandas
torchlibrosa
transformers==4.18.0
ftfy
pytorch-lightning==1.7.0
pytorch-lightning==2.5.1
torchmetrics==0.11.1

# CompVis taming-transformers (editable install)
-e git+https://github.com/CompVis/taming-transformers.git@master#egg=taming-transformers
Binary file removed useful_ckpts/.DS_Store
Binary file not shown.