From c6de2758503b5aa09e480d0b68ead62a8fa4f5ef Mon Sep 17 00:00:00 2001 From: Alexandre Date: Wed, 6 Mar 2024 10:50:33 +0100 Subject: [PATCH] task 3 with wandb --- plr_exercise.egg-info/PKG-INFO | 10 + plr_exercise.egg-info/SOURCES.txt | 9 + plr_exercise.egg-info/dependency_links.txt | 1 + plr_exercise.egg-info/requires.txt | 2 + plr_exercise.egg-info/top_level.txt | 1 + train.py | 59 ++-- wandb/debug-internal.log | 1 + wandb/debug.log | 1 + wandb/latest-run | 1 + .../files/config.yaml | 35 ++ .../files/output.log | 190 +++++++++++ .../files/requirements.txt | 39 +++ .../files/wandb-metadata.json | 49 +++ .../files/wandb-summary.json | 1 + .../logs/debug-internal.log | 306 ++++++++++++++++++ .../logs/debug.log | 28 ++ .../run-pufbvux4.wandb | Bin 0 -> 43598 bytes 17 files changed, 715 insertions(+), 18 deletions(-) create mode 100644 plr_exercise.egg-info/PKG-INFO create mode 100644 plr_exercise.egg-info/SOURCES.txt create mode 100644 plr_exercise.egg-info/dependency_links.txt create mode 100644 plr_exercise.egg-info/requires.txt create mode 100644 plr_exercise.egg-info/top_level.txt create mode 120000 wandb/debug-internal.log create mode 120000 wandb/debug.log create mode 120000 wandb/latest-run create mode 100644 wandb/run-20240306_104616-pufbvux4/files/config.yaml create mode 100644 wandb/run-20240306_104616-pufbvux4/files/output.log create mode 100644 wandb/run-20240306_104616-pufbvux4/files/requirements.txt create mode 100644 wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json create mode 100644 wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json create mode 100644 wandb/run-20240306_104616-pufbvux4/logs/debug-internal.log create mode 100644 wandb/run-20240306_104616-pufbvux4/logs/debug.log create mode 100644 wandb/run-20240306_104616-pufbvux4/run-pufbvux4.wandb diff --git a/plr_exercise.egg-info/PKG-INFO b/plr_exercise.egg-info/PKG-INFO new file mode 100644 index 0000000..0c29d2b --- /dev/null +++ b/plr_exercise.egg-info/PKG-INFO @@ -0,0 +1,10 @@ +Metadata-Version: 2.1 +Name: plr_exercise +Version: 1.0.0 +Summary: A small example package +Author: Jonas Frey +Author-email: jonfrey@ethz.ch +Requires-Python: >=3.7 +License-File: LICENSE +Requires-Dist: numpy +Requires-Dist: torch>=1.21 diff --git a/plr_exercise.egg-info/SOURCES.txt b/plr_exercise.egg-info/SOURCES.txt new file mode 100644 index 0000000..6531f8c --- /dev/null +++ b/plr_exercise.egg-info/SOURCES.txt @@ -0,0 +1,9 @@ +LICENSE +README.md +setup.py +plr_exercise/__init__.py +plr_exercise.egg-info/PKG-INFO +plr_exercise.egg-info/SOURCES.txt +plr_exercise.egg-info/dependency_links.txt +plr_exercise.egg-info/requires.txt +plr_exercise.egg-info/top_level.txt \ No newline at end of file diff --git a/plr_exercise.egg-info/dependency_links.txt b/plr_exercise.egg-info/dependency_links.txt new file mode 100644 index 0000000..2b90dfa --- /dev/null +++ b/plr_exercise.egg-info/dependency_links.txt @@ -0,0 +1 @@ +https://download.pytorch.org/whl/torch-2.1.0+cu121-cp38-cp38-linux_x86_64.whl diff --git a/plr_exercise.egg-info/requires.txt b/plr_exercise.egg-info/requires.txt new file mode 100644 index 0000000..f50dca9 --- /dev/null +++ b/plr_exercise.egg-info/requires.txt @@ -0,0 +1,2 @@ +numpy +torch>=1.21 diff --git a/plr_exercise.egg-info/top_level.txt b/plr_exercise.egg-info/top_level.txt new file mode 100644 index 0000000..1279457 --- /dev/null +++ b/plr_exercise.egg-info/top_level.txt @@ -0,0 +1 @@ +plr_exercise diff --git a/train.py b/train.py index 2cfae71..ed42c38 100644 --- a/train.py +++ b/train.py @@ -6,15 +6,25 @@ import torch.optim as optim from torchvision import datasets, transforms from torch.optim.lr_scheduler import StepLR +import wandb + + +run = wandb.init( + project="mon projet", + config={ + "learning_rate": 0.01, + "epochs": 10, + + }, +) class Net(nn.Module): def __init__(self): - super(Net, self).__init__() self.conv1 = nn.Conv2d(1, 32, 3, 1) - self.conv2 = nn.Conv2d( 32, 64, 3, 1) + self.conv2 = nn.Conv2d(32, 64, 3, 1) self.dropout1 = nn.Dropout(0.25) self.dropout2 = nn.Dropout(0.5) self.fc1 = nn.Linear(9216, 128) @@ -43,7 +53,7 @@ def train(args, model, device, train_loader, optimizer, epoch): data, target = data.to(device), target.to(device) optimizer.zero_grad() output = model(data) - loss = F.nll_loss( output, target) + loss = F.nll_loss(output, target) loss.backward() optimizer.step() if batch_idx % args.log_interval == 0: @@ -52,7 +62,7 @@ def train(args, model, device, train_loader, optimizer, epoch): epoch, batch_idx * len(data), len(train_loader.dataset), - 100.0 * batch_idx / len(train_loader), + 100.0 * batch_idx / len(train_loader), loss.item(), ) ) @@ -70,17 +80,21 @@ def test(model, device, test_loader, epoch): data, target = data.to(device), target.to(device) output = model(data) - test_loss += F.nll_loss( output, target, reduction="sum").item() # sum up batch loss - pred = output.argmax(dim=1, keepdim=True) # get the index of the max log-probability - correct += pred.eq(target.view_as(pred) ).sum().item() + # sum up batch loss + test_loss += F.nll_loss(output, target, reduction="sum").item() + # get the index of the max log-probability + pred = output.argmax(dim=1, keepdim=True) + correct += pred.eq(target.view_as(pred)).sum().item() - test_loss /= len(test_loader.dataset ) + test_loss /= len(test_loader.dataset) print( "\nTest set: Average loss: {:.4f}, Accuracy: {}/{} ({:.0f}%)\n".format( - test_loss, correct, len(test_loader.dataset), 100.0 * correct / len(test_loader.dataset) + test_loss, correct, len( + test_loader.dataset), 100.0 * correct / len(test_loader.dataset) ) ) + wandb.log({"Loss": test_loss, "epoch": epoch}) def main(): @@ -92,12 +106,18 @@ def main(): parser.add_argument( "--test-batch-size", type=int, default=1000, metavar="N", help="input batch size for testing (default: 1000)" ) - parser.add_argument("--epochs", type=int, default=2, metavar="N", help="number of epochs to train (default: 14)") - parser.add_argument("--lr", type=float, default=1.0, metavar="LR", help="learning rate (default: 1.0)") - parser.add_argument("--gamma", type=float, default=0.7, metavar="M", help="Learning rate step gamma (default: 0.7)") - parser.add_argument("--no-cuda", action="store_true", default=False, help="disables CUDA training") - parser.add_argument("--dry-run", action="store_true", default=False, help="quickly check a single pass") - parser.add_argument("--seed", type=int, default=1, metavar="S", help="random seed (default: 1)") + parser.add_argument("--epochs", type=int, default=2, metavar="N", + help="number of epochs to train (default: 14)") + parser.add_argument("--lr", type=float, default=1.0, + metavar="LR", help="learning rate (default: 1.0)") + parser.add_argument("--gamma", type=float, default=0.7, + metavar="M", help="Learning rate step gamma (default: 0.7)") + parser.add_argument("--no-cuda", action="store_true", + default=False, help="disables CUDA training") + parser.add_argument("--dry-run", action="store_true", + default=False, help="quickly check a single pass") + parser.add_argument("--seed", type=int, default=1, + metavar="S", help="random seed (default: 1)") parser.add_argument( "--log-interval", type=int, @@ -105,7 +125,8 @@ def main(): metavar="N", help="how many batches to wait before logging training status", ) - parser.add_argument("--save-model", action="store_true", default=False, help="For Saving the current Model") + parser.add_argument("--save-model", action="store_true", + default=False, help="For Saving the current Model") args = parser.parse_args() use_cuda = not args.no_cuda and torch.cuda.is_available() @@ -123,8 +144,10 @@ def main(): train_kwargs.update(cuda_kwargs) test_kwargs.update(cuda_kwargs) - transform = transforms.Compose([transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,))]) - dataset1 = datasets.MNIST("../data", train=True, download=True, transform=transform) + transform = transforms.Compose( + [transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,))]) + dataset1 = datasets.MNIST("../data", train=True, + download=True, transform=transform) dataset2 = datasets.MNIST("../data", train=False, transform=transform) train_loader = torch.utils.data.DataLoader(dataset1, **train_kwargs) test_loader = torch.utils.data.DataLoader(dataset2, **test_kwargs) diff --git a/wandb/debug-internal.log b/wandb/debug-internal.log new file mode 120000 index 0000000..2dd7b87 --- /dev/null +++ b/wandb/debug-internal.log @@ -0,0 +1 @@ +run-20240306_104616-pufbvux4/logs/debug-internal.log \ No newline at end of file diff --git a/wandb/debug.log b/wandb/debug.log new file mode 120000 index 0000000..d96adce --- /dev/null +++ b/wandb/debug.log @@ -0,0 +1 @@ +run-20240306_104616-pufbvux4/logs/debug.log \ No newline at end of file diff --git a/wandb/latest-run b/wandb/latest-run new file mode 120000 index 0000000..0c6c897 --- /dev/null +++ b/wandb/latest-run @@ -0,0 +1 @@ +run-20240306_104616-pufbvux4 \ No newline at end of file diff --git a/wandb/run-20240306_104616-pufbvux4/files/config.yaml b/wandb/run-20240306_104616-pufbvux4/files/config.yaml new file mode 100644 index 0000000..0e8e9a0 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/files/config.yaml @@ -0,0 +1,35 @@ +wandb_version: 1 + +learning_rate: + desc: null + value: 0.01 +epochs: + desc: null + value: 10 +_wandb: + desc: null + value: + python_version: 3.11.5 + cli_version: 0.16.4 + framework: torch + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1709718376.0 + t: + 1: + - 1 + - 41 + - 55 + 2: + - 1 + - 41 + - 55 + 3: + - 16 + - 23 + 4: 3.11.5 + 5: 0.16.4 + 8: + - 4 + - 5 + 13: darwin-arm64 diff --git a/wandb/run-20240306_104616-pufbvux4/files/output.log b/wandb/run-20240306_104616-pufbvux4/files/output.log new file mode 100644 index 0000000..8ee4957 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/files/output.log @@ -0,0 +1,190 @@ +Train Epoch: 0 [0/60000 (0%)] Loss: 2.329474 +Train Epoch: 0 [640/60000 (1%)] Loss: 3.163749 +Train Epoch: 0 [1280/60000 (2%)] Loss: 2.810723 +Train Epoch: 0 [1920/60000 (3%)] Loss: 2.462003 +Train Epoch: 0 [2560/60000 (4%)] Loss: 2.393042 +Train Epoch: 0 [3200/60000 (5%)] Loss: 727.100647 +Train Epoch: 0 [3840/60000 (6%)] Loss: 2.365071 +Train Epoch: 0 [4480/60000 (7%)] Loss: 2.351858 +Train Epoch: 0 [5120/60000 (9%)] Loss: 2.322984 +Train Epoch: 0 [5760/60000 (10%)] Loss: 2.334341 +Train Epoch: 0 [6400/60000 (11%)] Loss: 2.350302 +Train Epoch: 0 [7040/60000 (12%)] Loss: 2.328267 +Train Epoch: 0 [7680/60000 (13%)] Loss: 2.351661 +Train Epoch: 0 [8320/60000 (14%)] Loss: 2.312091 +Train Epoch: 0 [8960/60000 (15%)] Loss: 2.401574 +Train Epoch: 0 [9600/60000 (16%)] Loss: 2.336918 +Train Epoch: 0 [10240/60000 (17%)] Loss: 2.294845 +Train Epoch: 0 [10880/60000 (18%)] Loss: 2.343280 +Train Epoch: 0 [11520/60000 (19%)] Loss: 2.362715 +Train Epoch: 0 [12160/60000 (20%)] Loss: 2.298522 +Train Epoch: 0 [12800/60000 (21%)] Loss: 2.286546 +Train Epoch: 0 [13440/60000 (22%)] Loss: 2.339040 +Train Epoch: 0 [14080/60000 (23%)] Loss: 2.336880 +Train Epoch: 0 [14720/60000 (25%)] Loss: 2.348043 +Train Epoch: 0 [15360/60000 (26%)] Loss: 2.330961 +Train Epoch: 0 [16000/60000 (27%)] Loss: 2.320678 +Train Epoch: 0 [16640/60000 (28%)] Loss: 2.373642 +Train Epoch: 0 [17280/60000 (29%)] Loss: 2.362350 +Train Epoch: 0 [17920/60000 (30%)] Loss: 2.285732 +Train Epoch: 0 [18560/60000 (31%)] Loss: 2.387622 +Train Epoch: 0 [19200/60000 (32%)] Loss: 2.334290 +Train Epoch: 0 [19840/60000 (33%)] Loss: 2.351022 +Train Epoch: 0 [20480/60000 (34%)] Loss: 2.451580 +Train Epoch: 0 [21120/60000 (35%)] Loss: 2.432407 +Train Epoch: 0 [21760/60000 (36%)] Loss: 2.357752 +Train Epoch: 0 [22400/60000 (37%)] Loss: 2.384685 +Train Epoch: 0 [23040/60000 (38%)] Loss: 2.421635 +Train Epoch: 0 [23680/60000 (39%)] Loss: 2.375398 +Train Epoch: 0 [24320/60000 (41%)] Loss: 2.312469 +Train Epoch: 0 [24960/60000 (42%)] Loss: 2.293869 +Train Epoch: 0 [25600/60000 (43%)] Loss: 2.306481 +Train Epoch: 0 [26240/60000 (44%)] Loss: 2.339118 +Train Epoch: 0 [26880/60000 (45%)] Loss: 2.329201 +Train Epoch: 0 [27520/60000 (46%)] Loss: 2.402405 +Train Epoch: 0 [28160/60000 (47%)] Loss: 2.362206 +Train Epoch: 0 [28800/60000 (48%)] Loss: 2.346026 +Train Epoch: 0 [29440/60000 (49%)] Loss: 2.359084 +Train Epoch: 0 [30080/60000 (50%)] Loss: 2.382750 +Train Epoch: 0 [30720/60000 (51%)] Loss: 2.302515 +Train Epoch: 0 [31360/60000 (52%)] Loss: 2.340575 +Train Epoch: 0 [32000/60000 (53%)] Loss: 2.352647 +Train Epoch: 0 [32640/60000 (54%)] Loss: 2.329711 +Train Epoch: 0 [33280/60000 (55%)] Loss: 2.331157 +Train Epoch: 0 [33920/60000 (57%)] Loss: 2.365947 +Train Epoch: 0 [34560/60000 (58%)] Loss: 2.310303 +Train Epoch: 0 [35200/60000 (59%)] Loss: 2.403242 +Train Epoch: 0 [35840/60000 (60%)] Loss: 2.366431 +Train Epoch: 0 [36480/60000 (61%)] Loss: 2.329873 +Train Epoch: 0 [37120/60000 (62%)] Loss: 2.329306 +Train Epoch: 0 [37760/60000 (63%)] Loss: 2.313803 +Train Epoch: 0 [38400/60000 (64%)] Loss: 2.392514 +Train Epoch: 0 [39040/60000 (65%)] Loss: 2.323086 +Train Epoch: 0 [39680/60000 (66%)] Loss: 2.471573 +Train Epoch: 0 [40320/60000 (67%)] Loss: 3.164428 +Train Epoch: 0 [40960/60000 (68%)] Loss: 2.648396 +Train Epoch: 0 [41600/60000 (69%)] Loss: 2.387139 +Train Epoch: 0 [42240/60000 (70%)] Loss: 2.344292 +Train Epoch: 0 [42880/60000 (71%)] Loss: 2.378800 +Train Epoch: 0 [43520/60000 (72%)] Loss: 2.317856 +Train Epoch: 0 [44160/60000 (74%)] Loss: 2.365886 +Train Epoch: 0 [44800/60000 (75%)] Loss: 2.275558 +Train Epoch: 0 [45440/60000 (76%)] Loss: 2.385407 +Train Epoch: 0 [46080/60000 (77%)] Loss: 2.352269 +Train Epoch: 0 [46720/60000 (78%)] Loss: 2.331173 +Train Epoch: 0 [47360/60000 (79%)] Loss: 2.333803 +Train Epoch: 0 [48000/60000 (80%)] Loss: 2.368239 +Train Epoch: 0 [48640/60000 (81%)] Loss: 2.323156 +Train Epoch: 0 [49280/60000 (82%)] Loss: 2.348527 +Train Epoch: 0 [49920/60000 (83%)] Loss: 2.382334 +Train Epoch: 0 [50560/60000 (84%)] Loss: 2.492201 +Train Epoch: 0 [51200/60000 (85%)] Loss: 2.390026 +Train Epoch: 0 [51840/60000 (86%)] Loss: 2.466917 +Train Epoch: 0 [52480/60000 (87%)] Loss: 2.296052 +Train Epoch: 0 [53120/60000 (88%)] Loss: 2.334232 +Train Epoch: 0 [53760/60000 (90%)] Loss: 2.384785 +Train Epoch: 0 [54400/60000 (91%)] Loss: 2.349325 +Train Epoch: 0 [55040/60000 (92%)] Loss: 2.294627 +Train Epoch: 0 [55680/60000 (93%)] Loss: 2.314354 +Train Epoch: 0 [56320/60000 (94%)] Loss: 2.313751 +Train Epoch: 0 [56960/60000 (95%)] Loss: 2.326008 +Train Epoch: 0 [57600/60000 (96%)] Loss: 2.256036 +Train Epoch: 0 [58240/60000 (97%)] Loss: 2.343266 +Train Epoch: 0 [58880/60000 (98%)] Loss: 2.317806 +Train Epoch: 0 [59520/60000 (99%)] Loss: 2.336383 +Test set: Average loss: 2.3195, Accuracy: 1135/10000 (11%) +Train Epoch: 1 [0/60000 (0%)] Loss: 2.308809 +Train Epoch: 1 [640/60000 (1%)] Loss: 2.314591 +Train Epoch: 1 [1280/60000 (2%)] Loss: 2.356146 +Train Epoch: 1 [1920/60000 (3%)] Loss: 2.341244 +Train Epoch: 1 [2560/60000 (4%)] Loss: 2.321081 +Train Epoch: 1 [3200/60000 (5%)] Loss: 2.308159 +Train Epoch: 1 [3840/60000 (6%)] Loss: 2.312081 +Train Epoch: 1 [4480/60000 (7%)] Loss: 2.357321 +Train Epoch: 1 [5120/60000 (9%)] Loss: 2.317735 +Train Epoch: 1 [5760/60000 (10%)] Loss: 2.331640 +Train Epoch: 1 [6400/60000 (11%)] Loss: 2.342279 +Train Epoch: 1 [7040/60000 (12%)] Loss: 2.320646 +Train Epoch: 1 [7680/60000 (13%)] Loss: 2.380904 +Train Epoch: 1 [8320/60000 (14%)] Loss: 2.305196 +Train Epoch: 1 [8960/60000 (15%)] Loss: 2.394487 +Train Epoch: 1 [9600/60000 (16%)] Loss: 2.340882 +Train Epoch: 1 [10240/60000 (17%)] Loss: 2.319427 +Train Epoch: 1 [10880/60000 (18%)] Loss: 2.332401 +Train Epoch: 1 [11520/60000 (19%)] Loss: 2.360700 +Train Epoch: 1 [12160/60000 (20%)] Loss: 2.303836 +Train Epoch: 1 [12800/60000 (21%)] Loss: 2.277171 +Train Epoch: 1 [13440/60000 (22%)] Loss: 2.339409 +Train Epoch: 1 [14080/60000 (23%)] Loss: 2.283450 +Train Epoch: 1 [14720/60000 (25%)] Loss: 2.319676 +Train Epoch: 1 [15360/60000 (26%)] Loss: 2.313021 +Train Epoch: 1 [16000/60000 (27%)] Loss: 2.321848 +Train Epoch: 1 [16640/60000 (28%)] Loss: 2.348344 +Train Epoch: 1 [17280/60000 (29%)] Loss: 2.369822 +Train Epoch: 1 [17920/60000 (30%)] Loss: 2.285888 +Train Epoch: 1 [18560/60000 (31%)] Loss: 2.375418 +Train Epoch: 1 [19200/60000 (32%)] Loss: 2.317253 +Train Epoch: 1 [19840/60000 (33%)] Loss: 2.306999 +Train Epoch: 1 [20480/60000 (34%)] Loss: 2.406102 +Train Epoch: 1 [21120/60000 (35%)] Loss: 2.388851 +Train Epoch: 1 [21760/60000 (36%)] Loss: 2.360869 +Train Epoch: 1 [22400/60000 (37%)] Loss: 2.338306 +Train Epoch: 1 [23040/60000 (38%)] Loss: 2.380447 +Train Epoch: 1 [23680/60000 (39%)] Loss: 2.347673 +Train Epoch: 1 [24320/60000 (41%)] Loss: 2.299994 +Train Epoch: 1 [24960/60000 (42%)] Loss: 2.299256 +Train Epoch: 1 [25600/60000 (43%)] Loss: 2.298962 +Train Epoch: 1 [26240/60000 (44%)] Loss: 2.312130 +Train Epoch: 1 [26880/60000 (45%)] Loss: 2.297455 +Train Epoch: 1 [27520/60000 (46%)] Loss: 2.376775 +Train Epoch: 1 [28160/60000 (47%)] Loss: 2.319507 +Train Epoch: 1 [28800/60000 (48%)] Loss: 2.295763 +Train Epoch: 1 [29440/60000 (49%)] Loss: 2.335815 +Train Epoch: 1 [30080/60000 (50%)] Loss: 2.386428 +Train Epoch: 1 [30720/60000 (51%)] Loss: 2.337291 +Train Epoch: 1 [31360/60000 (52%)] Loss: 2.318209 +Train Epoch: 1 [32000/60000 (53%)] Loss: 2.345703 +Train Epoch: 1 [32640/60000 (54%)] Loss: 2.323367 +Train Epoch: 1 [33280/60000 (55%)] Loss: 2.324066 +Train Epoch: 1 [33920/60000 (57%)] Loss: 2.332751 +Train Epoch: 1 [34560/60000 (58%)] Loss: 2.294739 +Train Epoch: 1 [35200/60000 (59%)] Loss: 2.370771 +Train Epoch: 1 [35840/60000 (60%)] Loss: 2.352789 +Train Epoch: 1 [36480/60000 (61%)] Loss: 2.306558 +Train Epoch: 1 [37120/60000 (62%)] Loss: 2.318676 +Train Epoch: 1 [37760/60000 (63%)] Loss: 2.304147 +Train Epoch: 1 [38400/60000 (64%)] Loss: 2.341470 +Train Epoch: 1 [39040/60000 (65%)] Loss: 2.317718 +Train Epoch: 1 [39680/60000 (66%)] Loss: 2.329848 +Train Epoch: 1 [40320/60000 (67%)] Loss: 2.358087 +Train Epoch: 1 [40960/60000 (68%)] Loss: 2.280651 +Train Epoch: 1 [41600/60000 (69%)] Loss: 2.342746 +Train Epoch: 1 [42240/60000 (70%)] Loss: 2.318500 +Train Epoch: 1 [42880/60000 (71%)] Loss: 2.359805 +Train Epoch: 1 [43520/60000 (72%)] Loss: 2.327282 +Train Epoch: 1 [44160/60000 (74%)] Loss: 2.355948 +Train Epoch: 1 [44800/60000 (75%)] Loss: 2.277532 +Train Epoch: 1 [45440/60000 (76%)] Loss: 2.362204 +Train Epoch: 1 [46080/60000 (77%)] Loss: 2.353934 +Train Epoch: 1 [46720/60000 (78%)] Loss: 2.374333 +Train Epoch: 1 [47360/60000 (79%)] Loss: 2.362021 +Train Epoch: 1 [48000/60000 (80%)] Loss: 2.352453 +Train Epoch: 1 [48640/60000 (81%)] Loss: 2.329662 +Train Epoch: 1 [49280/60000 (82%)] Loss: 2.343026 +Train Epoch: 1 [49920/60000 (83%)] Loss: 2.345965 +Train Epoch: 1 [50560/60000 (84%)] Loss: 2.438956 +Train Epoch: 1 [51200/60000 (85%)] Loss: 2.365172 +Train Epoch: 1 [51840/60000 (86%)] Loss: 2.411402 +Train Epoch: 1 [52480/60000 (87%)] Loss: 2.321453 +Train Epoch: 1 [53120/60000 (88%)] Loss: 2.325870 +Train Epoch: 1 [53760/60000 (90%)] Loss: 2.372273 +Train Epoch: 1 [54400/60000 (91%)] Loss: 2.340661 +Train Epoch: 1 [55040/60000 (92%)] Loss: 2.308806 +Train Epoch: 1 [55680/60000 (93%)] Loss: 2.310355 +Train Epoch: 1 [56320/60000 (94%)] Loss: 2.310350 +Train Epoch: 1 [56960/60000 (95%)] Loss: 2.312412 +Train Epoch: 1 [57600/60000 (96%)] Loss: 2.227252 +Train Epoch: 1 [58240/60000 (97%)] Loss: 2.308315 +Train Epoch: 1 [58880/60000 (98%)] Loss: 2.317189 +Train Epoch: 1 [59520/60000 (99%)] Loss: 2.317034 +Test set: Average loss: 2.3126, Accuracy: 1135/10000 (11%) \ No newline at end of file diff --git a/wandb/run-20240306_104616-pufbvux4/files/requirements.txt b/wandb/run-20240306_104616-pufbvux4/files/requirements.txt new file mode 100644 index 0000000..b89963d --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/files/requirements.txt @@ -0,0 +1,39 @@ +GitPython==3.1.42 +Jinja2==3.1.3 +MarkupSafe==2.1.5 +PyYAML==6.0.1 +appdirs==1.4.4 +black==24.2.0 +certifi==2024.2.2 +charset-normalizer==3.3.2 +click==8.1.7 +docker-pycreds==0.4.0 +filelock==3.13.1 +fsspec==2024.2.0 +gitdb==4.0.11 +idna==3.6 +mpmath==1.3.0 +mypy-extensions==1.0.0 +networkx==3.2.1 +numpy==1.26.4 +packaging==23.2 +pathspec==0.12.1 +pillow==10.2.0 +pip==23.2.1 +platformdirs==4.2.0 +plr_exercise==1.0.0 +plr_exercise==1.0.0 +protobuf==4.25.3 +psutil==5.9.8 +requests==2.31.0 +sentry-sdk==1.40.6 +setproctitle==1.3.3 +setuptools==65.5.0 +six==1.16.0 +smmap==5.0.1 +sympy==1.12 +torch==2.2.1 +torchvision==0.17.1 +typing_extensions==4.10.0 +urllib3==2.2.1 +wandb==0.16.4 \ No newline at end of file diff --git a/wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json b/wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json new file mode 100644 index 0000000..85ad984 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json @@ -0,0 +1,49 @@ +{ + "os": "macOS-13.5-arm64-arm-64bit", + "python": "3.11.5", + "heartbeatAt": "2024-03-06T09:46:23.507168", + "startedAt": "2024-03-06T09:46:16.213853", + "docker": null, + "cuda": null, + "args": [], + "state": "running", + "program": "/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/train.py", + "codePathLocal": "train.py", + "codePath": "train.py", + "git": { + "remote": "https://github.com/alexxelaalexxela/plr-exercise.git", + "commit": "c4885ced56925a377306ac9c8b0af7c8f292e7c2" + }, + "email": "alexandre.clin@orange.fr", + "root": "/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise", + "host": "MacBook-Pro-de-Alexandre.local", + "username": "alexandreclin", + "executable": "/Users/alexandreclin/venv/plr/bin/python3", + "cpu_count": 10, + "cpu_count_logical": 10, + "cpu_freq": { + "current": 3504, + "min": 702, + "max": 3504 + }, + "cpu_freq_per_core": [ + { + "current": 3504, + "min": 702, + "max": 3504 + } + ], + "disk": { + "/": { + "total": 460.4317207336426, + "used": 11.100791931152344 + } + }, + "gpuapple": { + "type": "arm", + "vendor": "Apple" + }, + "memory": { + "total": 16.0 + } +} diff --git a/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json b/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json new file mode 100644 index 0000000..95b25a6 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json @@ -0,0 +1 @@ +{"Loss": 2.312601123046875, "epoch": 1, "_timestamp": 1709718489.349451, "_runtime": 113.12536096572876, "_step": 1, "_wandb": {"runtime": 105}} \ No newline at end of file diff --git a/wandb/run-20240306_104616-pufbvux4/logs/debug-internal.log b/wandb/run-20240306_104616-pufbvux4/logs/debug-internal.log new file mode 100644 index 0000000..0af1b46 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/logs/debug-internal.log @@ -0,0 +1,306 @@ +2024-03-06 10:46:16,229 INFO StreamThr :69079 [internal.py:wandb_internal():86] W&B internal server running at pid: 69079, started at: 2024-03-06 10:46:16.225094 +2024-03-06 10:46:16,231 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status +2024-03-06 10:46:16,233 INFO WriterThread:69079 [datastore.py:open_for_write():87] open: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/run-pufbvux4.wandb +2024-03-06 10:46:16,237 DEBUG SenderThread:69079 [sender.py:send():378] send: header +2024-03-06 10:46:16,254 DEBUG SenderThread:69079 [sender.py:send():378] send: run +2024-03-06 10:46:19,380 INFO SenderThread:69079 [dir_watcher.py:__init__():211] watching files in: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files +2024-03-06 10:46:19,380 INFO SenderThread:69079 [sender.py:_start_run_threads():1099] run started: pufbvux4 with start time 1709718376.22409 +2024-03-06 10:46:19,384 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: check_version +2024-03-06 10:46:19,384 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: check_version +2024-03-06 10:46:23,496 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:23,498 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: run_start +2024-03-06 10:46:23,505 DEBUG HandlerThread:69079 [system_info.py:__init__():26] System info init +2024-03-06 10:46:23,505 DEBUG HandlerThread:69079 [system_info.py:__init__():41] System info init done +2024-03-06 10:46:23,505 INFO HandlerThread:69079 [system_monitor.py:start():194] Starting system monitor +2024-03-06 10:46:23,505 INFO SystemMonitor:69079 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-03-06 10:46:23,505 INFO HandlerThread:69079 [system_monitor.py:probe():214] Collecting system info +2024-03-06 10:46:23,506 INFO SystemMonitor:69079 [interfaces.py:start():190] Started cpu monitoring +2024-03-06 10:46:23,507 DEBUG HandlerThread:69079 [system_info.py:probe():150] Probing system +2024-03-06 10:46:23,507 INFO SystemMonitor:69079 [interfaces.py:start():190] Started disk monitoring +2024-03-06 10:46:23,508 INFO SystemMonitor:69079 [interfaces.py:start():190] Started gpuapple monitoring +2024-03-06 10:46:23,509 INFO SystemMonitor:69079 [interfaces.py:start():190] Started memory monitoring +2024-03-06 10:46:23,510 INFO SystemMonitor:69079 [interfaces.py:start():190] Started network monitoring +2024-03-06 10:46:23,514 DEBUG HandlerThread:69079 [system_info.py:_probe_git():135] Probing git +2024-03-06 10:46:23,537 DEBUG HandlerThread:69079 [system_info.py:_probe_git():143] Probing git done +2024-03-06 10:46:23,537 DEBUG HandlerThread:69079 [system_info.py:probe():198] Probing system done +2024-03-06 10:46:23,537 DEBUG HandlerThread:69079 [system_monitor.py:probe():223] {'os': 'macOS-13.5-arm64-arm-64bit', 'python': '3.11.5', 'heartbeatAt': '2024-03-06T09:46:23.507168', 'startedAt': '2024-03-06T09:46:16.213853', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': '/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/train.py', 'codePathLocal': 'train.py', 'codePath': 'train.py', 'git': {'remote': 'https://github.com/alexxelaalexxela/plr-exercise.git', 'commit': 'c4885ced56925a377306ac9c8b0af7c8f292e7c2'}, 'email': 'alexandre.clin@orange.fr', 'root': '/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise', 'host': 'MacBook-Pro-de-Alexandre.local', 'username': 'alexandreclin', 'executable': '/Users/alexandreclin/venv/plr/bin/python3', 'cpu_count': 10, 'cpu_count_logical': 10, 'cpu_freq': {'current': 3504, 'min': 702, 'max': 3504}, 'cpu_freq_per_core': [{'current': 3504, 'min': 702, 'max': 3504}], 'disk': {'/': {'total': 460.4317207336426, 'used': 11.100791931152344}}, 'gpuapple': {'type': 'arm', 'vendor': 'Apple'}, 'memory': {'total': 16.0}} +2024-03-06 10:46:23,537 INFO HandlerThread:69079 [system_monitor.py:probe():224] Finished collecting system info +2024-03-06 10:46:23,537 INFO HandlerThread:69079 [system_monitor.py:probe():227] Publishing system info +2024-03-06 10:46:23,537 INFO HandlerThread:69079 [system_monitor.py:probe():229] Finished publishing system info +2024-03-06 10:46:23,539 DEBUG SenderThread:69079 [sender.py:send():378] send: files +2024-03-06 10:46:23,539 INFO SenderThread:69079 [sender.py:_save_file():1365] saving file wandb-metadata.json with policy now +2024-03-06 10:46:23,572 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: python_packages +2024-03-06 10:46:23,573 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:46:23,573 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: python_packages +2024-03-06 10:46:23,573 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:46:23,573 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:46:24,405 INFO Thread-12 :69079 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/requirements.txt +2024-03-06 10:46:24,405 INFO Thread-12 :69079 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json +2024-03-06 10:46:25,263 DEBUG SenderThread:69079 [sender.py:send():378] send: telemetry +2024-03-06 10:46:25,410 INFO Thread-12 :69079 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:26,701 INFO wandb-upload_0:69079 [upload_job.py:push():131] Uploaded file /var/folders/ts/vp0dd4dj2hdgxg3yf4r9b89r0000gn/T/tmpjh9dgubwwandb/slt34uot-wandb-metadata.json +2024-03-06 10:46:27,420 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:28,623 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:29,427 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:31,438 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:33,446 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:34,065 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:35,456 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:37,463 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:38,577 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:46:38,577 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:46:38,578 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:46:39,418 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:39,473 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:41,484 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:43,495 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:44,594 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:45,502 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:47,507 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:49,516 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:49,936 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:51,525 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:51,525 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/config.yaml +2024-03-06 10:46:53,533 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:53,578 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:46:53,580 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:46:53,580 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:46:55,543 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:56,402 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:46:57,551 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:46:59,562 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:01,573 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:01,742 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:03,583 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:05,590 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:07,148 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:07,599 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:08,583 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:47:08,584 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:47:08,584 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:47:09,609 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:11,619 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:12,542 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:13,624 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:15,635 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:16,155 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: partial_history +2024-03-06 10:47:16,156 DEBUG SenderThread:69079 [sender.py:send():378] send: history +2024-03-06 10:47:16,156 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: summary_record +2024-03-06 10:47:16,156 INFO SenderThread:69079 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end +2024-03-06 10:47:16,636 INFO Thread-12 :69079 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json +2024-03-06 10:47:17,641 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:17,965 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:19,652 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:21,662 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:23,240 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:23,513 DEBUG SystemMonitor:69079 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-03-06 10:47:23,514 DEBUG SenderThread:69079 [sender.py:send():378] send: telemetry +2024-03-06 10:47:23,514 DEBUG SenderThread:69079 [sender.py:send():378] send: stats +2024-03-06 10:47:23,587 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:47:23,587 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:47:23,587 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:47:23,673 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:25,683 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:27,689 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:28,754 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:29,698 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:31,706 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:33,717 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:34,185 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:35,724 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:37,730 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:38,590 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:47:38,590 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:47:38,595 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:47:39,741 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:39,829 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:41,751 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:43,761 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:45,044 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:45,772 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:47,781 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:49,791 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:50,452 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:51,798 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:53,517 DEBUG SenderThread:69079 [sender.py:send():378] send: stats +2024-03-06 10:47:53,593 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:47:53,594 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:47:53,595 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:47:53,809 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:55,815 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:55,880 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:47:56,821 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/config.yaml +2024-03-06 10:47:57,826 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:47:59,834 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:01,676 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:48:01,844 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:03,850 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:05,852 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:06,703 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:48:07,858 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:08,599 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: stop_status +2024-03-06 10:48:08,599 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:48:08,599 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: stop_status +2024-03-06 10:48:09,349 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: partial_history +2024-03-06 10:48:09,350 DEBUG SenderThread:69079 [sender.py:send():378] send: history +2024-03-06 10:48:09,350 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: summary_record +2024-03-06 10:48:09,350 INFO SenderThread:69079 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end +2024-03-06 10:48:09,352 DEBUG SenderThread:69079 [sender.py:send():378] send: exit +2024-03-06 10:48:09,352 INFO SenderThread:69079 [sender.py:send_exit():585] handling exit code: 0 +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:send_exit():587] handling runtime: 105 +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:send_exit():593] send defer +2024-03-06 10:48:09,353 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,353 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 0 +2024-03-06 10:48:09,353 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 1 +2024-03-06 10:48:09,353 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,353 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 1 +2024-03-06 10:48:09,353 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-03-06 10:48:09,353 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 2 +2024-03-06 10:48:09,353 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,353 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 2 +2024-03-06 10:48:09,353 INFO HandlerThread:69079 [system_monitor.py:finish():203] Stopping system monitor +2024-03-06 10:48:09,354 INFO HandlerThread:69079 [interfaces.py:finish():202] Joined cpu monitor +2024-03-06 10:48:09,354 DEBUG SystemMonitor:69079 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-03-06 10:48:09,354 INFO HandlerThread:69079 [interfaces.py:finish():202] Joined disk monitor +2024-03-06 10:48:09,354 DEBUG SystemMonitor:69079 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-03-06 10:48:09,376 INFO HandlerThread:69079 [interfaces.py:finish():202] Joined gpuapple monitor +2024-03-06 10:48:09,376 INFO HandlerThread:69079 [interfaces.py:finish():202] Joined memory monitor +2024-03-06 10:48:09,376 INFO HandlerThread:69079 [interfaces.py:finish():202] Joined network monitor +2024-03-06 10:48:09,377 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 3 +2024-03-06 10:48:09,377 DEBUG SenderThread:69079 [sender.py:send():378] send: stats +2024-03-06 10:48:09,377 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,377 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 3 +2024-03-06 10:48:09,377 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 4 +2024-03-06 10:48:09,377 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,377 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 4 +2024-03-06 10:48:09,377 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 5 +2024-03-06 10:48:09,377 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,377 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 5 +2024-03-06 10:48:09,377 DEBUG SenderThread:69079 [sender.py:send():378] send: summary +2024-03-06 10:48:09,377 INFO SenderThread:69079 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end +2024-03-06 10:48:09,378 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,378 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-03-06 10:48:09,378 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 6 +2024-03-06 10:48:09,378 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,378 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 6 +2024-03-06 10:48:09,378 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,378 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-03-06 10:48:09,378 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 7 +2024-03-06 10:48:09,378 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:48:09,378 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:09,378 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 7 +2024-03-06 10:48:09,378 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:09,378 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-03-06 10:48:09,869 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json +2024-03-06 10:48:10,354 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:11,507 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 8 +2024-03-06 10:48:11,507 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:11,507 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:11,508 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 8 +2024-03-06 10:48:11,509 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:11,509 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-03-06 10:48:11,509 INFO SenderThread:69079 [job_builder.py:build():298] Attempting to build job artifact +2024-03-06 10:48:11,511 INFO SenderThread:69079 [job_builder.py:_get_source_type():428] is repo sourced job +2024-03-06 10:48:11,563 INFO SenderThread:69079 [job_builder.py:build():404] adding wandb-job metadata file +2024-03-06 10:48:11,566 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 9 +2024-03-06 10:48:11,566 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:11,566 DEBUG SenderThread:69079 [sender.py:send():378] send: artifact +2024-03-06 10:48:11,566 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 9 +2024-03-06 10:48:11,877 INFO Thread-12 :69079 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:12,358 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:17,373 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: keepalive +2024-03-06 10:48:18,017 INFO wandb-upload_1:69079 [upload_job.py:push():89] Uploaded file /Users/alexandreclin/Library/Application Support/wandb/artifacts/staging/tmpx5hh9kz3 +2024-03-06 10:48:18,946 INFO wandb-upload_0:69079 [upload_job.py:push():89] Uploaded file /Users/alexandreclin/Library/Application Support/wandb/artifacts/staging/tmpaw413njo +2024-03-06 10:48:22,394 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: keepalive +2024-03-06 10:48:23,540 INFO SenderThread:69079 [sender.py:send_artifact():1443] sent artifact job-https___github.com_alexxelaalexxela_plr-exercise.git_train.py - {'id': 'QXJ0aWZhY3Q6NzQzNDgyNjM2', 'state': 'PENDING', 'artifactSequence': {'id': 'QXJ0aWZhY3RDb2xsZWN0aW9uOjE0NTk1MDg1NQ==', 'latestArtifact': None}} +2024-03-06 10:48:23,540 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:23,540 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:48:23,540 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-03-06 10:48:23,541 INFO SenderThread:69079 [dir_watcher.py:finish():358] shutting down directory watcher +2024-03-06 10:48:23,920 INFO SenderThread:69079 [dir_watcher.py:finish():388] scan: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files +2024-03-06 10:48:23,920 INFO SenderThread:69079 [dir_watcher.py:finish():402] scan save: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/requirements.txt requirements.txt +2024-03-06 10:48:23,921 INFO SenderThread:69079 [dir_watcher.py:finish():402] scan save: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log output.log +2024-03-06 10:48:23,924 INFO SenderThread:69079 [dir_watcher.py:finish():402] scan save: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/config.yaml config.yaml +2024-03-06 10:48:23,928 INFO SenderThread:69079 [dir_watcher.py:finish():402] scan save: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json wandb-summary.json +2024-03-06 10:48:23,931 INFO SenderThread:69079 [dir_watcher.py:finish():402] scan save: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-metadata.json wandb-metadata.json +2024-03-06 10:48:23,932 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 10 +2024-03-06 10:48:23,932 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:23,932 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:23,934 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 10 +2024-03-06 10:48:23,934 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:23,935 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-03-06 10:48:23,935 INFO SenderThread:69079 [file_pusher.py:finish():172] shutting down file pusher +2024-03-06 10:48:24,403 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:24,404 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:25,406 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:25,407 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:26,343 INFO wandb-upload_1:69079 [upload_job.py:push():131] Uploaded file /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/requirements.txt +2024-03-06 10:48:26,412 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:26,412 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:26,414 INFO wandb-upload_0:69079 [upload_job.py:push():131] Uploaded file /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/output.log +2024-03-06 10:48:27,413 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:27,413 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:28,419 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:28,420 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:28,860 INFO wandb-upload_3:69079 [upload_job.py:push():131] Uploaded file /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/wandb-summary.json +2024-03-06 10:48:29,272 INFO wandb-upload_2:69079 [upload_job.py:push():131] Uploaded file /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/files/config.yaml +2024-03-06 10:48:29,420 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:29,420 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:29,420 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: status_report +2024-03-06 10:48:29,473 INFO Thread-11 (_thread_body):69079 [sender.py:transition_state():613] send defer: 11 +2024-03-06 10:48:29,474 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:29,474 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 11 +2024-03-06 10:48:29,474 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:29,474 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-03-06 10:48:29,474 INFO SenderThread:69079 [file_pusher.py:join():178] waiting for file pusher +2024-03-06 10:48:29,475 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 12 +2024-03-06 10:48:29,476 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:29,476 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 12 +2024-03-06 10:48:29,476 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:29,476 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-03-06 10:48:29,476 INFO SenderThread:69079 [file_stream.py:finish():595] file stream finish called +2024-03-06 10:48:30,425 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:30,514 INFO SenderThread:69079 [file_stream.py:finish():599] file stream finish is done +2024-03-06 10:48:30,514 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 13 +2024-03-06 10:48:30,514 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:30,517 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:30,518 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 13 +2024-03-06 10:48:30,521 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:30,521 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-03-06 10:48:30,521 INFO SenderThread:69079 [sender.py:transition_state():613] send defer: 14 +2024-03-06 10:48:30,522 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: defer +2024-03-06 10:48:30,523 INFO HandlerThread:69079 [handler.py:handle_request_defer():172] handle defer: 14 +2024-03-06 10:48:30,523 DEBUG SenderThread:69079 [sender.py:send():378] send: final +2024-03-06 10:48:30,523 DEBUG SenderThread:69079 [sender.py:send():378] send: footer +2024-03-06 10:48:30,523 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: defer +2024-03-06 10:48:30,523 INFO SenderThread:69079 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-03-06 10:48:30,524 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:30,525 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:30,525 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: poll_exit +2024-03-06 10:48:30,526 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: server_info +2024-03-06 10:48:30,526 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: get_summary +2024-03-06 10:48:30,527 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: sampled_history +2024-03-06 10:48:30,527 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: internal_messages +2024-03-06 10:48:30,527 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: poll_exit +2024-03-06 10:48:30,527 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: server_info +2024-03-06 10:48:30,528 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: job_info +2024-03-06 10:48:31,265 DEBUG SenderThread:69079 [sender.py:send_request():405] send_request: job_info +2024-03-06 10:48:31,265 INFO MainThread:69079 [wandb_run.py:_footer_history_summary_info():3851] rendering history +2024-03-06 10:48:31,266 INFO MainThread:69079 [wandb_run.py:_footer_history_summary_info():3883] rendering summary +2024-03-06 10:48:31,266 INFO MainThread:69079 [wandb_run.py:_footer_sync_info():3810] logging synced files +2024-03-06 10:48:31,267 DEBUG HandlerThread:69079 [handler.py:handle_request():146] handle_request: shutdown +2024-03-06 10:48:31,267 INFO HandlerThread:69079 [handler.py:finish():869] shutting down handler +2024-03-06 10:48:31,533 INFO WriterThread:69079 [datastore.py:close():296] close: /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/run-pufbvux4.wandb +2024-03-06 10:48:32,268 INFO SenderThread:69079 [sender.py:finish():1521] shutting down sender +2024-03-06 10:48:32,269 INFO SenderThread:69079 [file_pusher.py:finish():172] shutting down file pusher +2024-03-06 10:48:32,269 INFO SenderThread:69079 [file_pusher.py:join():178] waiting for file pusher diff --git a/wandb/run-20240306_104616-pufbvux4/logs/debug.log b/wandb/run-20240306_104616-pufbvux4/logs/debug.log new file mode 100644 index 0000000..b1574d1 --- /dev/null +++ b/wandb/run-20240306_104616-pufbvux4/logs/debug.log @@ -0,0 +1,28 @@ +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4 +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Configure stats pid to 69069 +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Loading settings from /Users/alexandreclin/.config/wandb/settings +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Loading settings from /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/settings +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-03-06 10:46:16,218 INFO MainThread:69069 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': 'train.py', 'program_abspath': '/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/train.py', 'program': '/Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/train.py'} +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'} +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:_log_setup():526] Logging user logs to /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/logs/debug.log +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:_log_setup():527] Logging internal logs to /Users/alexandreclin/Desktop/masterRobotic/2nd semester/2nd project 4cred/plr-exercise/wandb/run-20240306_104616-pufbvux4/logs/debug-internal.log +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:init():566] calling init triggers +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:init():573] wandb.init called with sweep_config: {} +config: {'learning_rate': 0.01, 'epochs': 10} +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:init():616] starting backend +2024-03-06 10:46:16,219 INFO MainThread:69069 [wandb_init.py:init():620] setting up manager +2024-03-06 10:46:16,220 INFO MainThread:69069 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn +2024-03-06 10:46:16,223 INFO MainThread:69069 [wandb_init.py:init():628] backend started and connected +2024-03-06 10:46:16,229 INFO MainThread:69069 [wandb_init.py:init():720] updated telemetry +2024-03-06 10:46:16,253 INFO MainThread:69069 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout +2024-03-06 10:46:19,383 INFO MainThread:69069 [wandb_run.py:_on_init():2262] communicating current version +2024-03-06 10:46:23,496 INFO MainThread:69069 [wandb_run.py:_on_init():2271] got version response +2024-03-06 10:46:23,496 INFO MainThread:69069 [wandb_init.py:init():804] starting run threads in backend +2024-03-06 10:46:23,573 INFO MainThread:69069 [wandb_run.py:_console_start():2241] atexit reg +2024-03-06 10:46:23,573 INFO MainThread:69069 [wandb_run.py:_redirect():2096] redirect: wrap_raw +2024-03-06 10:46:23,573 INFO MainThread:69069 [wandb_run.py:_redirect():2161] Wrapping output streams. +2024-03-06 10:46:23,573 INFO MainThread:69069 [wandb_run.py:_redirect():2186] Redirects installed. +2024-03-06 10:46:23,573 INFO MainThread:69069 [wandb_init.py:init():847] run started, returning control to user process +2024-03-06 10:48:34,276 WARNING MsgRouterThr:69069 [router.py:message_loop():77] message_loop has been closed diff --git a/wandb/run-20240306_104616-pufbvux4/run-pufbvux4.wandb b/wandb/run-20240306_104616-pufbvux4/run-pufbvux4.wandb new file mode 100644 index 0000000000000000000000000000000000000000..8df852eedb9d67217feb18726a240e89c87214c8 GIT binary patch literal 43598 zcmc(ocUV-{*0>!J#nB{+Nz5hXa!t9$gkerUV>CCKaucs6rZ*Eaz|f=#gCHgbv0;nY zv7<(V9b1AOJI00`V+rb2v14r5zqQUjo0$X0`F`x@d!AqZNS-)y)_Qr**?XT|*0lco zrS`|y)Or5L1EoqGOMoTI(jq8W;vEqYBCkfuE?JBS6IBP#DUnXm=@7z{FqbmNQfGZ* zt2H1gH8QM6YPvYCXT}>{ES7+}Sr+^M{?jcQb17~qJ;|*`a$?M2%ho>_+crkW@ zMYIM4Sc>af3jHiW^)oG&LW`wEeZj_YHmOy8yN#1=V*9!+EwPOwoXKf12_eqpcv+ld z`OYdvyWL4CtwTejV%*WGVYcwZ_)sUrN_WLM>3>6$;*vvL>8|APm=u={{$gOua8XsI za94yRJ9x<{D2ia0o#BpfHO%geRKnFr-od++aNh7M{w8s2z|$bek8f^$!rDxu4T*QT zoe@sA(-xbOm~iLCkFwnGH|l-$x(6tb0qy_k7BD3D^@sIc7}`Jf^#Ds?>hh1nGloCT((JSaB}uGcWOofk~@vBh`m28C9K;dr%*hWF6$ zHkGq0yij|Z2aj}1KpLxoCVSU!5S@kQtL*+Ok*1MOb462=xqH?KiwTW`uc8sWX+)W~ z+Zkw{v-cW_G>vr{6217Bc@Uk2X4{AJtVr{Sfu>^7=0ScnX?RJlq7l7m1czW3`P#dQ zd#b&PG>;l+N;0=YbQT)xNArjFgzG&P`=)lM{iV4n8n|PcC5WqjrwL$yHUg4|M&T73 zXSd6uQhT139l!01JWX^S5W4B zWLLP_(-e*>J&QDfMw;_w5S@j_-TI?#NYhNGxvJTzxIgHw$&(|Bo_0Vn&`6vrskNsG zey2+xq}x6l^@*vgU&$ah_(tVSwRzhsx03 z4DQ~k;kyw0$=E=+(P{9)Bj;N(v4r}|Thifj&12hZ&kbQId~h?rZjinDb0aC9R)911 zo`NWd3^&@7{~lC=YM#>7=)cO%_aHornqgCB9K{>$Z`zI4DB!xLCVOPzn>A^m^Q>wG zIIr##9vjIn*clqNek0r7MmIsa8xlQt_v$y9VA{;i?tpHd*4>cH6oajPk^rxD-` z{ih&tvdnO+eZDX|32~m&aY*=rqT7sPn`WWQhak@14LFrI<_!0%iK9Z7Lwg*~*nvU= z;b6cCwH)e?IKc*-k|_lcp2bejp6{+hoPX#zH;J7?zwI)yqdL4A0haa!m&Bz#fMY6#DQGymYcHi+}Q0Vi+M@^vP5fW~9T*ntYNgJbA&-fDGkBjUVZ zz$xgr7Q(aOOq%R?1cx^->cg8#%}!ZvW~s^WhO_ftZGoW+g_j&vlxp9Fww-kS736tI z=OOVc@ArrJEIfmEop}#={%PQ;9Cvi5U(MkfXIH%%1J%%riqN{*YtM7r)@cCpv^4OP ztUUqoS$Iyql+p)zUeQ4aJm+Z*c*C#&hBy+>(2+j-^n^<6NMF@EQW8G9 zU)JB5XjTgu&!L?V-43~2@tn#jb8Piw#%#s$18OQKx+yDjwl$C{!Yn{J21&)ahk z;(x625XmvB*Tz zY1qeF+s5g3$mL3I-+(b-jaN5Lw0qhD-Z(H2WN0U9kCS*@9fWpx-42PLKm9J_7<5|s zu5Zwepxe1i>=bN$!wg69GzGk&Cl%l|NMx8Nh<)Lar_qk6+acjI*X?|R$xhd<-ACZF zBk6X?l)h4GxMFboX3<(+AOc2wOC312pTMmHuJxy{sLXvd-3(Jwc# z=&YF?*=xR#H}<27AhS&46!%^A1KMe=+ad8wR&Ij$EOy2Rd_5j{UekH*6FYYf^f&8A z74I3t>isCZ#MQnnh>8d)N1ir14~btg=Lp1S;VCPKIEy@O4LrHI!|s{+QM~62jUA~f zDFQ=BdilG9E0E`P15fd-5fGn+hikfG9P<22=Xs#{DP52?-pr5cHESpsdQw4EWR`(} zUs1my$n%EIL*i$i9tiPSc>Z=J?G5B%1jGII^?yEBkmoI( zhr}-$cLL(G@GQ+b9fUk@8+eNUyzq;OAKvaYb0`?zvPFrLSjGmow(M~u&pQU5lJnOg zJ`0b#*ZRfC^KYG}kLIU%&*AkZet6Dn@=!1g4&b#%v@^`jo*(1zKow<`;XN+>`h<1J(^2Ok@hc__hWIRgZaO=U#?ekE zeYDe8 z)9e)VS@@EP9eCuca71Hg%JHJiu-bcQ{;ZB@=Of(?37sDen+e7M!VV<%am|e4^VS@iSKzKztTEkMDi0FWUK3x6@yY#Xl6(D znn4r|J*gl#IF=dFbv?sop`9;uJ0yPojOh@c#g4sVsJ1xrrEX_{W~XfXlqeHBI59xq z<3vM83fn$-JA<9Ry)Pa^J74K`Ncg;pU!s_3;;&VNpq;OEJLGc3W6z&6vjbhF2glHl zia7Pl&`@t3d}a&U>7v^q@r#aDKztTEgIAvY5qZARc?N2BauyF7V%CqUUK5C-u^)xE z1Utiw+k);Pe<07dIuD7TcjYID&%$%G|LK1qPges^X8DB&W`5vq^Y}4zq=G2hc?OncG$zf+%#h$!1Cm(sj zbRH5vcWXApXW@ytGhh<(gd2DYM~|6cG7c5&UUP_&;XPYWd4*-(;M$Sn|3;n&15feB zsSuxqr+4QE6OhNH^9<7blnfra*2Iqh+oP)PH_13Ou=DWdQ~P<4%6ilGB2T2wL*f_g z7z6QHc=o*OyoNkc2A=%$msgwl;k;%MCBxW2fYwc6;F;-PCl7g|4LrF+u0wnl9_zvV z-y=_q&NG;_Z>Js{HuD411|C1g!GXjxZ8tjc`IHxsCsyYn@yky2JHqB?b?0`^B2PC1 zPr;>Cd(8Ym&K@4)=zw=997A{dZLAQ9JaGn|f^hp~#b<^N{$tIb$I{3r|*P`BEH{Y=^J)&Nb*B>Sa;-g1LE^=4akP`9k9J7-@Yge6HSY;n_ombsk$AVW>-#;nH|Y%4pBDt zrLf!}Fti07gTJ4Pc6#V`Nc_T*F%X}{PSH=@1++*-2(0O)a{VVRZd-U!OV{0HG?P{ds2AKW*J#O z5&!-rw3DIRA@Pgz3L!p=orG83o{c=cbe`dwozhdQ%|@bdR>3oaC>wiHPEc9e0^w?_ zX2|os&O_o?USH2R5)JLuHW_(-Fz}Qt-7wv(CxwT{bGsRPQaGEzG3*aLyfj=wp56wY z;>+71K8v5OMQ>P;=SQ6VsWq`Y8P8Qy&M4e!*p1H{j?=s+Za z;vst&hob*#`)XJQT(FPDKvZ#TZGo8~hu18kY<$;-ojNQH!ixRNP9Ra1ktlcUCP;uq zk?{4#RY=sA5{=LtMe);m;R!lrE z%#_EXp&`@|xnAzPjWf&)@m>>(igB2r;OtNBpP`sXkIg_sL#ZK>K*ipzkN}IJH4Q!- zgNBAtL!&iAm3cG&WnxJ1no?AZ0|icjb^O``eL8>Qt7zyaYKX+oE1mN%CZ3N5=Pp4* z!>J*1z4G$Xb!LX}A)-BzV(eLENoDDY`dB|`iH35hAw7Wu#~=X~Lv14WA3{STsG%|B z8Jd+BZDI%prXCO}0xU$&zMs<%iN+a;a{kypz-06z%3d>z zilJ*2U}l76^pkdC{(W?mYa}W@u^SR#Aqt<+Xf+azr$pm4N7;+-nC*EHVWXSpF*5e8 z0^1wJ$~JrVAkhR$L=q@kk-3b`QGSE<+H*9~NR*d(zR=7Ov

4s9xiE_78Kmsg|UL1Jw33N1>66I=+N(S#R9iggT^NXsncjX0+r8Bap?+r$xDU^sL zP_}gs;|MiqU_c%cO*Ik~p1ZWq%#p)uhEX+kuOe)bXPA=vLH_hHB+4@qRgS*~39vYN zBc^B_5>2B-<26SW{YKm}YwH|dlZ>kIO&o4If#J>duCV0_5>2N>B!Tj6V<7<+qNl!n zZ7ue%Gid)hK_e<3x%9=F{i|g6nr2iD0|wCni;xTxS+`8IS;rp^4uf zIgW;Yp@t@EhH}^Z_Z<^MoYz#NY8WtxG91%lc!+Z9_tloY^Qj>czj)HQcbIr?Ui`fS z8k$WFk?Z9h8@txb5brhFs2au#JiOAf?1y`6@PspHXbv?*5-1xs2@+s2G>Y%k3k}Vs zh9+r-@=o69Vq!?}nr>994Hrb7Wdrk|w5uQCGc=DHBJnE+-|fQ0)3|8Y`)FuBHAJqL zz4O2UGed&ce51qIx2ht%7uEi?Xmk7H|3E_vs39Hb;$cXD#nAhkPHOkuLP|85wA)Mi z4KiuBanN1WDmaXNtLPAT2BOlv_1;IK0!l;@$X_)G5?~>ES6bZ}9W62v74Ggc)TD2f zB(FI~hoNtU(~fYSuJ(?aJaz0@BwB1FD(*8B5?~=Zu=deXBw9j=rf7~bm!JK`%#q|Z z=jbr@t(+)G41MdIRxf;oL`x|VNg)6DRY-t^sO9KB8A!CO8qtg!^UWN|UUQBPL+2`R zf+8_=t_%E=TOrY}MxyeenG4t)#ZNdo2Z?^8L{l|K`SZ)xnK_cZCLJBd-j#>xJBC@* z+-pxfg+zsvh$K+F`V=I<;^@bi?~WqTawAc}#bKMx96?j(X&DUND^`CI7^Z+4EI6ah zbgwWHWseyJ39t~2oELIy$b9Ty*Up}FHr8}x$)}dvM!ACHXhAW~ zA-x*hE<8Ln*%{umbuh;XQYe%c!pdVf zdK)Z(-&>!y*27w8S(ZSUuHs;u2%P1VdCu+-6v5ia>aW$i%d%MP)_+*7UEMM9K<Pv)vK5T2!Rx)2jy zf;`(P&n(h74amM`;^*O2+~7H9Iin!ndtY0e-$8ju_|i?oAUq4tuMIvwgOATn^7u3g z_(kI>-90O)=IsV!%Blg2aRdf15<_F~QgjO$8-rc6F(A>)jxG#hqUkVy@*cEPLhX?2 z<4SIMZfb{wFFCn@@x0R6m-in;JA0^|e9cbopPQbq ziQ}V;8ysb381YYivD+7DXD_uwqUTT9_B@lF)4yN)3+?QqcF6TgH=LYoV&~z7+&Czp z%JAC!__1Gap`HEIj{eKMS`Oh^o}DG}pZ$V72MAB2fZ3XzoFzr=suiSyrp;F=H`oTk zuz=OEQX!WV4V)Q$?eL z#^8~eQ?$P45cNZNDo*D@d=@_e-@LA%pFgOdIhvpB(*Dsk{rD>91_#O*UR{C@{#z?^ za+vxd;R}WjVO#B;KkW3c=;sLaL#~%Uq2QQ_A0PGHVBBVB=u4mKKP?HLpQF?diC?~T z8N_GtllN!0{pjZy^)pxVlXquca!o%z3cA@Pj%Cl$q=wJ*!{_Hu>W73c-@Q1Q2}k{? zFsLD1ugvmQz4mp3EmwyR_@=zBCE&QF^$CBdkxVXMlsEpmCFpr;^Q7d&a9g}9J~6qc z&Dp~l6Xy(zb9HK;WoaPDP>EXRf|^+Clh3m({)%FA$U)Con|l9Pa!LyRKz&hg*d!G` zZRY)H5|p5JCAgu2HgA*Fpdf4G1eZH4F}a&9Mf>B1Fye*zN1Lj6f0pbD?~!F`2>YTX ziL;4H&?8pA@T63df`WgwDg3X^Zi9b!^@MOhmF}RY$!DDLGk+DbQ|O0$%@4V%4~3c^ z@&f%yvD$|Y-Uj*TF(uOv^<-t^hxOnmCHjMk@iTw;%u#h!wdRLPRX&cIAIeHlb88b# z0{)WR(aA1n1iazZu(JhDfMWD4|lqLoKt^FA!@|^Vv@@M28Y8Qv4(A};G?S4?W zpvSFN^10iEFO~iR++iH(Z9@JuDKX8J{JGQZhV=afs0pnEJ!=j0`m73|KId@Qcy36Y zZQo$?bb>ZdT|J>h%#wbiNwV2G%#`)YEh0k>~;?TA(?q*fQ#*nWKl- zHiVN$D$AsJuW6(1BGE-kL=q_4G#(OQaWp3AxmU4axI`L;Mga>oqN3j>)HhKC8&Rqn zhHBLf6@_Cd7C!aRy)!s)xl9KxB!2m&sr8w7CJnf<4GmRLL*#lnKbI}8K81|;oX`4( zus6K+%YXIH-I$Gru24fHf$a0AAORLbLhpSo(a>MiP=RJBv+z*$Vg(5F@Ct{#3Wwns zUd_V(+3FA)x=Ia^_!S3_u~jQLadt@|8oEXek?R%h+IPmxkm$9Euv(2n7%3|Z?=lx} zxt~Wv*Qp_rKu*aaNPxvqOa`Z&x4uCQEz%4X-agUGg)$x{_8As4n>QbG5e?mUY_AU3Hhpv5rL=PwtNucohI>zyj+J5dNB+9I-9~L7QtXRIJ#u7R< z-98E)Dw4=jHpjka=_MrUQ&&I!MiMAETgbSC{@B7M6Obs25-lZt(e`7P%$_4y0jX*k zs+BzC6kcLjpuN?yWEm3mr9^rHi_Sm-EO%YkpTAVGckNeKKPVYtxlR=^r;yZhJG4~vob1$`E?ZS!2zL|lZ122exfdbt~>tuSf3eHA^l%kb7z z`=_Y$`MiN>XdpF25-8a=3ld;4)MTd66b)rlL%$M3ckX>&vv>7T^-zFDfn~4I`M?)H zL_>q9ArilQci%6Vct(})yNZSeQ$sq>#a;W%4EZQ~2q#8Zj)lZ7Yqb~+4WWie0tNH- zLjo*@I!^sgo6H?b4gE$8T`cQuVhCPNJ&l5KxB%}&EZa~%zxn<9XlNKUMB?YpJl~s% zC;9eUv(V5_)DXE|_Q0+8%?v%f@*x}v5m_o`+zJH%FpTMxxA((;xvBM|U@7Cn3>jO0-;aR5E5u zp-JD$`znD5r~et=i$)bc+XacnP$H5*_LS|A01HvUzj|4aXsnSauVesx6IhM;AKYKy zab(yr0mU;MGDBZfr~8+`A<;M^QBK7W#;+nvZeRK-66I2&6`G@h=?`jrl?pybJ_;dn zJiP4HzIP1_OFD=|<0%nIApdN?Lu`(^gw5ZEz3T+pcCXZkiU*uCQ}pmsh)}volo%GW zXT17ieQdiY(zct#FCTlE?I}{bUDA$LO`?X#^>WT$xnuSeJ-iqqY~F{e!nHRvZpD~i z(9mRRh$K)@aSIY)d5U^}J9#u3nnDe&(hLC z;#Us1+nkA~PVwZ+_zdMyL*#myTjtd$^@`6B9*Cz$u|>l?H}8Ob2n_EKi(0#8p`mHi z5J{k9aUo-^*Wy8S+oPfB)X-|uDy;mu`eAtl@=*^_kYMXk?Qc1C(boT>p&8T=iJvo= z@v!`z`YW`#g`cS*{d(h$*ElQ>Kt2m1!uLWjyov8Fc9x-`nbZ(Tp!C>z#>4Vknw7Oe zL$j!%HRKsuFgK&-GvuoxqM-0BTPv3aPSU>T_ZMo2#IHPBkiql}9c$F^C47eRsUdQ` z{58Lst$x8N3D2?RY9$dl6}~~P_P1Qw#|s0|&}?dmBv3JWHRI}6=Vu3GBGDX5v{o~e zw|4YClXe?7?^U%5l3}a>liUhRDW|2j#3Ce`ONmGVB|lAt1X$Yb&o+ED3W??!i89x3 zJYdqb!ifS;@gvE2$OTTsvU~;O<-ob!k!Ze=C~w0~NPvate$m4DNVI?w6={x&mae~Q z=Ez53M0f{eIY1F#bRiUp7E&UTK<<$(kN^u2pa1M+Y!?b>yReSjb$=YJUg91bIv=GG z1t_DzFmoT%bDCC&W)W={Nc{4GqmMK3G;VRc0u3#uhRF2_N8TT6^5*KJI3j+ZIm_Yy zHj86Mp`j(z5J{kDPTz5CZ?4~VNM6~zPThc|)X;j(P}%$gZJ_0T+ct1USe<&_-_eeu z9$qC;Q0%Z!S^M_xj4&_+yVzw^6iK6S|KT=FqUzk()CNWUN=1?D<;}Qh+Qs^)lL+Vk zRfY!qmznC({Jrl2 z?aMEgQ$r+v-mka5V=^>!%l4&cXazMyu2-;V@-?$Z$w#e3PGwrA+#R=oLqjX6Aw7X% zvmpVN#%|xoLs}!zDoV6bGnAd5m21{~`>2*^7de(`t&bP4*D8aorbHxx;)4Sr0T!Zn zyUj~RqBTaMivBqx&AM10^%4MiSDxyT2G)Lt* z=jNF?@=-AnHkPw28Qs`DM_Z^|M~O%RmAfuO0xU#_CWO3!MC*-2g_%E_EmT6mJp7pw3Qkn z2^8!<%vdpT;>BOLqoLoap<>NY&XTRKn;7y@F%edoS$5Ldo*MQnj(@gMLnMCgs=co> z8LH!c{uwm1of;z7%l!F|{U*IDOd@z%g=!TOC5OuLoh9zp6Q4jsJE$R&K+)bmApw?W zsN;{Z`_a%&YG|uwC_8&|nu#GF6%%>btHChWz2@G{*U-=|YKX)ySi3EaiRWm>fltF= z$A3xP)<^2Wj(>8w(gBlhSiHB`>)Y>DC=G9S*z9K8?6&4$8+ZTmfjtV*Za?tA=gO#u{$b}W zpmdc@79W1zLa^B#jQjlqz4rUp=Xm&S$kjIdtFTRf-`9TEuqoJ0n*#k#o45R`SySMn zG^YeNA;WBAvnS7oU{kP%HU%VsvW;sX0hXpZvC~f*Anc<=B!R-^BOw76qW9`e*Irlm8;Nq~77Q^NXp26IbK+MrF|4+JJ!V%l zIyzt^%HFmN5?~=}fAPB%baapsZPOg(9Vwh`=EzrZPQk%au&zsozimUJQc6S;$iKE4 z5?~?vN25Y**XAK3QSrupGt3>6KX zgacC_#W^KjWZ6HrcHPvaNOa6dR5Wh^<98Wd`n`*GYUNK#v_o^0Ti*YenIm7tIUP_j zr1mp&al(Q{NK{6NNCMf}Lm&YbNAb_CKZh;DaU)U1#eKWYo+DqyIbl0D!#<1^u02{^ zgcC-hg2{hC0xU#v@tyV}(Md|QQ*%^OxT3}v8sS~%qc|rN7Li#NDC;MTK}Y|kL?nUA z%WE0G(deE3Tx^4b?NfBHy-OpiT-E=vnuBd$#W@Al!Ln5*(RRX#gYDCFuubBZ9~t}@ zlc5ulhaG6>3^hcqmp!$@Y)#x(aZY&uRv4b5UguA~goetgA(BAp)a#6E;v*VQ-++eB zQbQ%=p1X0Xy@??o#W^`R(!u~_>;GtLG<1#{BJnHdpKs4(sIMBQwR7jGA#%NfVMmvn zj8dU>_Pnqfi*rKt3Z|C(_{I-6qM-}a5J{kP;|WNBrB(Q#S@KLYbdeg`tr^N$v%Is3 zAs@v#c}ZoNJ1yy(G8PS8qJ~KPg0&kuGx0Q?{&NvNLzk%`ooDBCSkb7l+f4FNoKu0C z4-DgED2*Ww6NU;tw`ckYKUB~vTUK*l8TSgoKOyosb1ZX{r$S)Gjxp_(i2#} zoN-BI*P?W7Mf^G?+N&8VpS5$Q$>>M&RhrW-uxy`uvwM68B)UO~NCJhqrH}witMFIH zb8q8Qbkj&wlDB1y$>>M&Rhkos7?xDR8#lBeQKgZnv~W8lz(SO^qk9)5x9YFQ)_-KIn&fwEc08Q&suKTG@oiS8JQiuYaEXy(XAX-=4H zWGNIK`t=8+k?5|GsCfNfkN}ILI{7_@$mg+l&GggH z6_NP4+5OqZKc7u*{yiG%xzq3hpR+VuybzJ9UqL*2;60f#h0rN@eAS^k&WoV@&hT$^+B#YtM_^?nqN9YjbkeU}J60rnELE6ul8d zhbVE@zk8SF41}trHV)45$?zp=5-eLNvUhDxF0gKZC3RnN%cmic0e)GQCM_B#IMN~` zVqA$)PQ}&IGSX7FNz9Lnf6P1!3k?JPTA#$yLIgeg_CS~it6Ap<(idT;92DsB`i$23 zfp4XR#tuGftk?Oer`l}~UuO_)4v{VwRIl>`3l>UMU7c#{4F2#TOsMNC6g3ta;CE8B zBv5Uk!QY|UWSmad>JHUdX;5uKRkk%&8em$#>O+&22G4p*wUq{3qfj{-v)WRF{^3Il z{rFyMkYyFi7FDb5Bsm_o)*v_(n8IrNa?LU7wC0BBlV$R7%2+LT@IwtTBMJQ3M`K|TM! zJ(|hwxeb@$p&R7a{;a<>ASpF6tVe3P7-)@8ObCXWPq8j{P(X58a#xr*6nbxzf{JaZdW*u1RspA+B^N2^Ev#vcX^M>c;(f zwxphXa0C|?&N;a-ml^@zm!yP=oJ)vwxWowA<>JBx%UAW|ptMtpJ8TOyAA!x& zoCy(OAt~-etdAU$lo%Hi-ZP{J7xaYn5&aK4I(tI-sK9zHKI2=o7;3RLPj+=rjY)RJ zLuIfOTV!%#hAYA5PIm`BrM&&-2XA#0!#j$pZ+HJt`7*=t;YU3`Y}+J zZI_e;ft~Ic`1O38nv|57><-m33w0*DVB<(?m{4h)qngWMo<*xyT;QG`>ezbVgciO1fLkaHK{#lef2-%sD(j!)k zNbeRN9ub`(2z*jB7ww9U$cT!L?$*N@9WJE_J<}qb4k0{Mj+UcfOqOX8!y_Dui&MlN zuGGZzNXeDKMc5O>r1<2-?#{FnIVC(6U%eB%!6IgCd}^W^C8ay!x`l^v4tF=skr5Z2 z;B@s6#BjSiEjlXA!KbROC}(1ZUCB@*6ZkkTD$bo2n-CEnDXVf)Y_yB-p4P3K93Iib o9vSJDyRZG`qZ5tb(Hjh%QQel7>6SXz!>vc^!=DWCTWqQGKbN=RWB>pF literal 0 HcmV?d00001