Skip to content

Commit

Permalink
Merge branch 'facebookresearch:main' into patch-2
Browse files Browse the repository at this point in the history
  • Loading branch information
escfrya authored Nov 21, 2023
2 parents ab95eeb + 258ba98 commit b31ad05
Show file tree
Hide file tree
Showing 4 changed files with 9 additions and 8 deletions.
4 changes: 2 additions & 2 deletions README.md
Original file line number Diff line number Diff line change
Expand Up @@ -72,11 +72,11 @@ Finally, if you use a model that relies on Demucs (e.g. `musicgen-melody`) and w

For the general framework of AudioCraft, please cite the following.
```
@article{copet2023simple,
@inproceedings{copet2023simple,
title={Simple and Controllable Music Generation},
author={Jade Copet and Felix Kreuk and Itai Gat and Tal Remez and David Kant and Gabriel Synnaeve and Yossi Adi and Alexandre Défossez},
booktitle={Thirty-seventh Conference on Neural Information Processing Systems},
year={2023},
journal={arXiv preprint arXiv:2306.05284},
}
```

Expand Down
1 change: 1 addition & 0 deletions audiocraft/utils/cache.py
Original file line number Diff line number Diff line change
Expand Up @@ -287,6 +287,7 @@ def _load_one(self, index: int):
if isinstance(part[0], torch.Tensor):
out.append(torch.stack(part))
else:
assert isinstance(part, torch.Tensor)
out.append(part)
return out
except Exception:
Expand Down
8 changes: 4 additions & 4 deletions docs/MUSICGEN.md
Original file line number Diff line number Diff line change
Expand Up @@ -340,9 +340,9 @@ Once you have launched some experiments, you can easily get access
to the Solver with the latest trained model using the following snippet.

```python
from audiocraft.solvers.musicgen import MusicGen
from audiocraft.solvers.musicgen import MusicGenSolver

solver = MusicGen.get_eval_solver_from_sig('SIG', device='cpu', batch_size=8)
solver = MusicGenSolver.get_eval_solver_from_sig('SIG', device='cpu', batch_size=8)
solver.model
solver.dataloaders
```
Expand Down Expand Up @@ -401,11 +401,11 @@ activations by sharding the optimizer state.

## Citation
```
@article{copet2023simple,
@inproceedings{copet2023simple,
title={Simple and Controllable Music Generation},
author={Jade Copet and Felix Kreuk and Itai Gat and Tal Remez and David Kant and Gabriel Synnaeve and Yossi Adi and Alexandre Défossez},
booktitle={Thirty-seventh Conference on Neural Information Processing Systems},
year={2023},
journal={arXiv preprint arXiv:2306.05284},
}
```

Expand Down
4 changes: 2 additions & 2 deletions requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@ num2words
numpy
sentencepiece
spacy==3.5.2
torch>=2.0.0
torch==2.1.0
torchaudio>=2.0.0
huggingface_hub
tqdm
Expand All @@ -20,4 +20,4 @@ librosa
gradio
torchmetrics
encodec
protobuf
protobuf

0 comments on commit b31ad05

Please sign in to comment.