Skip to content

Commit

Permalink
Update documentation
Browse files Browse the repository at this point in the history
  • Loading branch information
Unknown committed Nov 10, 2024
1 parent 78f888b commit 3f80365
Show file tree
Hide file tree
Showing 8 changed files with 307 additions and 932 deletions.
2 changes: 1 addition & 1 deletion description/code.html

Large diffs are not rendered by default.

484 changes: 91 additions & 393 deletions description/datasets.html

Large diffs are not rendered by default.

100 changes: 50 additions & 50 deletions generation/code.html

Large diffs are not rendered by default.

37 changes: 0 additions & 37 deletions reports/description/datasets.err.log

This file was deleted.

2 changes: 1 addition & 1 deletion reports/generation/code.err.log
Original file line number Diff line number Diff line change
Expand Up @@ -186,7 +186,7 @@ File ~/anaconda3/envs/p310/lib/python3.10/site-packages/huggingface_hub/u
 431 + "Access to this resource is disabled."
 432 )

GatedRepoError: 401 Client Error. (Request ID: Root=1-6730f40e-0035d0002276c8da3c048b22;8b4d2fe6-7b98-4702-a05b-cd7565572fb1)
GatedRepoError: 401 Client Error. (Request ID: Root=1-6730fadd-535a98d85063cbe77de26b1b;8df55905-34fe-46ac-9cd4-b7f0951a9255)

Cannot access gated repo for url https://huggingface.co/stabilityai/stable-audio-open-1.0/resolve/main/model_config.json.
Access to model stabilityai/stable-audio-open-1.0 is restricted. You must have access to it and be authenticated to access it. Please log in.
Expand Down
83 changes: 52 additions & 31 deletions reports/retrieval/code.err.log
Original file line number Diff line number Diff line change
@@ -1,14 +1,3 @@
Traceback (most recent call last):
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 782, in _async_poll_for_reply
msg = await ensure_async(self.kc.shell_channel.get_msg(timeout=new_timeout))
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/jupyter_core/utils/__init__.py", line 198, in ensure_async
result = await obj
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/jupyter_client/channels.py", line 313, in get_msg
raise Empty
_queue.Empty

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/jupyter_cache/executors/utils.py", line 58, in single_nb_execution
executenb(
Expand All @@ -20,25 +9,57 @@ Traceback (most recent call last):
return future.result()
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 709, in async_execute
await self.async_execute_cell(
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 1005, in async_execute_cell
exec_reply = await self.task_poll_for_reply
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 806, in _async_poll_for_reply
error_on_timeout_execute_reply = await self._async_handle_timeout(timeout, cell)
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 856, in _async_handle_timeout
raise CellTimeoutError.error_from_timeout_and_cell(
nbclient.exceptions.CellTimeoutError: A cell timed out while it was being executed, after 100 seconds.
The message was: Cell execution timed out.
Here is a preview of the cell contents:
-------------------
import torchaudio
import torch.nn as nn
import numpy as np
from tqdm.notebook import tqdm
from transformers import AutoModel, AutoTokenizer
from datasets import load_dataset
from IPython.display import Audio
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 1062, in async_execute_cell
await self._check_raise_for_error(cell, cell_index, exec_reply)
File "/Users/seungheond/anaconda3/envs/p310/lib/python3.10/site-packages/nbclient/client.py", line 918, in _check_raise_for_error
raise CellExecutionError.from_cell_and_msg(cell, exec_reply_content)
nbclient.exceptions.CellExecutionError: An error occurred while executing the following cell:
------------------
NUM_EPOCHS = 10
lr = 1e-2
# Define optimizer and loss function
optimizer = torch.optim.AdamW(model.parameters(), lr=lr)
for epoch in range(NUM_EPOCHS):
train_loss = train(model, tr_dataloader, optimizer)
valid_loss = test(model, te_dataloader)
print("[Epoch %d/%d] [Train Loss: %.4f] [Valid Loss: %.4f]" % (epoch + 1, NUM_EPOCHS, train_loss, valid_loss))
------------------


---------------------------------------------------------------------------
ImportError Traceback (most recent call last)
Cell In[10], line 6
 4 optimizer = torch.optim.AdamW(model.parameters(), lr=lr)
 5 for epoch in range(NUM_EPOCHS):
----> 6 train_loss = train(model, tr_dataloader, optimizer)
 7 valid_loss = test(model, te_dataloader)
 8 print("[Epoch %d/%d] [Train Loss: %.4f] [Valid Loss: %.4f]" % (epoch + 1, NUM_EPOCHS, train_loss, valid_loss))

Cell In[9], line 4, in train(model, dataloader, optimizer)
 2 model.train()
 3 total_loss = 0
----> 4 pbar = tqdm(dataloader, desc=f'TRAIN Epoch {epoch:02}')
 5 for batch in pbar:
 6 optimizer.zero_grad()

File ~/anaconda3/envs/p310/lib/python3.10/site-packages/tqdm/notebook.py:234, in tqdm_notebook.__init__(self, *args, **kwargs)
 232 unit_scale = 1 if self.unit_scale is True else self.unit_scale or 1
 233 total = self.total * unit_scale if self.total else self.total
--> 234 self.container = self.status_printer(self.fp, total, self.desc, self.ncols)
 235 self.container.pbar = proxy(self)
 236 self.displayed = False

File ~/anaconda3/envs/p310/lib/python3.10/site-packages/tqdm/notebook.py:108, in tqdm_notebook.status_printer(_, total, desc, ncols)
 99 # Fallback to text bar if there's no total
 100 # DEPRECATED: replaced with an 'info' style bar
 101 # if not total:
 (...)
 105
 106 # Prepare IPython progress bar
 107 if IProgress is None: # #187 #451 #558 #872
--> 108 raise ImportError(WARN_NOIPYW)
 109 if total:
 110 pbar = IProgress(min=0, max=total)

# Load Magnatagatune Dataset: 1-min
dataset = load_dataset("mulab-mir/lp-music-caps-magnatagatune-3k", split="train")
-------------------
ImportError: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html

Loading

0 comments on commit 3f80365

Please sign in to comment.