Jash-RA commited on
Commit
97daae4
·
1 Parent(s): bfbf70b

fully app first commit

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +1 -0
  2. __pycache__/data.cpython-38.pyc +0 -0
  3. __pycache__/data.cpython-39.pyc +0 -0
  4. __pycache__/engine.cpython-38.pyc +0 -0
  5. __pycache__/engine.cpython-39.pyc +0 -0
  6. __pycache__/train.cpython-38.pyc +0 -0
  7. __pycache__/train.cpython-39.pyc +0 -0
  8. __pycache__/utils.cpython-38.pyc +0 -0
  9. __pycache__/utils.cpython-39.pyc +0 -0
  10. app.py +91 -0
  11. data.py +35 -0
  12. engine.py +203 -0
  13. example_data/1.jpg +0 -0
  14. example_data/2.jpg +0 -0
  15. example_data/3.jpg +0 -0
  16. hyperpara.py +127 -0
  17. inference.py +36 -0
  18. plots/cnn_train_Loss_and_accuracy_plot_3e-06.jpg +0 -0
  19. plots/cnn_train_Loss_and_accuracy_plot_4e-06.jpg +0 -0
  20. requirements.txt +10 -0
  21. results/hyp_tune.txt +606 -0
  22. results/hyp_with_wandb.txt +323 -0
  23. results/inference.txt +7 -0
  24. results/norm_result.txt +153 -0
  25. results/result_20.txt +78 -0
  26. results/result_50.txt +153 -0
  27. save_model/best_model.pth +3 -0
  28. save_model/food.onnx +3 -0
  29. save_model/food_cpu.onnx +3 -0
  30. save_model/train_model_3e-06.pth +3 -0
  31. save_model/train_model_4e-06.pth +3 -0
  32. train.py +49 -0
  33. utils.py +84 -0
  34. wandb/debug-cli.root.log +0 -0
  35. wandb/debug-internal.log +797 -0
  36. wandb/debug.log +34 -0
  37. wandb/latest-run/files/conda-environment.yaml +197 -0
  38. wandb/latest-run/files/config.yaml +53 -0
  39. wandb/latest-run/files/output.log +2 -0
  40. wandb/latest-run/files/requirements.txt +168 -0
  41. wandb/latest-run/files/wandb-metadata.json +254 -0
  42. wandb/latest-run/files/wandb-summary.json +1 -0
  43. wandb/latest-run/logs/debug-internal.log +797 -0
  44. wandb/latest-run/logs/debug.log +34 -0
  45. wandb/latest-run/run-mj672tzu.wandb +0 -0
  46. wandb/run-20231031_141809-v2q0e45b/files/conda-environment.yaml +162 -0
  47. wandb/run-20231031_141809-v2q0e45b/files/config.yaml +50 -0
  48. wandb/run-20231031_141809-v2q0e45b/files/output.log +24 -0
  49. wandb/run-20231031_141809-v2q0e45b/files/requirements.txt +133 -0
  50. wandb/run-20231031_141809-v2q0e45b/files/wandb-metadata.json +254 -0
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ save_model/best_model.pth filter=lfs diff=lfs merge=lfs -text
__pycache__/data.cpython-38.pyc ADDED
Binary file (1.18 kB). View file
 
__pycache__/data.cpython-39.pyc ADDED
Binary file (1.18 kB). View file
 
__pycache__/engine.cpython-38.pyc ADDED
Binary file (6.16 kB). View file
 
__pycache__/engine.cpython-39.pyc ADDED
Binary file (6.18 kB). View file
 
__pycache__/train.cpython-38.pyc ADDED
Binary file (1.32 kB). View file
 
__pycache__/train.cpython-39.pyc ADDED
Binary file (1.31 kB). View file
 
__pycache__/utils.cpython-38.pyc ADDED
Binary file (3.04 kB). View file
 
__pycache__/utils.cpython-39.pyc ADDED
Binary file (3.02 kB). View file
 
app.py ADDED
@@ -0,0 +1,91 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gradio as gr
2
+ import torch
3
+ import torch.nn as nn
4
+ import onnx
5
+ import engine, data, utils
6
+ from typing import Tuple, Dict
7
+ from train import NUM_CLASSES
8
+ from torchvision.models import efficientnet_b0, EfficientNet_B0_Weights
9
+ import torchvision.transforms as T
10
+ import onnxruntime as ort
11
+ import numpy as np
12
+ from timeit import default_timer as timer
13
+ from pathlib import Path
14
+
15
+ PATH = "save_model/food_cpu.onnx"
16
+
17
+
18
+ model = efficientnet_b0(weights=EfficientNet_B0_Weights.DEFAULT)
19
+ model.classifier = nn.Sequential(
20
+ nn.Dropout(p = 0.2, inplace = True),
21
+ nn.Linear(1280, NUM_CLASSES),
22
+ # nn.Softmax()
23
+ )
24
+ model = utils.load_model(model, "save_model/best_model.pth")
25
+
26
+ utils.onnx_inference(model, PATH, "cpu")
27
+ onnx_model = onnx.load(PATH)
28
+ onnx_check = onnx.checker.check_model(onnx_model)
29
+
30
+ classes = data.train_datasets.classes
31
+
32
+ trn = T.ToPILImage()
33
+
34
+ def predict(img) -> Tuple[Dict, float]:
35
+ """Transforms and performs a prediction on img and return prediction and time take."""
36
+ # Start the timer
37
+ start_time = timer()
38
+
39
+ # transform the target image and add a batch dimension
40
+ img = data.transform(img).unsqueeze(dim = 0)
41
+
42
+ # inference using onnx
43
+ ort_sess = ort.InferenceSession(PATH)
44
+ outputs = ort_sess.run(None, {'input': img.numpy()})
45
+
46
+ predicted = classes[outputs[0][0].argmax(0)]
47
+
48
+ # print("\n", outputs[0][0], "\n")
49
+ outputs = np.array(torch.softmax(torch.from_numpy(outputs[0]), dim = 1))
50
+ pred_labels_and_prob = {classes[i]: float(outputs[0][i]) for i in range(len(classes))}
51
+ # print(f'Predicted: "{predicted}"')
52
+
53
+ # Calculate the predicion time
54
+ pred_time = round(timer() - start_time, 5)
55
+
56
+ # Return the prediction dictionary and prediction time
57
+ return pred_labels_and_prob, pred_time
58
+
59
+
60
+ image = trn(data.test_datasets[3][0])
61
+
62
+ exp_dir = "./example_data/"
63
+ test_data_paths = list(Path(exp_dir).glob("*.jpg"))
64
+ # print(test_data_paths)
65
+ example_list = [[str(filepath)] for filepath in test_data_paths]
66
+ # print(example_list)
67
+
68
+
69
+ # pred_dict, pred_time = predict(img = image)
70
+ # print(f"Predicted label and probability: {pred_dict}")
71
+ # print(f"Prediction time: {pred_time}")
72
+
73
+ title = "FoodVision 🍕🥩🍣"
74
+ description = "An EfficientNetB2 feature extractor computer vision model to classify images of food as pizza, steak or sushi."
75
+ article = "Created at [09. PyTorch Model Deployment](https://www.learnpytorch.io/09_pytorch_model_deployment/)."
76
+
77
+
78
+ # Create the Gradio demo
79
+ demo = gr.Interface(fn=predict, # mapping function from input to output
80
+ inputs=gr.Image(type="pil"), # what are the inputs?
81
+ outputs=[gr.Label(num_top_classes=101, label="Predictions"), # what are the outputs?
82
+ gr.Number(label="Prediction time (s)")], # our fn has two outputs, therefore we have two outputs
83
+ examples=example_list,
84
+ title=title,
85
+ description=description,
86
+ article=article)
87
+
88
+ # Launch the demo!
89
+ # demo.launch(debug=False, # print errors locally?
90
+ # share=True) # generate a publically shareable URL?
91
+ demo.launch(share=True)
data.py ADDED
@@ -0,0 +1,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ import torchvision
3
+ from torchvision.datasets import Food101, MNIST
4
+ from torch.utils.data import Subset, DataLoader
5
+ import torchvision.transforms as transforms
6
+
7
+ transform = transforms.Compose([
8
+ transforms.Resize((224, 224)),
9
+ transforms.ToTensor(),
10
+ transforms.Normalize(mean=[0.485, 0.456, 0.406],
11
+ std=[0.229, 0.224, 0.225]),
12
+ ])
13
+
14
+ split = 0.25
15
+ batch_size = 32
16
+
17
+ train_datasets = Food101(root = "./data", split = "train", transform = transform, download = True)
18
+ test_datasets = Food101(root = "./data", split = "test", transform = transform, download = True)
19
+
20
+ num_samples_train = int(split * len(train_datasets))
21
+ train_indices = torch.randperm(len(train_datasets))[:num_samples_train]
22
+
23
+ num_samples_valid = int(split * len(train_datasets))
24
+ valid_indices = torch.randperm(len(train_datasets))[:num_samples_valid]
25
+
26
+ num_samples_test = int(split * len(test_datasets))
27
+ test_indices = torch.randperm(len(test_datasets))[:num_samples_test]
28
+
29
+ split_tarin_data = Subset(train_datasets, train_indices)
30
+ split_valid_data = Subset(train_datasets, valid_indices)
31
+ split_test_data = Subset(test_datasets, test_indices)
32
+
33
+ train_dataloader = DataLoader(split_tarin_data, batch_size = batch_size, shuffle = True, drop_last = True)
34
+ valid_dataloader = DataLoader(split_valid_data, batch_size = batch_size, shuffle = True, drop_last = True)
35
+ test_dataloader = DataLoader(split_test_data, batch_size = batch_size, shuffle = False, drop_last = True)
engine.py ADDED
@@ -0,0 +1,203 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ import wandb
3
+ from tqdm.auto import tqdm
4
+
5
+ API_KEY = "881252af31786a1cf813449b9b4124955f54703e"
6
+
7
+
8
+ def train_loop(model: torch.nn.Module, dataloader: torch.utils.data.DataLoader, loss_fn: torch.nn.Module,
9
+ optimizer: torch.optim.Optimizer, accuracy_fn, device: torch.device):
10
+
11
+ """
12
+ Function for Model Training
13
+
14
+ Args:
15
+ model: A pytorch model you want to train
16
+ dataloader: A dataloader for intance for model training
17
+ loss_fn: A loss function for calculate model loss
18
+ accuracy_fn: A Accuracy function to check how model is accurate
19
+ device: A device on which model run i.e.: "cuda" or "cpu"
20
+
21
+ Return:
22
+ list of train loss and accuracy and also model weights
23
+
24
+ Example usage:
25
+ train_loop(model = mymodel, dataloader = train_dataloader, loss_fn = loss_fn,
26
+ accuracy_fn = accuracy_fn, device = device)
27
+ """
28
+
29
+ train_loss, train_acc = 0, 0
30
+
31
+ model.train()
32
+
33
+ for batch, (x_train, y_train) in enumerate(dataloader):
34
+ x_train, y_train = x_train.to(device), y_train.to(device)
35
+
36
+ # 1. Forwrad Pass
37
+ logits = model(x_train)
38
+
39
+ # 2. Loss
40
+ loss = loss_fn(logits, y_train)
41
+
42
+ # 3. Gradzero step
43
+ optimizer.zero_grad()
44
+
45
+ # 4. Backward
46
+ loss.backward()
47
+
48
+ # 5. Optimizer step
49
+ optimizer.step()
50
+
51
+ acc = accuracy_fn(torch.argmax(logits, dim = 1), y_train)
52
+
53
+ train_acc += acc
54
+ train_loss += loss
55
+
56
+ train_loss /= len(dataloader)
57
+ train_acc /= len(dataloader)
58
+
59
+ return model, train_loss, train_acc
60
+
61
+
62
+ def test_loop(model: torch.nn.Module, dataloader: torch.utils.data.DataLoader, loss_fn: torch.nn.Module,
63
+ accuracy_fn, device: torch.device):
64
+
65
+ """
66
+ A Funtion to test the model after traininig
67
+
68
+ Args:
69
+ model: A model which you want to test on test intance
70
+ dataloader: A dataloader intance on which you test model
71
+ loss_fn: A loss function to calculate the model loss
72
+ accuracy_fn : A accuracy function to check model accuracy on dataloader intance
73
+ device: A device on whic you want to run model i.e.: "cuda" or "cpu"
74
+
75
+ Return:
76
+ A list of test loss and Accuracy
77
+
78
+ Example Usage:
79
+ test_loop(model = mymodel, dataloader = test_datloader, loss_fn = loss_fn,
80
+ accuracy_fn = accuracy+fn, device = device)
81
+ """
82
+
83
+ test_loss, test_acc = 0, 0
84
+
85
+ model.eval()
86
+ with torch.inference_mode():
87
+ for x_test, y_test in dataloader:
88
+ x_test, y_test = x_test.to(device), y_test.to(device)
89
+
90
+ # 1. Forward Pass
91
+ logits = model(x_test)
92
+
93
+ # 2. Loss
94
+ test_loss += loss_fn(logits, y_test)
95
+
96
+ test_acc += accuracy_fn(torch.argmax(logits, dim = 1), y_test)
97
+
98
+ test_acc /= len(dataloader)
99
+ test_loss /= len(dataloader)
100
+
101
+ return test_loss, test_acc
102
+
103
+
104
+ def log_image_table(images, predicted, labels, probs):
105
+ "Log a wandb.Table with (img, pred, target, scores)"
106
+ wandb.login(key=API_KEY)
107
+ print("[LOG]: Login Succesfull.")
108
+ # 🐝 Create a wandb Table to log images, labels and predictions to
109
+ table = wandb.Table(columns=["image", "pred", "target"]+[f"score_{i}" for i in range(10)])
110
+ for img, pred, targ, prob in zip(images.to("cpu"), predicted.to("cpu"), labels.to("cpu"), probs.to("cpu")):
111
+ table.add_data(wandb.Image(img[0].numpy()*255), pred, targ, *prob.numpy())
112
+ wandb.log({"predictions_table":table}, commit=False)
113
+
114
+
115
+
116
+ def validation(model: torch.nn.Module, dataloader: torch.utils.data.DataLoader, loss_fn: torch.nn.Module,
117
+ accuracy_fn, log_images: bool, device: torch.device, batch_idx=0):
118
+ """
119
+ A Function for hyperparameter tuning
120
+
121
+ Args:
122
+ model: A model the you want tune its hyperparameter
123
+ dataloder: Adataloader intance for hyperparameter tuning
124
+ loss_fn: A loss funtion to calcualte model loss
125
+ Accuracy_fn: a accuracy function to calcultae accuracy for model perforamnce
126
+ device: A device on which model run i.e.: "cuda" or "cpu"
127
+
128
+ Return:
129
+ A list of accuracy and loss
130
+
131
+ Example usage:
132
+ validation(model = mymodel, dataloader = valid_dataloader, loss_fn = loss_fn,
133
+ accuracy_fn = accuracy_fn, device = device)
134
+ """
135
+
136
+ val_loss, val_acc = 0, 0
137
+
138
+ model.eval()
139
+ with torch.inference_mode():
140
+ for i, (x_val, y_val) in enumerate(dataloader):
141
+ x_val, y_val = x_val.to(device), y_val.to(device)
142
+
143
+ logits = model(x_val)
144
+
145
+ val_loss += loss_fn(logits, y_val)
146
+
147
+ val_acc += accuracy_fn(torch.argmax(logits, dim = 1), y_val)
148
+
149
+ # Log one batch of images to the dashboard, always same batch_idx.
150
+ if i==batch_idx and log_images:
151
+ log_image_table(x_val, torch.max(logits.data, 1)[0], y_val, logits.softmax(dim=1))
152
+
153
+ val_loss /= len(dataloader)
154
+ val_acc /= len(dataloader)
155
+
156
+ return val_loss, val_acc
157
+
158
+ def train(model: torch.nn.Module, train_dataloader: torch.utils.data.DataLoader, test_dataloader: torch.utils.data.DataLoader,
159
+ optimizer: torch.optim.Optimizer, loss_fn: torch.nn.Module, accuracy_fn, epochs: int, device: torch.device):
160
+
161
+ """
162
+ A function to train and test the pytorch model
163
+
164
+ Args:
165
+ model: A model to train and test
166
+ train_dataloader: A dataloader intance for train model
167
+ test_dataloader: A dataloader intance for test model
168
+ optimizer: A optimizer funtion to optimize the model
169
+ loss_fn: A loss function to calculate model loss
170
+ accuracy_fn: An accuracy to calculate model performance
171
+ epochs: number of iteration to run the loop
172
+ device: A device on which model run i.e.: "cuda" or "cpu"
173
+
174
+ Return:
175
+ train model, List of train and test losses and accuracy
176
+
177
+ Example usage:
178
+ train(model = mymodel, train_dataloader = train_dataloader, test_dataloader = test_dataloader, optimizer = optimizer,
179
+ loss_fn = loss_fn, acuuracy_fn = accuracy_fn, epochs = epochs, device = device)
180
+ """
181
+
182
+ train_losses, test_losses = [], []
183
+ train_accs, test_accs = [], []
184
+
185
+ for epoch in tqdm(range(epochs)):
186
+
187
+ print(f"\nEpoch: {epoch+1}")
188
+
189
+ train_model, train_loss, train_acc = train_loop(model = model, dataloader = train_dataloader,
190
+ loss_fn = loss_fn, optimizer = optimizer,
191
+ accuracy_fn = accuracy_fn, device = device)
192
+
193
+ test_loss, test_acc = test_loop(model = model, dataloader = test_dataloader, loss_fn = loss_fn,
194
+ accuracy_fn = accuracy_fn, device = device)
195
+
196
+ print(f"Train Loss: {train_loss:.5f} | Test Loss: {test_loss:.5f} || Train Accuracy: {train_acc:.5f} | Test Accuracy: {test_acc:.5f}")
197
+
198
+ train_losses.append(train_loss.item())
199
+ test_losses.append(test_loss.item())
200
+ train_accs.append(train_acc.item())
201
+ test_accs.append(test_acc.item())
202
+
203
+ return train_losses, test_losses, train_accs, test_accs, train_model
example_data/1.jpg ADDED
example_data/2.jpg ADDED
example_data/3.jpg ADDED
hyperpara.py ADDED
@@ -0,0 +1,127 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ import torch
3
+ import torch.nn as nn
4
+ import optuna
5
+ from optuna.trial import TrialState
6
+ from torch import optim
7
+ import engine, data, utils
8
+ from train import device, LEARNIGN_RATE, NUM_EPOCH, NUM_CLASSES
9
+ from torchvision.models import efficientnet_b0, EfficientNet_B0_Weights
10
+ from torchmetrics.classification import MulticlassAccuracy
11
+
12
+ import wandb
13
+
14
+ # WanDB login
15
+
16
+ API_KEY = "881252af31786a1cf813449b9b4124955f54703e"
17
+
18
+ wandb.login(key=API_KEY)
19
+ print("[LOG]: Login Succesfull.")
20
+
21
+
22
+
23
+
24
+ def objective(trial, n_trials=100):
25
+ """Objective function to be optimized by Optuna.
26
+ Hyperparameters chosen to be optimized: optimizer, learning rate,
27
+ dropout values, number of convolutional layers, number of filters of
28
+ convolutional layers, number of neurons of fully connected layers.
29
+ Inputs:
30
+ - trial (optuna.trial._trial.Trial): Optuna trial
31
+ Returns:
32
+ - accuracy(torch.Tensor): The test accuracy. Parameter to be maximized.
33
+ """
34
+
35
+ lr = trial.suggest_float("lr", LEARNIGN_RATE*1e-2, LEARNIGN_RATE, log=True) # Learning rates
36
+ n_epochs = trial.suggest_int('n_estimators', NUM_EPOCH//2, NUM_EPOCH)
37
+
38
+ optimizer_name = trial.suggest_categorical("optimizer", ["Adam", "RMSprop", "SGD"])
39
+ optimizer = getattr(optim, optimizer_name)(model.parameters(), lr=lr) #torch.optim.Adam(model.parameters(), lr = lr)# getattr(optim, optimizer_name)(model.parameters(), lr=lr)
40
+
41
+
42
+ loss_fn = torch.nn.CrossEntropyLoss()
43
+ accuracy_fn = MulticlassAccuracy(num_classes = NUM_CLASSES).to(device)
44
+
45
+ wandb.init(
46
+ # set the wandb project where this run will be logged
47
+ project="food-app",
48
+
49
+ # track hyperparameters and run metadata
50
+ config={
51
+ "optimizer": trial.params["optimizer"],
52
+ "architecture": "Efficientnet B0",
53
+ "dataset": "Food101",
54
+ "epochs": trial.params["n_estimators"],
55
+ }
56
+ )
57
+
58
+ # Training of the model
59
+ best_loss = 100
60
+ patience = 5
61
+ early_stop = 0
62
+ for epoch in range(n_epochs):
63
+
64
+ train_model, train_loss, train_acc = engine.train_loop(model = model, dataloader = data.train_dataloader,
65
+ loss_fn = loss_fn, optimizer = optimizer,
66
+ accuracy_fn = accuracy_fn, device = device)
67
+
68
+ val_loss, val_acc = engine.validation(model = model, dataloader = data.valid_dataloader, loss_fn = loss_fn,
69
+ accuracy_fn = accuracy_fn, log_images=(epoch==(wandb.config.epochs-1)), device = device)
70
+
71
+
72
+ # For pruning (stops trial early if not promising)
73
+ trial.report(val_acc, epoch)
74
+ # Handle pruning based on the intermediate value.
75
+ if trial.should_prune():
76
+ raise optuna.exceptions.TrialPruned()
77
+
78
+ if val_acc < best_loss:
79
+ early_stop = 0
80
+ best_loss = val_acc
81
+ utils.save_model(model = train_model, target_dir = "./save_model", model_name = f"best_model.pth")
82
+
83
+ else:
84
+ early_stop += 1
85
+
86
+ if early_stop == patience:
87
+ break
88
+
89
+ wandb.log({"Train Loss": train_loss, "Train Accuracy": train_acc, "Validation Loss": val_loss, "Validation Accuracy": val_acc})
90
+
91
+ wandb.finish()
92
+
93
+ return val_acc
94
+
95
+
96
+ model = efficientnet_b0(weights=EfficientNet_B0_Weights.DEFAULT)
97
+ model.classifier = nn.Sequential(
98
+ nn.Dropout(p = 0.2, inplace = True),
99
+ nn.Linear(1280, NUM_CLASSES),
100
+ # nn.Softmax()
101
+ )
102
+
103
+ # isExist = os.path.exists("save_model/train_model_4e-06.pth")
104
+ # print(isExist)
105
+ model = utils.load_model(model, "save_model/train_model_4e-06.pth").to(device)
106
+ # print(model)
107
+
108
+ # Create an Optuna study to maximize test accuracy
109
+ study = optuna.create_study(direction="maximize")
110
+ study.optimize(objective, n_trials=11)
111
+
112
+ # Find number of pruned and completed trials
113
+ pruned_trials = study.get_trials(deepcopy=False, states=[TrialState.PRUNED])
114
+ complete_trials = study.get_trials(deepcopy=False, states=[TrialState.COMPLETE])
115
+
116
+ # Display the study statistics
117
+ print("\nStudy statistics: ")
118
+ print(" Number of finished trials: ", len(study.trials))
119
+ print(" Number of pruned trials: ", len(pruned_trials))
120
+ print(" Number of complete trials: ", len(complete_trials))
121
+
122
+ trial = study.best_trial
123
+ print("Best trial:")
124
+ print(" Value: ", trial.value)
125
+ print(" Params: ")
126
+ for key, value in trial.params.items():
127
+ print(" {}: {}".format(key, value))
inference.py ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ import torch.nn as nn
3
+
4
+ import onnx
5
+ import engine, data, utils
6
+ from train import device, NUM_CLASSES
7
+ from torchvision.models import efficientnet_b0, EfficientNet_B0_Weights
8
+ from torchmetrics.classification import MulticlassAccuracy
9
+ import onnxruntime as ort
10
+ import numpy as np
11
+
12
+
13
+
14
+ model = efficientnet_b0(weights=EfficientNet_B0_Weights.IMAGENET1K_V1)
15
+ model.classifier = nn.Sequential(
16
+ nn.Dropout(p = 0.2, inplace = True),
17
+ nn.Linear(1280, NUM_CLASSES),
18
+ # nn.Softmax()
19
+ )
20
+ model = utils.load_model(model, "save_model/best_model.pth").to(device)
21
+
22
+ PATH = "save_model/food_cpu.onnx"
23
+ # onnx inference
24
+ utils.onnx_inference(model, PATH, "cpu")
25
+ onnx_model = onnx.load(PATH)
26
+ onnx_check = onnx.checker.check_model(onnx_model)
27
+
28
+ # print(onnx_check)
29
+ x, y = data.test_datasets[0][0], data.test_datasets[0][1]
30
+ ort_sess = ort.InferenceSession(PATH)
31
+ outputs = ort_sess.run(None, {'input': x.unsqueeze(dim = 0).numpy()})
32
+
33
+ # Result
34
+ classes = data.train_datasets.classes
35
+ predicted, actual = classes[outputs[0][0].argmax(0)], classes[y]
36
+ print(f'Predicted: "{predicted}", Actual: "{actual}"')
plots/cnn_train_Loss_and_accuracy_plot_3e-06.jpg ADDED
plots/cnn_train_Loss_and_accuracy_plot_4e-06.jpg ADDED
requirements.txt ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ pytorch==2.0.0
2
+ torchvision==0.15.0
3
+ torchaudio==2.0.0
4
+ torchmetrics
5
+ onnx
6
+ onnxruntime
7
+ optuna
8
+ wandb
9
+ torch-summary
10
+ matplotlib
results/hyp_tune.txt ADDED
@@ -0,0 +1,606 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [I 2023-10-22 01:37:08,918] A new study created in memory with name: no-name-c840de1b-897a-43af-bd8e-df563b179162
2
+ [I 2023-10-22 02:46:09,630] Trial 0 finished with value: 0.5360714197158813 and parameters: {'lr': 7.489632455796532e-09, 'n_estimators': 34, 'optimizer': 'SGD'}. Best is trial 0 with value: 0.5360714197158813.
3
+ [I 2023-10-22 03:30:52,975] Trial 1 finished with value: 0.5364061594009399 and parameters: {'lr': 1.3698661828277252e-08, 'n_estimators': 25, 'optimizer': 'Adam'}. Best is trial 1 with value: 0.5364061594009399.
4
+ [I 2023-10-22 03:59:25,244] Trial 2 finished with value: 0.5400202870368958 and parameters: {'lr': 1.813677229052636e-07, 'n_estimators': 25, 'optimizer': 'Adam'}. Best is trial 2 with value: 0.5400202870368958.
5
+ [I 2023-10-22 04:32:04,511] Trial 3 finished with value: 0.5361357927322388 and parameters: {'lr': 8.336261616991292e-08, 'n_estimators': 44, 'optimizer': 'Adam'}. Best is trial 2 with value: 0.5400202870368958.
6
+ [I 2023-10-22 04:56:30,858] Trial 4 finished with value: 0.5398440361022949 and parameters: {'lr': 3.8570428767211705e-07, 'n_estimators': 14, 'optimizer': 'Adam'}. Best is trial 2 with value: 0.5400202870368958.
7
+ [I 2023-10-22 05:57:25,530] Trial 5 finished with value: 0.5384387969970703 and parameters: {'lr': 8.89697701761264e-09, 'n_estimators': 37, 'optimizer': 'SGD'}. Best is trial 2 with value: 0.5400202870368958.
8
+ [I 2023-10-22 06:33:16,334] Trial 6 finished with value: 0.540566623210907 and parameters: {'lr': 5.558156142085502e-08, 'n_estimators': 44, 'optimizer': 'Adam'}. Best is trial 6 with value: 0.540566623210907.
9
+ [I 2023-10-22 07:00:35,226] Trial 7 finished with value: 0.5460574626922607 and parameters: {'lr': 1.90286747029132e-07, 'n_estimators': 12, 'optimizer': 'Adam'}. Best is trial 7 with value: 0.5460574626922607.
10
+ [I 2023-10-22 07:23:51,994] Trial 8 finished with value: 0.5440860390663147 and parameters: {'lr': 9.886624025118481e-09, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 7 with value: 0.5460574626922607.
11
+ [I 2023-10-22 07:58:56,022] Trial 9 finished with value: 0.5461758971214294 and parameters: {'lr': 1.2078859717026416e-07, 'n_estimators': 26, 'optimizer': 'Adam'}. Best is trial 9 with value: 0.5461758971214294.
12
+ [I 2023-10-22 08:45:40,341] Trial 10 finished with value: 0.5450535416603088 and parameters: {'lr': 3.411775194205487e-08, 'n_estimators': 20, 'optimizer': 'RMSprop'}. Best is trial 9 with value: 0.5461758971214294.
13
+ [I 2023-10-22 09:08:56,407] Trial 11 finished with value: 0.5503671765327454 and parameters: {'lr': 1.2684791385173414e-07, 'n_estimators': 12, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
14
+ [I 2023-10-22 09:32:17,407] Trial 12 finished with value: 0.5460602045059204 and parameters: {'lr': 1.0571866651675711e-07, 'n_estimators': 19, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
15
+ [I 2023-10-22 09:59:36,467] Trial 13 finished with value: 0.5463402271270752 and parameters: {'lr': 3.143297264441004e-08, 'n_estimators': 50, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
16
+ [I 2023-10-22 10:26:49,809] Trial 14 finished with value: 0.5461093783378601 and parameters: {'lr': 3.0821157193882773e-08, 'n_estimators': 50, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
17
+ [I 2023-10-22 11:23:12,523] Trial 15 finished with value: 0.5502772331237793 and parameters: {'lr': 1.9747824446554313e-08, 'n_estimators': 32, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
18
+ [I 2023-10-22 12:08:08,005] Trial 16 finished with value: 0.5461443066596985 and parameters: {'lr': 1.8079689971330616e-08, 'n_estimators': 31, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
19
+ [I 2023-10-22 12:44:55,748] Trial 17 finished with value: 0.548389196395874 and parameters: {'lr': 1.8707046412210653e-08, 'n_estimators': 18, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
20
+ [I 2023-10-22 13:21:34,306] Trial 18 finished with value: 0.5481426119804382 and parameters: {'lr': 5.407206770131877e-08, 'n_estimators': 36, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
21
+ [I 2023-10-22 14:18:47,176] Trial 19 finished with value: 0.5486733317375183 and parameters: {'lr': 4.5994986446708456e-09, 'n_estimators': 30, 'optimizer': 'RMSprop'}. Best is trial 11 with value: 0.5503671765327454.
22
+ [I 2023-10-22 15:03:22,294] Trial 20 finished with value: 0.5505406856536865 and parameters: {'lr': 4.3839971014050346e-08, 'n_estimators': 11, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
23
+ [I 2023-10-22 15:27:38,957] Trial 21 finished with value: 0.5479753613471985 and parameters: {'lr': 5.284735869059107e-08, 'n_estimators': 10, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
24
+ [I 2023-10-22 15:52:15,068] Trial 22 finished with value: 0.5478231310844421 and parameters: {'lr': 2.3240425242663824e-08, 'n_estimators': 15, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
25
+ [I 2023-10-22 16:16:38,410] Trial 23 finished with value: 0.5491703748703003 and parameters: {'lr': 4.4870264812671536e-08, 'n_estimators': 21, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
26
+ [I 2023-10-22 17:13:33,420] Trial 24 finished with value: 0.5481324195861816 and parameters: {'lr': 7.469682637842191e-08, 'n_estimators': 14, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
27
+ [I 2023-10-22 17:51:02,788] Trial 25 finished with value: 0.5498676300048828 and parameters: {'lr': 2.64698690852027e-08, 'n_estimators': 10, 'optimizer': 'RMSprop'}. Best is trial 20 with value: 0.5505406856536865.
28
+ [I 2023-10-22 18:28:07,513] Trial 26 finished with value: 0.5503433346748352 and parameters: {'lr': 3.70518809559498e-08, 'n_estimators': 29, 'optimizer': 'RMSprop'}. Best is trial 20 with value: 0.5505406856536865.
29
+ [I 2023-10-22 19:21:42,279] Trial 27 finished with value: 0.5504162907600403 and parameters: {'lr': 4.074495301401983e-08, 'n_estimators': 17, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
30
+ [I 2023-10-22 20:02:40,205] Trial 28 finished with value: 0.549625813961029 and parameters: {'lr': 4.287480774476896e-08, 'n_estimators': 16, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
31
+ [I 2023-10-22 20:52:10,303] Trial 29 finished with value: 0.5462378263473511 and parameters: {'lr': 6.806050743074082e-08, 'n_estimators': 12, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
32
+ [I 2023-10-22 22:02:28,677] Trial 30 finished with value: 0.5487064123153687 and parameters: {'lr': 9.595182919683205e-08, 'n_estimators': 17, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
33
+ [I 2023-10-22 22:27:17,590] Trial 31 finished with value: 0.5490727424621582 and parameters: {'lr': 3.789547094688714e-08, 'n_estimators': 22, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
34
+ [I 2023-10-22 23:04:22,026] Trial 32 finished with value: 0.5467727780342102 and parameters: {'lr': 6.407275318372976e-08, 'n_estimators': 27, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
35
+ [I 2023-10-23 00:31:00,911] Trial 33 finished with value: 0.5485678911209106 and parameters: {'lr': 3.542292563055157e-08, 'n_estimators': 23, 'optimizer': 'RMSprop'}. Best is trial 20 with value: 0.5505406856536865.
36
+ [I 2023-10-23 01:18:08,441] Trial 34 finished with value: 0.5498937964439392 and parameters: {'lr': 4.538312987041805e-08, 'n_estimators': 12, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
37
+ [I 2023-10-23 01:41:30,297] Trial 35 finished with value: 0.5497119426727295 and parameters: {'lr': 2.6255028232030936e-08, 'n_estimators': 14, 'optimizer': 'RMSprop'}. Best is trial 20 with value: 0.5505406856536865.
38
+ [I 2023-10-23 02:24:02,801] Trial 36 finished with value: 0.5490474700927734 and parameters: {'lr': 1.3889162318307476e-08, 'n_estimators': 28, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
39
+ [I 2023-10-23 02:51:04,062] Trial 37 finished with value: 0.5489190816879272 and parameters: {'lr': 1.557848733105634e-07, 'n_estimators': 23, 'optimizer': 'SGD'}. Best is trial 20 with value: 0.5505406856536865.
40
+ [I 2023-10-23 03:18:20,869] Trial 38 finished with value: 0.550723135471344 and parameters: {'lr': 7.232390810885362e-08, 'n_estimators': 39, 'optimizer': 'RMSprop'}. Best is trial 38 with value: 0.550723135471344.
41
+ [I 2023-10-23 04:51:40,915] Trial 39 finished with value: 0.547078013420105 and parameters: {'lr': 8.156050875435005e-08, 'n_estimators': 40, 'optimizer': 'SGD'}. Best is trial 38 with value: 0.550723135471344.
42
+ [I 2023-10-23 05:42:10,595] Trial 40 finished with value: 0.5495409369468689 and parameters: {'lr': 8.915478213601037e-08, 'n_estimators': 34, 'optimizer': 'Adam'}. Best is trial 38 with value: 0.550723135471344.
43
+ [I 2023-10-23 06:21:10,896] Trial 41 finished with value: 0.5536542534828186 and parameters: {'lr': 5.934005291949064e-08, 'n_estimators': 38, 'optimizer': 'RMSprop'}. Best is trial 41 with value: 0.5536542534828186.
44
+ [I 2023-10-23 06:48:23,716] Trial 42 finished with value: 0.552158534526825 and parameters: {'lr': 6.448909468854163e-08, 'n_estimators': 40, 'optimizer': 'RMSprop'}. Best is trial 41 with value: 0.5536542534828186.
45
+ [I 2023-10-23 07:15:32,410] Trial 43 finished with value: 0.5526768565177917 and parameters: {'lr': 6.259029563811938e-08, 'n_estimators': 40, 'optimizer': 'RMSprop'}. Best is trial 41 with value: 0.5536542534828186.
46
+ [I 2023-10-23 07:50:36,379] Trial 44 finished with value: 0.5551037788391113 and parameters: {'lr': 5.640725954569493e-08, 'n_estimators': 39, 'optimizer': 'RMSprop'}. Best is trial 44 with value: 0.5551037788391113.
47
+ [I 2023-10-23 08:21:58,489] Trial 45 finished with value: 0.5539408922195435 and parameters: {'lr': 6.562450771563963e-08, 'n_estimators': 39, 'optimizer': 'RMSprop'}. Best is trial 44 with value: 0.5551037788391113.
48
+ [I 2023-10-23 08:53:04,595] Trial 46 finished with value: 0.5582337379455566 and parameters: {'lr': 6.502594269660963e-08, 'n_estimators': 46, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
49
+ [I 2023-10-23 09:20:24,889] Trial 47 finished with value: 0.5553371906280518 and parameters: {'lr': 5.355589591906474e-08, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
50
+ [I 2023-10-23 09:43:43,726] Trial 48 finished with value: 0.556071400642395 and parameters: {'lr': 1.0555536719402554e-07, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
51
+ [I 2023-10-23 10:07:21,421] Trial 49 finished with value: 0.5569140911102295 and parameters: {'lr': 1.0687358012554984e-07, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
52
+ [I 2023-10-23 10:42:52,432] Trial 50 finished with value: 0.5552547574043274 and parameters: {'lr': 1.0462986496303203e-07, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
53
+ [I 2023-10-23 11:10:10,852] Trial 51 finished with value: 0.5569719076156616 and parameters: {'lr': 1.0981543368796825e-07, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
54
+ [I 2023-10-23 11:42:13,758] Trial 52 finished with value: 0.5563305020332336 and parameters: {'lr': 1.1460389239037368e-07, 'n_estimators': 47, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
55
+ [I 2023-10-23 12:15:05,177] Trial 53 finished with value: 0.5571174621582031 and parameters: {'lr': 1.3916428640610327e-07, 'n_estimators': 46, 'optimizer': 'RMSprop'}. Best is trial 46 with value: 0.5582337379455566.
56
+ [I 2023-10-23 12:51:50,898] Trial 54 finished with value: 0.5606839060783386 and parameters: {'lr': 1.2238913630137383e-07, 'n_estimators': 45, 'optimizer': 'RMSprop'}. Best is trial 54 with value: 0.5606839060783386.
57
+ [I 2023-10-23 13:16:21,095] Trial 55 finished with value: 0.5585974454879761 and parameters: {'lr': 1.3523286029041088e-07, 'n_estimators': 44, 'optimizer': 'RMSprop'}. Best is trial 54 with value: 0.5606839060783386.
58
+ [I 2023-10-23 13:40:52,822] Trial 56 finished with value: 0.563145101070404 and parameters: {'lr': 1.321765003562829e-07, 'n_estimators': 44, 'optimizer': 'RMSprop'}. Best is trial 56 with value: 0.563145101070404.
59
+ [I 2023-10-23 14:17:34,503] Trial 57 finished with value: 0.5649504661560059 and parameters: {'lr': 1.417339501340407e-07, 'n_estimators': 44, 'optimizer': 'Adam'}. Best is trial 57 with value: 0.5649504661560059.
60
+ [I 2023-10-23 15:06:34,962] Trial 58 finished with value: 0.5648221969604492 and parameters: {'lr': 2.1270825073760548e-07, 'n_estimators': 44, 'optimizer': 'Adam'}. Best is trial 57 with value: 0.5649504661560059.
61
+ [I 2023-10-23 15:43:43,175] Trial 59 finished with value: 0.5651143193244934 and parameters: {'lr': 2.0658178964301883e-07, 'n_estimators': 43, 'optimizer': 'Adam'}. Best is trial 59 with value: 0.5651143193244934.
62
+ [I 2023-10-23 16:12:19,615] Trial 60 finished with value: 0.5670831203460693 and parameters: {'lr': 2.0425588190663883e-07, 'n_estimators': 43, 'optimizer': 'Adam'}. Best is trial 60 with value: 0.5670831203460693.
63
+ [I 2023-10-23 16:36:55,347] Trial 61 finished with value: 0.570649266242981 and parameters: {'lr': 2.1582322766042557e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 61 with value: 0.570649266242981.
64
+ [I 2023-10-23 17:14:30,922] Trial 62 finished with value: 0.5675162076950073 and parameters: {'lr': 2.3392754826613693e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 61 with value: 0.570649266242981.
65
+ [I 2023-10-23 18:07:46,984] Trial 63 finished with value: 0.5706519484519958 and parameters: {'lr': 2.2526583690421322e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 63 with value: 0.5706519484519958.
66
+ [I 2023-10-23 18:32:20,406] Trial 64 finished with value: 0.572399377822876 and parameters: {'lr': 2.2729787427772587e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 64 with value: 0.572399377822876.
67
+ [I 2023-10-23 19:34:18,729] Trial 65 finished with value: 0.5735474824905396 and parameters: {'lr': 2.4068578827383907e-07, 'n_estimators': 43, 'optimizer': 'Adam'}. Best is trial 65 with value: 0.5735474824905396.
68
+ [I 2023-10-23 19:58:59,725] Trial 66 finished with value: 0.5737140774726868 and parameters: {'lr': 2.507074965520075e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 66 with value: 0.5737140774726868.
69
+ [I 2023-10-23 20:27:39,393] Trial 67 finished with value: 0.575024425983429 and parameters: {'lr': 2.7138721673308e-07, 'n_estimators': 42, 'optimizer': 'Adam'}. Best is trial 67 with value: 0.575024425983429.
70
+ [I 2023-10-23 20:56:36,970] Trial 68 finished with value: 0.5768953561782837 and parameters: {'lr': 2.8770118447252704e-07, 'n_estimators': 36, 'optimizer': 'Adam'}. Best is trial 68 with value: 0.5768953561782837.
71
+ [I 2023-10-23 21:21:26,705] Trial 69 finished with value: 0.578156590461731 and parameters: {'lr': 2.8443655413359384e-07, 'n_estimators': 36, 'optimizer': 'Adam'}. Best is trial 69 with value: 0.578156590461731.
72
+ [I 2023-10-23 21:46:06,503] Trial 70 finished with value: 0.5815342664718628 and parameters: {'lr': 2.9882598602116e-07, 'n_estimators': 36, 'optimizer': 'Adam'}. Best is trial 70 with value: 0.5815342664718628.
73
+ [I 2023-10-23 22:10:52,256] Trial 71 finished with value: 0.5806370377540588 and parameters: {'lr': 2.930792868424465e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 70 with value: 0.5815342664718628.
74
+
75
+ Model Loaded.
76
+
77
+ Saving Model At: save_model/best_model.pth
78
+
79
+ Saving Model At: save_model/best_model.pth
80
+
81
+ Saving Model At: save_model/best_model.pth
82
+
83
+ Saving Model At: save_model/best_model.pth
84
+
85
+ Saving Model At: save_model/best_model.pth
86
+
87
+ Saving Model At: save_model/best_model.pth
88
+
89
+ Saving Model At: save_model/best_model.pth
90
+
91
+ Saving Model At: save_model/best_model.pth
92
+
93
+ Saving Model At: save_model/best_model.pth
94
+
95
+ Saving Model At: save_model/best_model.pth
96
+
97
+ Saving Model At: save_model/best_model.pth
98
+
99
+ Saving Model At: save_model/best_model.pth
100
+
101
+ Saving Model At: save_model/best_model.pth
102
+
103
+ Saving Model At: save_model/best_model.pth
104
+
105
+ Saving Model At: save_model/best_model.pth
106
+
107
+ Saving Model At: save_model/best_model.pth
108
+
109
+ Saving Model At: save_model/best_model.pth
110
+
111
+ Saving Model At: save_model/best_model.pth
112
+
113
+ Saving Model At: save_model/best_model.pth
114
+
115
+ Saving Model At: save_model/best_model.pth
116
+
117
+ Saving Model At: save_model/best_model.pth
118
+
119
+ Saving Model At: save_model/best_model.pth
120
+
121
+ Saving Model At: save_model/best_model.pth
122
+
123
+ Saving Model At: save_model/best_model.pth
124
+
125
+ Saving Model At: save_model/best_model.pth
126
+
127
+ Saving Model At: save_model/best_model.pth
128
+
129
+ Saving Model At: save_model/best_model.pth
130
+
131
+ Saving Model At: save_model/best_model.pth
132
+
133
+ Saving Model At: save_model/best_model.pth
134
+
135
+ Saving Model At: save_model/best_model.pth
136
+
137
+ Saving Model At: save_model/best_model.pth
138
+
139
+ Saving Model At: save_model/best_model.pth
140
+
141
+ Saving Model At: save_model/best_model.pth
142
+
143
+ Saving Model At: save_model/best_model.pth
144
+
145
+ Saving Model At: save_model/best_model.pth
146
+
147
+ Saving Model At: save_model/best_model.pth
148
+
149
+ Saving Model At: save_model/best_model.pth
150
+
151
+ Saving Model At: save_model/best_model.pth
152
+
153
+ Saving Model At: save_model/best_model.pth
154
+
155
+ Saving Model At: save_model/best_model.pth
156
+
157
+ Saving Model At: save_model/best_model.pth
158
+
159
+ Saving Model At: save_model/best_model.pth
160
+
161
+ Saving Model At: save_model/best_model.pth
162
+
163
+ Saving Model At: save_model/best_model.pth
164
+
165
+ Saving Model At: save_model/best_model.pth
166
+
167
+ Saving Model At: save_model/best_model.pth
168
+
169
+ Saving Model At: save_model/best_model.pth
170
+
171
+ Saving Model At: save_model/best_model.pth
172
+
173
+ Saving Model At: save_model/best_model.pth
174
+
175
+ Saving Model At: save_model/best_model.pth
176
+
177
+ Saving Model At: save_model/best_model.pth
178
+
179
+ Saving Model At: save_model/best_model.pth
180
+
181
+ Saving Model At: save_model/best_model.pth
182
+
183
+ Saving Model At: save_model/best_model.pth
184
+
185
+ Saving Model At: save_model/best_model.pth
186
+
187
+ Saving Model At: save_model/best_model.pth
188
+
189
+ Saving Model At: save_model/best_model.pth
190
+
191
+ Saving Model At: save_model/best_model.pth
192
+
193
+ Saving Model At: save_model/best_model.pth
194
+
195
+ Saving Model At: save_model/best_model.pth
196
+
197
+ Saving Model At: save_model/best_model.pth
198
+
199
+ Saving Model At: save_model/best_model.pth
200
+
201
+ Saving Model At: save_model/best_model.pth
202
+
203
+ Saving Model At: save_model/best_model.pth
204
+
205
+ Saving Model At: save_model/best_model.pth
206
+
207
+ Saving Model At: save_model/best_model.pth
208
+
209
+ Saving Model At: save_model/best_model.pth
210
+
211
+ Saving Model At: save_model/best_model.pth
212
+
213
+ Saving Model At: save_model/best_model.pth
214
+
215
+ Saving Model At: save_model/best_model.pth
216
+
217
+ Saving Model At: save_model/best_model.pth
218
+
219
+ Saving Model At: save_model/best_model.pth
220
+
221
+ Saving Model At: save_model/best_model.pth
222
+
223
+ Saving Model At: save_model/best_model.pth
224
+
225
+ Saving Model At: save_model/best_model.pth
226
+
227
+ Saving Model At: save_model/best_model.pth
228
+
229
+ Saving Model At: save_model/best_model.pth
230
+
231
+ Saving Model At: save_model/best_model.pth
232
+
233
+ Saving Model At: save_model/best_model.pth
234
+
235
+ Saving Model At: save_model/best_model.pth
236
+
237
+ Saving Model At: save_model/best_model.pth
238
+
239
+ Saving Model At: save_model/best_model.pth
240
+
241
+ Saving Model At: save_model/best_model.pth
242
+
243
+ Saving Model At: save_model/best_model.pth
244
+
245
+ Saving Model At: save_model/best_model.pth
246
+
247
+ Saving Model At: save_model/best_model.pth
248
+
249
+ Saving Model At: save_model/best_model.pth
250
+
251
+ Saving Model At: save_model/best_model.pth
252
+
253
+ Saving Model At: save_model/best_model.pth
254
+
255
+ Saving Model At: save_model/best_model.pth
256
+
257
+ Saving Model At: save_model/best_model.pth
258
+
259
+ Saving Model At: save_model/best_model.pth
260
+
261
+ Saving Model At: save_model/best_model.pth
262
+
263
+ Saving Model At: save_model/best_model.pth
264
+
265
+ Saving Model At: save_model/best_model.pth
266
+
267
+ Saving Model At: save_model/best_model.pth
268
+
269
+ Saving Model At: save_model/best_model.pth
270
+
271
+ Saving Model At: save_model/best_model.pth
272
+
273
+ Saving Model At: save_model/best_model.pth
274
+
275
+ Saving Model At: save_model/best_model.pth
276
+
277
+ Saving Model At: save_model/best_model.pth
278
+
279
+ Saving Model At: save_model/best_model.pth
280
+
281
+ Saving Model At: save_model/best_model.pth
282
+
283
+ Saving Model At: save_model/best_model.pth
284
+
285
+ Saving Model At: save_model/best_model.pth
286
+
287
+ Saving Model At: save_model/best_model.pth
288
+
289
+ Saving Model At: save_model/best_model.pth
290
+
291
+ Saving Model At: save_model/best_model.pth
292
+
293
+ Saving Model At: save_model/best_model.pth
294
+
295
+ Saving Model At: save_model/best_model.pth
296
+
297
+ Saving Model At: save_model/best_model.pth
298
+
299
+ Saving Model At: save_model/best_model.pth
300
+
301
+ Saving Model At: save_model/best_model.pth
302
+
303
+ Saving Model At: save_model/best_model.pth
304
+
305
+ Saving Model At: save_model/best_model.pth
306
+
307
+ Saving Model At: save_model/best_model.pth
308
+
309
+ Saving Model At: save_model/best_model.pth
310
+
311
+ Saving Model At: save_model/best_model.pth
312
+
313
+ Saving Model At: save_model/best_model.pth
314
+
315
+ Saving Model At: save_model/best_model.pth
316
+
317
+ Saving Model At: save_model/best_model.pth
318
+
319
+ Saving Model At: save_model/best_model.pth
320
+
321
+ Saving Model At: save_model/best_model.pth
322
+
323
+ Saving Model At: save_model/best_model.pth
324
+
325
+ Saving Model At: save_model/best_model.pth
326
+
327
+ Saving Model At: save_model/best_model.pth
328
+
329
+ Saving Model At: save_model/best_model.pth
330
+
331
+ Saving Model At: save_model/best_model.pth
332
+
333
+ Saving Model At: save_model/best_model.pth
334
+
335
+ Saving Model At: save_model/best_model.pth
336
+
337
+ Saving Model At: save_model/best_model.pth
338
+
339
+ Saving Model At: save_model/best_model.pth
340
+
341
+ Saving Model At: save_model/best_model.pth
342
+
343
+ Saving Model At: save_model/best_model.pth
344
+
345
+ Saving Model At: save_model/best_model.pth
346
+
347
+ Saving Model At: save_model/best_model.pth
348
+
349
+ Saving Model At: save_model/best_model.pth
350
+
351
+ Saving Model At: save_model/best_model.pth
352
+
353
+ Saving Model At: save_model/best_model.pth
354
+
355
+ Saving Model At: save_model/best_model.pth
356
+
357
+ Saving Model At: save_model/best_model.pth
358
+
359
+ Saving Model At: save_model/best_model.pth
360
+
361
+ Saving Model At: save_model/best_model.pth
362
+
363
+ Saving Model At: save_model/best_model.pth
364
+
365
+ Saving Model At: save_model/best_model.pth
366
+
367
+ Saving Model At: save_model/best_model.pth
368
+
369
+ Saving Model At: save_model/best_model.pth
370
+
371
+ Saving Model At: save_model/best_model.pth
372
+
373
+ Saving Model At: save_model/best_model.pth
374
+
375
+ Saving Model At: save_model/best_model.pth
376
+
377
+ Saving Model At: save_model/best_model.pth
378
+
379
+ Saving Model At: save_model/best_model.pth
380
+
381
+ Saving Model At: save_model/best_model.pth
382
+
383
+ Saving Model At: save_model/best_model.pth
384
+
385
+ Saving Model At: save_model/best_model.pth
386
+
387
+ Saving Model At: save_model/best_model.pth
388
+
389
+ Saving Model At: save_model/best_model.pth
390
+
391
+ Saving Model At: save_model/best_model.pth
392
+
393
+ Saving Model At: save_model/best_model.pth
394
+
395
+ Saving Model At: save_model/best_model.pth
396
+
397
+ Saving Model At: save_model/best_model.pth
398
+
399
+ Saving Model At: save_model/best_model.pth
400
+
401
+ Saving Model At: save_model/best_model.pth
402
+
403
+ Saving Model At: save_model/best_model.pth
404
+
405
+ Saving Model At: save_model/best_model.pth
406
+
407
+ Saving Model At: save_model/best_model.pth
408
+
409
+ Saving Model At: save_model/best_model.pth
410
+
411
+ Saving Model At: save_model/best_model.pth
412
+
413
+ Saving Model At: save_model/best_model.pth
414
+
415
+ Saving Model At: save_model/best_model.pth
416
+
417
+ Saving Model At: save_model/best_model.pth
418
+
419
+ Saving Model At: save_model/best_model.pth
420
+
421
+ Saving Model At: save_model/best_model.pth
422
+
423
+ Saving Model At: save_model/best_model.pth
424
+
425
+ Saving Model At: save_model/best_model.pth
426
+
427
+ Saving Model At: save_model/best_model.pth
428
+
429
+ Saving Model At: save_model/best_model.pth
430
+
431
+ Saving Model At: save_model/best_model.pth
432
+
433
+ Saving Model At: save_model/best_model.pth
434
+
435
+ Saving Model At: save_model/best_model.pth
436
+
437
+ Saving Model At: save_model/best_model.pth
438
+
439
+ Saving Model At: save_model/best_model.pth
440
+
441
+ Saving Model At: save_model/best_model.pth
442
+
443
+ Saving Model At: save_model/best_model.pth
444
+
445
+ Saving Model At: save_model/best_model.pth
446
+ [I 2023-10-23 22:40:28,127] Trial 72 finished with value: 0.584173321723938 and parameters: {'lr': 3.072183458986638e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 72 with value: 0.584173321723938.
447
+ [I 2023-10-23 23:21:59,127] Trial 73 finished with value: 0.5868313312530518 and parameters: {'lr': 3.1505289704826233e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 73 with value: 0.5868313312530518.
448
+ [I 2023-10-24 00:03:21,470] Trial 74 finished with value: 0.5852217674255371 and parameters: {'lr': 3.37944519125002e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 73 with value: 0.5868313312530518.
449
+ [I 2023-10-24 00:28:20,202] Trial 75 finished with value: 0.5888196229934692 and parameters: {'lr': 3.4279797801428923e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 75 with value: 0.5888196229934692.
450
+ [I 2023-10-24 01:10:32,472] Trial 76 finished with value: 0.5885568857192993 and parameters: {'lr': 3.7785727396953406e-07, 'n_estimators': 35, 'optimizer': 'Adam'}. Best is trial 75 with value: 0.5888196229934692.
451
+ [I 2023-10-24 01:47:41,292] Trial 77 finished with value: 0.5886940956115723 and parameters: {'lr': 3.730182606568301e-07, 'n_estimators': 33, 'optimizer': 'Adam'}. Best is trial 75 with value: 0.5888196229934692.
452
+ [I 2023-10-24 02:16:42,436] Trial 78 finished with value: 0.5928004384040833 and parameters: {'lr': 3.98740229310406e-07, 'n_estimators': 33, 'optimizer': 'Adam'}. Best is trial 78 with value: 0.5928004384040833.
453
+ [I 2023-10-24 02:54:09,980] Trial 79 finished with value: 0.596867561340332 and parameters: {'lr': 3.951220434815224e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 79 with value: 0.596867561340332.
454
+ [I 2023-10-24 03:18:56,660] Trial 80 finished with value: 0.5987726449966431 and parameters: {'lr': 3.9217337610956314e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 80 with value: 0.5987726449966431.
455
+ [I 2023-10-24 03:43:56,636] Trial 81 finished with value: 0.6010125279426575 and parameters: {'lr': 3.8983258726821844e-07, 'n_estimators': 33, 'optimizer': 'Adam'}. Best is trial 81 with value: 0.6010125279426575.
456
+ [I 2023-10-24 04:12:53,577] Trial 82 finished with value: 0.6015823483467102 and parameters: {'lr': 3.9805005014361763e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 82 with value: 0.6015823483467102.
457
+ [I 2023-10-24 05:14:20,760] Trial 83 finished with value: 0.6092749238014221 and parameters: {'lr': 3.988667591679828e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 83 with value: 0.6092749238014221.
458
+ [I 2023-10-24 05:38:45,088] Trial 84 finished with value: 0.6045148968696594 and parameters: {'lr': 3.801315324866347e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 83 with value: 0.6092749238014221.
459
+ [I 2023-10-24 06:07:41,056] Trial 85 finished with value: 0.6064762473106384 and parameters: {'lr': 3.9351790098082646e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 83 with value: 0.6092749238014221.
460
+ [I 2023-10-24 06:36:23,798] Trial 86 finished with value: 0.6090301871299744 and parameters: {'lr': 3.8907654722821625e-07, 'n_estimators': 31, 'optimizer': 'Adam'}. Best is trial 83 with value: 0.6092749238014221.
461
+ [I 2023-10-24 07:05:17,713] Trial 87 finished with value: 0.6128934025764465 and parameters: {'lr': 3.7610862993862156e-07, 'n_estimators': 31, 'optimizer': 'Adam'}. Best is trial 87 with value: 0.6128934025764465.
462
+ [I 2023-10-24 07:42:09,228] Trial 88 finished with value: 0.6093340516090393 and parameters: {'lr': 3.4982809838009586e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 87 with value: 0.6128934025764465.
463
+ [I 2023-10-24 08:19:16,153] Trial 89 finished with value: 0.6141061186790466 and parameters: {'lr': 3.3943441707865654e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 89 with value: 0.6141061186790466.
464
+ [I 2023-10-24 08:47:53,069] Trial 90 finished with value: 0.6181385517120361 and parameters: {'lr': 3.415242523802862e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 90 with value: 0.6181385517120361.
465
+ [I 2023-10-24 09:16:44,855] Trial 91 finished with value: 0.6147274374961853 and parameters: {'lr': 3.3757698574028605e-07, 'n_estimators': 29, 'optimizer': 'Adam'}. Best is trial 90 with value: 0.6181385517120361.
466
+ [I 2023-10-24 09:49:23,877] Trial 92 finished with value: 0.618079423904419 and parameters: {'lr': 3.369688207850333e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 90 with value: 0.6181385517120361.
467
+ [I 2023-10-24 10:47:19,401] Trial 93 finished with value: 0.6206730008125305 and parameters: {'lr': 3.333427116728784e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 93 with value: 0.6206730008125305.
468
+ [I 2023-10-24 11:24:06,673] Trial 94 finished with value: 0.6197251081466675 and parameters: {'lr': 3.461562208850868e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 93 with value: 0.6206730008125305.
469
+ [I 2023-10-24 12:08:51,353] Trial 95 finished with value: 0.6243206262588501 and parameters: {'lr': 3.3584644827281837e-07, 'n_estimators': 30, 'optimizer': 'Adam'}. Best is trial 95 with value: 0.6243206262588501.
470
+ [I 2023-10-24 12:33:05,496] Trial 96 finished with value: 0.6249201893806458 and parameters: {'lr': 3.287811197213919e-07, 'n_estimators': 29, 'optimizer': 'Adam'}. Best is trial 96 with value: 0.6249201893806458.
471
+ [I 2023-10-24 13:02:04,516] Trial 97 finished with value: 0.6230003237724304 and parameters: {'lr': 3.354841731848597e-07, 'n_estimators': 29, 'optimizer': 'Adam'}. Best is trial 96 with value: 0.6249201893806458.
472
+ [I 2023-10-24 13:27:03,953] Trial 98 finished with value: 0.6289621591567993 and parameters: {'lr': 3.241147612310783e-07, 'n_estimators': 26, 'optimizer': 'Adam'}. Best is trial 98 with value: 0.6289621591567993.
473
+ [I 2023-10-24 13:52:14,918] Trial 99 finished with value: 0.625308096408844 and parameters: {'lr': 3.287683345694601e-07, 'n_estimators': 26, 'optimizer': 'Adam'}. Best is trial 98 with value: 0.6289621591567993.
474
+
475
+ Saving Model At: save_model/best_model.pth
476
+
477
+ Saving Model At: save_model/best_model.pth
478
+
479
+ Saving Model At: save_model/best_model.pth
480
+
481
+ Saving Model At: save_model/best_model.pth
482
+
483
+ Saving Model At: save_model/best_model.pth
484
+
485
+ Saving Model At: save_model/best_model.pth
486
+
487
+ Saving Model At: save_model/best_model.pth
488
+
489
+ Saving Model At: save_model/best_model.pth
490
+
491
+ Saving Model At: save_model/best_model.pth
492
+
493
+ Saving Model At: save_model/best_model.pth
494
+
495
+ Saving Model At: save_model/best_model.pth
496
+
497
+ Saving Model At: save_model/best_model.pth
498
+
499
+ Saving Model At: save_model/best_model.pth
500
+
501
+ Saving Model At: save_model/best_model.pth
502
+
503
+ Saving Model At: save_model/best_model.pth
504
+
505
+ Saving Model At: save_model/best_model.pth
506
+
507
+ Saving Model At: save_model/best_model.pth
508
+
509
+ Saving Model At: save_model/best_model.pth
510
+
511
+ Saving Model At: save_model/best_model.pth
512
+
513
+ Saving Model At: save_model/best_model.pth
514
+
515
+ Saving Model At: save_model/best_model.pth
516
+
517
+ Saving Model At: save_model/best_model.pth
518
+
519
+ Saving Model At: save_model/best_model.pth
520
+
521
+ Saving Model At: save_model/best_model.pth
522
+
523
+ Saving Model At: save_model/best_model.pth
524
+
525
+ Saving Model At: save_model/best_model.pth
526
+
527
+ Saving Model At: save_model/best_model.pth
528
+
529
+ Saving Model At: save_model/best_model.pth
530
+
531
+ Saving Model At: save_model/best_model.pth
532
+
533
+ Saving Model At: save_model/best_model.pth
534
+
535
+ Saving Model At: save_model/best_model.pth
536
+
537
+ Saving Model At: save_model/best_model.pth
538
+
539
+ Saving Model At: save_model/best_model.pth
540
+
541
+ Saving Model At: save_model/best_model.pth
542
+
543
+ Saving Model At: save_model/best_model.pth
544
+
545
+ Saving Model At: save_model/best_model.pth
546
+
547
+ Saving Model At: save_model/best_model.pth
548
+
549
+ Saving Model At: save_model/best_model.pth
550
+
551
+ Saving Model At: save_model/best_model.pth
552
+
553
+ Saving Model At: save_model/best_model.pth
554
+
555
+ Saving Model At: save_model/best_model.pth
556
+
557
+ Saving Model At: save_model/best_model.pth
558
+
559
+ Saving Model At: save_model/best_model.pth
560
+
561
+ Saving Model At: save_model/best_model.pth
562
+
563
+ Saving Model At: save_model/best_model.pth
564
+
565
+ Saving Model At: save_model/best_model.pth
566
+
567
+ Saving Model At: save_model/best_model.pth
568
+
569
+ Saving Model At: save_model/best_model.pth
570
+
571
+ Saving Model At: save_model/best_model.pth
572
+
573
+ Saving Model At: save_model/best_model.pth
574
+
575
+ Saving Model At: save_model/best_model.pth
576
+
577
+ Saving Model At: save_model/best_model.pth
578
+
579
+ Saving Model At: save_model/best_model.pth
580
+
581
+ Saving Model At: save_model/best_model.pth
582
+
583
+ Saving Model At: save_model/best_model.pth
584
+
585
+ Saving Model At: save_model/best_model.pth
586
+
587
+ Saving Model At: save_model/best_model.pth
588
+
589
+ Saving Model At: save_model/best_model.pth
590
+
591
+ Saving Model At: save_model/best_model.pth
592
+
593
+ Saving Model At: save_model/best_model.pth
594
+
595
+ Saving Model At: save_model/best_model.pth
596
+
597
+ Study statistics:
598
+ Number of finished trials: 100
599
+ Number of pruned trials: 0
600
+ Number of complete trials: 100
601
+ Best trial:
602
+ Value: 0.6289621591567993
603
+ Params:
604
+ lr: 3.241147612310783e-07
605
+ n_estimators: 26
606
+ optimizer: Adam
results/hyp_with_wandb.txt ADDED
@@ -0,0 +1,323 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb: Currently logged in as: jashpatel8561 (maa_64). Use `wandb login --relogin` to force relogin
2
+ wandb: Appending key for api.wandb.ai to your netrc file: /root/.netrc
3
+ [I 2023-10-31 20:08:45,039] A new study created in memory with name: no-name-881464b3-8bd6-47d5-8e36-f91094c9f780
4
+ wandb: Tracking run with wandb version 0.15.12
5
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_200845-8vkss7as
6
+ wandb: Run `wandb offline` to turn off syncing.
7
+ wandb: Syncing run scary-treat-7
8
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
9
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/8vkss7as
10
+ wandb: Waiting for W&B process to finish... (success).
11
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
12
+ wandb: Run history:
13
+ wandb: Train Accuracy ▁
14
+ wandb: Train Loss ▁
15
+ wandb: Validation Accuracy ▁
16
+ wandb: Validation Loss ▁
17
+ wandb:
18
+ wandb: Run summary:
19
+ wandb: Train Accuracy 0.47619
20
+ wandb: Train Loss 1.52292
21
+ wandb: Validation Accuracy 0.53696
22
+ wandb: Validation Loss 1.31054
23
+ wandb:
24
+ wandb: 🚀 View run scary-treat-7 at: https://wandb.ai/maa_64/food-app/runs/8vkss7as
25
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
26
+ wandb: Find logs at: ./wandb/run-20231031_200845-8vkss7as/logs
27
+ [I 2023-10-31 20:53:40,276] Trial 0 finished with value: 0.5369605422019958 and parameters: {'lr': 3.746494558899465e-06, 'n_estimators': 31, 'optimizer': 'SGD'}. Best is trial 0 with value: 0.5369605422019958.
28
+ wandb: - Waiting for wandb.init()...
29
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_205340-97cre3xd
30
+ wandb: Run `wandb offline` to turn off syncing.
31
+ wandb: Syncing run strange-cape-8
32
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
33
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/97cre3xd
34
+ wandb: Waiting for W&B process to finish... (success).
35
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
36
+ wandb: Run history:
37
+ wandb: Train Accuracy ▁
38
+ wandb: Train Loss ▁
39
+ wandb: Validation Accuracy ▁
40
+ wandb: Validation Loss ▁
41
+ wandb:
42
+ wandb: Run summary:
43
+ wandb: Train Accuracy 0.48417
44
+ wandb: Train Loss 1.49974
45
+ wandb: Validation Accuracy 0.53469
46
+ wandb: Validation Loss 1.30942
47
+ wandb:
48
+ wandb: 🚀 View run strange-cape-8 at: https://wandb.ai/maa_64/food-app/runs/97cre3xd
49
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
50
+ wandb: Find logs at: ./wandb/run-20231031_205340-97cre3xd/logs
51
+ [I 2023-10-31 21:26:05,821] Trial 1 finished with value: 0.5346873998641968 and parameters: {'lr': 2.1962752768229064e-07, 'n_estimators': 31, 'optimizer': 'RMSprop'}. Best is trial 0 with value: 0.5369605422019958.
52
+ wandb: - Waiting for wandb.init()...
53
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_212605-2ork0ogz
54
+ wandb: Run `wandb offline` to turn off syncing.
55
+ wandb: Syncing run mischievous-wendigo-9
56
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
57
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/2ork0ogz
58
+ wandb: Waiting for W&B process to finish... (success).
59
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
60
+ wandb: Run history:
61
+ wandb: Train Accuracy ▁
62
+ wandb: Train Loss ▁
63
+ wandb: Validation Accuracy ▁
64
+ wandb: Validation Loss ▁
65
+ wandb:
66
+ wandb: Run summary:
67
+ wandb: Train Accuracy 0.48504
68
+ wandb: Train Loss 1.49989
69
+ wandb: Validation Accuracy 0.5386
70
+ wandb: Validation Loss 1.29999
71
+ wandb:
72
+ wandb: 🚀 View run mischievous-wendigo-9 at: https://wandb.ai/maa_64/food-app/runs/2ork0ogz
73
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
74
+ wandb: Find logs at: ./wandb/run-20231031_212605-2ork0ogz/logs
75
+ [I 2023-10-31 21:54:42,788] Trial 2 finished with value: 0.5385968685150146 and parameters: {'lr': 4.9567301150128566e-08, 'n_estimators': 43, 'optimizer': 'RMSprop'}. Best is trial 2 with value: 0.5385968685150146.
76
+ wandb: - Waiting for wandb.init()...
77
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_215442-pegj5p38
78
+ wandb: Run `wandb offline` to turn off syncing.
79
+ wandb: Syncing run masked-cape-10
80
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
81
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/pegj5p38
82
+ wandb: Waiting for W&B process to finish... (success).
83
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
84
+ wandb: Run history:
85
+ wandb: Train Accuracy ▁
86
+ wandb: Train Loss ▁
87
+ wandb: Validation Accuracy ▁
88
+ wandb: Validation Loss ▁
89
+ wandb:
90
+ wandb: Run summary:
91
+ wandb: Train Accuracy 0.48078
92
+ wandb: Train Loss 1.49002
93
+ wandb: Validation Accuracy 0.54252
94
+ wandb: Validation Loss 1.30474
95
+ wandb:
96
+ wandb: 🚀 View run masked-cape-10 at: https://wandb.ai/maa_64/food-app/runs/pegj5p38
97
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
98
+ wandb: Find logs at: ./wandb/run-20231031_215442-pegj5p38/logs
99
+ [I 2023-10-31 22:19:18,241] Trial 3 finished with value: 0.5425158739089966 and parameters: {'lr': 3.6384818250623903e-06, 'n_estimators': 33, 'optimizer': 'SGD'}. Best is trial 3 with value: 0.5425158739089966.
100
+ wandb: - Waiting for wandb.init()...
101
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_221918-gr6ablo3
102
+ wandb: Run `wandb offline` to turn off syncing.
103
+ wandb: Syncing run strange-wraith-11
104
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
105
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/gr6ablo3
106
+ wandb: Waiting for W&B process to finish... (success).
107
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
108
+ wandb: Run history:
109
+ wandb: Train Accuracy ▁
110
+ wandb: Train Loss ▁
111
+ wandb: Validation Accuracy ▁
112
+ wandb: Validation Loss ▁
113
+ wandb:
114
+ wandb: Run summary:
115
+ wandb: Train Accuracy 0.48708
116
+ wandb: Train Loss 1.49079
117
+ wandb: Validation Accuracy 0.54065
118
+ wandb: Validation Loss 1.29405
119
+ wandb:
120
+ wandb: 🚀 View run strange-wraith-11 at: https://wandb.ai/maa_64/food-app/runs/gr6ablo3
121
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
122
+ wandb: Find logs at: ./wandb/run-20231031_221918-gr6ablo3/logs
123
+ [I 2023-10-31 22:43:49,791] Trial 4 finished with value: 0.5406512022018433 and parameters: {'lr': 3.1757764065521707e-07, 'n_estimators': 32, 'optimizer': 'Adam'}. Best is trial 3 with value: 0.5425158739089966.
124
+ wandb: - Waiting for wandb.init()...
125
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_224349-6h4rftgh
126
+ wandb: Run `wandb offline` to turn off syncing.
127
+ wandb: Syncing run occult-banshee-12
128
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
129
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/6h4rftgh
130
+ wandb: Waiting for W&B process to finish... (success).
131
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
132
+ wandb: Run history:
133
+ wandb: Train Accuracy ▁
134
+ wandb: Train Loss ▁
135
+ wandb: Validation Accuracy ▁
136
+ wandb: Validation Loss ▁
137
+ wandb:
138
+ wandb: Run summary:
139
+ wandb: Train Accuracy 0.48493
140
+ wandb: Train Loss 1.48231
141
+ wandb: Validation Accuracy 0.54034
142
+ wandb: Validation Loss 1.29421
143
+ wandb:
144
+ wandb: 🚀 View run occult-banshee-12 at: https://wandb.ai/maa_64/food-app/runs/6h4rftgh
145
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
146
+ wandb: Find logs at: ./wandb/run-20231031_224349-6h4rftgh/logs
147
+ [I 2023-10-31 23:44:49,930] Trial 5 finished with value: 0.5403411984443665 and parameters: {'lr': 4.079324797271018e-08, 'n_estimators': 32, 'optimizer': 'RMSprop'}. Best is trial 3 with value: 0.5425158739089966.
148
+ wandb: - Waiting for wandb.init()...
149
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231031_234449-7nbh63pb
150
+ wandb: Run `wandb offline` to turn off syncing.
151
+ wandb: Syncing run occult-gargoyle-13
152
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
153
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/7nbh63pb
154
+ wandb: Waiting for W&B process to finish... (success).
155
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
156
+ wandb: Run history:
157
+ wandb: Train Accuracy ▁
158
+ wandb: Train Loss ▁
159
+ wandb: Validation Accuracy ▁
160
+ wandb: Validation Loss ▁
161
+ wandb:
162
+ wandb: Run summary:
163
+ wandb: Train Accuracy 0.49463
164
+ wandb: Train Loss 1.45459
165
+ wandb: Validation Accuracy 0.54955
166
+ wandb: Validation Loss 1.27562
167
+ wandb:
168
+ wandb: 🚀 View run occult-gargoyle-13 at: https://wandb.ai/maa_64/food-app/runs/7nbh63pb
169
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
170
+ wandb: Find logs at: ./wandb/run-20231031_234449-7nbh63pb/logs
171
+ [I 2023-11-01 00:13:51,934] Trial 6 finished with value: 0.5495542883872986 and parameters: {'lr': 4.678309863383098e-07, 'n_estimators': 35, 'optimizer': 'RMSprop'}. Best is trial 6 with value: 0.5495542883872986.
172
+ wandb: Tracking run with wandb version 0.15.12
173
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231101_001351-jyel0gll
174
+ wandb: Run `wandb offline` to turn off syncing.
175
+ wandb: Syncing run dreadful-whisper-14
176
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
177
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/jyel0gll
178
+ wandb: Waiting for W&B process to finish... (success).
179
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
180
+ wandb: Run history:
181
+ wandb: Train Accuracy ▁
182
+ wandb: Train Loss ▁
183
+ wandb: Validation Accuracy ▁
184
+ wandb: Validation Loss ▁
185
+ wandb:
186
+ wandb: Run summary:
187
+ wandb: Train Accuracy 0.50997
188
+ wandb: Train Loss 1.39204
189
+ wandb: Validation Accuracy 0.55506
190
+ wandb: Validation Loss 1.23738
191
+ wandb:
192
+ wandb: 🚀 View run dreadful-whisper-14 at: https://wandb.ai/maa_64/food-app/runs/jyel0gll
193
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
194
+ wandb: Find logs at: ./wandb/run-20231101_001351-jyel0gll/logs
195
+ [I 2023-11-01 00:38:23,845] Trial 7 finished with value: 0.5550567507743835 and parameters: {'lr': 1.7101161575656505e-06, 'n_estimators': 29, 'optimizer': 'Adam'}. Best is trial 7 with value: 0.5550567507743835.
196
+ wandb: - Waiting for wandb.init()...
197
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231101_003823-t9dkdynt
198
+ wandb: Run `wandb offline` to turn off syncing.
199
+ wandb: Syncing run mischievous-specter-15
200
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
201
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/t9dkdynt
202
+ wandb: Waiting for W&B process to finish... (success).
203
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
204
+ wandb: Run history:
205
+ wandb: Train Accuracy ▁
206
+ wandb: Train Loss ▁
207
+ wandb: Validation Accuracy ▁
208
+ wandb: Validation Loss ▁
209
+ wandb:
210
+ wandb: Run summary:
211
+ wandb: Train Accuracy 0.50968
212
+ wandb: Train Loss 1.38178
213
+ wandb: Validation Accuracy 0.55892
214
+ wandb: Validation Loss 1.22877
215
+ wandb:
216
+ wandb: 🚀 View run mischievous-specter-15 at: https://wandb.ai/maa_64/food-app/runs/t9dkdynt
217
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
218
+ wandb: Find logs at: ./wandb/run-20231101_003823-t9dkdynt/logs
219
+ [I 2023-11-01 01:18:49,091] Trial 8 finished with value: 0.5589190125465393 and parameters: {'lr': 2.807500616871119e-07, 'n_estimators': 35, 'optimizer': 'SGD'}. Best is trial 8 with value: 0.5589190125465393.
220
+ wandb: Tracking run with wandb version 0.15.12
221
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231101_011849-ota77xrr
222
+ wandb: Run `wandb offline` to turn off syncing.
223
+ wandb: Syncing run spooky-specter-16
224
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
225
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/ota77xrr
226
+ wandb: Waiting for W&B process to finish... (success).
227
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
228
+ wandb: Run history:
229
+ wandb: Train Accuracy ▁
230
+ wandb: Train Loss ▁
231
+ wandb: Validation Accuracy ▁
232
+ wandb: Validation Loss ▁
233
+ wandb:
234
+ wandb: Run summary:
235
+ wandb: Train Accuracy 0.52209
236
+ wandb: Train Loss 1.34973
237
+ wandb: Validation Accuracy 0.56162
238
+ wandb: Validation Loss 1.2041
239
+ wandb:
240
+ wandb: 🚀 View run spooky-specter-16 at: https://wandb.ai/maa_64/food-app/runs/ota77xrr
241
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
242
+ wandb: Find logs at: ./wandb/run-20231101_011849-ota77xrr/logs
243
+ [I 2023-11-01 01:46:58,059] Trial 9 finished with value: 0.5616196393966675 and parameters: {'lr': 1.0143024563093913e-06, 'n_estimators': 33, 'optimizer': 'Adam'}. Best is trial 9 with value: 0.5616196393966675.
244
+ wandb: - Waiting for wandb.init()...
245
+ wandb: Run data is saved locally in /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu
246
+ wandb: Run `wandb offline` to turn off syncing.
247
+ wandb: Syncing run fearful-candle-17
248
+ wandb: ⭐️ View project at https://wandb.ai/maa_64/food-app
249
+ wandb: 🚀 View run at https://wandb.ai/maa_64/food-app/runs/mj672tzu
250
+ wandb: Waiting for W&B process to finish... (success).
251
+ wandb: - 0.005 MB of 0.005 MB uploaded (0.000 MB deduped)
252
+ wandb: Run history:
253
+ wandb: Train Accuracy ▁
254
+ wandb: Train Loss ▁
255
+ wandb: Validation Accuracy ▁
256
+ wandb: Validation Loss ▁
257
+ wandb:
258
+ wandb: Run summary:
259
+ wandb: Train Accuracy 0.52938
260
+ wandb: Train Loss 1.31677
261
+ wandb: Validation Accuracy 0.56583
262
+ wandb: Validation Loss 1.20021
263
+ wandb:
264
+ wandb: 🚀 View run fearful-candle-17 at: https://wandb.ai/maa_64/food-app/runs/mj672tzu
265
+ wandb: Synced 6 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s)
266
+ wandb: Find logs at: ./wandb/run-20231101_014658-mj672tzu/logs
267
+ [I 2023-11-01 02:11:05,590] Trial 10 finished with value: 0.5658254027366638 and parameters: {'lr': 9.441552500921141e-07, 'n_estimators': 25, 'optimizer': 'Adam'}. Best is trial 10 with value: 0.5658254027366638.
268
+ [LOG]: Login Succesfull.
269
+
270
+ Model Loaded.
271
+
272
+ Saving Model At: save_model/best_model.pth
273
+
274
+ Saving Model At: save_model/best_model.pth
275
+
276
+ Saving Model At: save_model/best_model.pth
277
+
278
+ Saving Model At: save_model/best_model.pth
279
+
280
+ Saving Model At: save_model/best_model.pth
281
+
282
+ Saving Model At: save_model/best_model.pth
283
+
284
+ Saving Model At: save_model/best_model.pth
285
+
286
+ Saving Model At: save_model/best_model.pth
287
+
288
+ Saving Model At: save_model/best_model.pth
289
+
290
+ Saving Model At: save_model/best_model.pth
291
+
292
+ Saving Model At: save_model/best_model.pth
293
+
294
+ Saving Model At: save_model/best_model.pth
295
+
296
+ Saving Model At: save_model/best_model.pth
297
+
298
+ Saving Model At: save_model/best_model.pth
299
+
300
+ Saving Model At: save_model/best_model.pth
301
+
302
+ Saving Model At: save_model/best_model.pth
303
+
304
+ Saving Model At: save_model/best_model.pth
305
+
306
+ Saving Model At: save_model/best_model.pth
307
+
308
+ Saving Model At: save_model/best_model.pth
309
+
310
+ Saving Model At: save_model/best_model.pth
311
+
312
+ Saving Model At: save_model/best_model.pth
313
+
314
+ Study statistics:
315
+ Number of finished trials: 11
316
+ Number of pruned trials: 0
317
+ Number of complete trials: 11
318
+ Best trial:
319
+ Value: 0.5658254027366638
320
+ Params:
321
+ lr: 9.441552500921141e-07
322
+ n_estimators: 25
323
+ optimizer: Adam
results/inference.txt ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+
2
+ Model Loaded.
3
+ ============= Diagnostic Run torch.onnx.export version 2.0.1+cu117 =============
4
+ verbose: False, log level: Level.ERROR
5
+ ======================= 0 NONE 0 NOTE 0 WARNING 0 ERROR ========================
6
+
7
+ Predicted: "foie_gras", Actual: "churros"
results/norm_result.txt ADDED
@@ -0,0 +1,153 @@
 
0
  0%| | 0/50 [00:00<?, ?it/s]
1
  2%|▏ | 1/50 [03:02<2:28:40, 182.04s/it]
2
  4%|▍ | 2/50 [05:57<2:22:29, 178.12s/it]
3
  6%|▌ | 3/50 [08:49<2:17:18, 175.29s/it]
4
  8%|▊ | 4/50 [11:46<2:15:02, 176.15s/it]
5
  10%|█ | 5/50 [14:39<2:11:06, 174.80s/it]
6
  12%|█▏ | 6/50 [17:31<2:07:33, 173.94s/it]
7
  14%|█▍ | 7/50 [20:24<2:04:25, 173.61s/it]
8
  16%|█▌ | 8/50 [23:12<2:00:19, 171.90s/it]
9
  18%|█▊ | 9/50 [25:59<1:56:24, 170.34s/it]
10
  20%|██ | 10/50 [28:56<1:54:58, 172.45s/it]
11
  22%|██▏ | 11/50 [31:48<1:51:52, 172.12s/it]
12
  24%|██▍ | 12/50 [34:42<1:49:32, 172.96s/it]
13
  26%|██▌ | 13/50 [37:32<1:45:59, 171.89s/it]
14
  28%|██▊ | 14/50 [40:22<1:42:50, 171.40s/it]
15
  30%|███ | 15/50 [43:12<1:39:37, 170.80s/it]
16
  32%|███▏ | 16/50 [46:03<1:36:57, 171.11s/it]
17
  34%|███▍ | 17/50 [48:56<1:34:22, 171.60s/it]
18
  36%|███▌ | 18/50 [51:47<1:31:21, 171.31s/it]
19
  38%|███▊ | 19/50 [54:34<1:27:56, 170.22s/it]
20
  40%|████ | 20/50 [57:27<1:25:26, 170.88s/it]
21
  42%|████▏ | 21/50 [1:00:18<1:22:35, 170.86s/it]
22
  44%|████▍ | 22/50 [1:03:09<1:19:51, 171.14s/it]
23
  46%|████▌ | 23/50 [1:05:59<1:16:47, 170.63s/it]
24
  48%|████▊ | 24/50 [1:08:46<1:13:25, 169.42s/it]
25
  50%|█████ | 25/50 [1:11:35<1:10:39, 169.58s/it]
26
  52%|█████▏ | 26/50 [1:14:27<1:08:04, 170.19s/it]
27
  54%|█████▍ | 27/50 [1:17:17<1:05:15, 170.24s/it]
28
  56%|█████▌ | 28/50 [1:20:06<1:02:11, 169.62s/it]
29
  58%|█████▊ | 29/50 [1:23:01<59:56, 171.25s/it]
30
  60%|██████ | 30/50 [1:26:00<57:54, 173.71s/it]
31
  62%|██████▏ | 31/50 [1:28:59<55:27, 175.14s/it]
32
  64%|██████▍ | 32/50 [1:31:57<52:50, 176.11s/it]
33
  66%|██████▌ | 33/50 [1:34:56<50:06, 176.84s/it]
34
  68%|██████▊ | 34/50 [1:37:57<47:30, 178.14s/it]
35
  70%|███████ | 35/50 [1:40:55<44:32, 178.18s/it]
36
  72%|███████▏ | 36/50 [1:43:54<41:36, 178.30s/it]
37
  74%|███████▍ | 37/50 [1:46:52<38:39, 178.40s/it]
38
  76%|███████▌ | 38/50 [1:49:52<35:45, 178.83s/it]
39
  78%|███████▊ | 39/50 [1:52:54<32:57, 179.81s/it]
40
  80%|████████ | 40/50 [1:55:56<30:05, 180.53s/it]
41
  82%|████████▏ | 41/50 [1:58:57<27:04, 180.46s/it]
42
  84%|████████▍ | 42/50 [2:01:57<24:03, 180.41s/it]
43
  86%|████████▌ | 43/50 [2:04:58<21:03, 180.51s/it]
44
  88%|████████▊ | 44/50 [2:07:52<17:51, 178.63s/it]
45
  90%|█████████ | 45/50 [2:10:47<14:48, 177.70s/it]
46
  92%|█████████▏| 46/50 [2:13:48<11:53, 178.48s/it]
47
  94%|█████████▍| 47/50 [2:16:48<08:56, 178.91s/it]
48
  96%|█████████▌| 48/50 [2:19:44<05:56, 178.15s/it]
49
  98%|█████████▊| 49/50 [2:22:47<02:59, 179.71s/it]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
  0%| | 0/50 [00:00<?, ?it/s]
3
  2%|▏ | 1/50 [03:02<2:28:40, 182.04s/it]
4
  4%|▍ | 2/50 [05:57<2:22:29, 178.12s/it]
5
  6%|▌ | 3/50 [08:49<2:17:18, 175.29s/it]
6
  8%|▊ | 4/50 [11:46<2:15:02, 176.15s/it]
7
  10%|█ | 5/50 [14:39<2:11:06, 174.80s/it]
8
  12%|█▏ | 6/50 [17:31<2:07:33, 173.94s/it]
9
  14%|█▍ | 7/50 [20:24<2:04:25, 173.61s/it]
10
  16%|█▌ | 8/50 [23:12<2:00:19, 171.90s/it]
11
  18%|█▊ | 9/50 [25:59<1:56:24, 170.34s/it]
12
  20%|██ | 10/50 [28:56<1:54:58, 172.45s/it]
13
  22%|██▏ | 11/50 [31:48<1:51:52, 172.12s/it]
14
  24%|██▍ | 12/50 [34:42<1:49:32, 172.96s/it]
15
  26%|██▌ | 13/50 [37:32<1:45:59, 171.89s/it]
16
  28%|██▊ | 14/50 [40:22<1:42:50, 171.40s/it]
17
  30%|███ | 15/50 [43:12<1:39:37, 170.80s/it]
18
  32%|███▏ | 16/50 [46:03<1:36:57, 171.11s/it]
19
  34%|███▍ | 17/50 [48:56<1:34:22, 171.60s/it]
20
  36%|███▌ | 18/50 [51:47<1:31:21, 171.31s/it]
21
  38%|███▊ | 19/50 [54:34<1:27:56, 170.22s/it]
22
  40%|████ | 20/50 [57:27<1:25:26, 170.88s/it]
23
  42%|████▏ | 21/50 [1:00:18<1:22:35, 170.86s/it]
24
  44%|████▍ | 22/50 [1:03:09<1:19:51, 171.14s/it]
25
  46%|████▌ | 23/50 [1:05:59<1:16:47, 170.63s/it]
26
  48%|████▊ | 24/50 [1:08:46<1:13:25, 169.42s/it]
27
  50%|█████ | 25/50 [1:11:35<1:10:39, 169.58s/it]
28
  52%|█████▏ | 26/50 [1:14:27<1:08:04, 170.19s/it]
29
  54%|█████▍ | 27/50 [1:17:17<1:05:15, 170.24s/it]
30
  56%|█████▌ | 28/50 [1:20:06<1:02:11, 169.62s/it]
31
  58%|█████▊ | 29/50 [1:23:01<59:56, 171.25s/it]
32
  60%|██████ | 30/50 [1:26:00<57:54, 173.71s/it]
33
  62%|██████▏ | 31/50 [1:28:59<55:27, 175.14s/it]
34
  64%|██████▍ | 32/50 [1:31:57<52:50, 176.11s/it]
35
  66%|██████▌ | 33/50 [1:34:56<50:06, 176.84s/it]
36
  68%|██████▊ | 34/50 [1:37:57<47:30, 178.14s/it]
37
  70%|███████ | 35/50 [1:40:55<44:32, 178.18s/it]
38
  72%|███████▏ | 36/50 [1:43:54<41:36, 178.30s/it]
39
  74%|███████▍ | 37/50 [1:46:52<38:39, 178.40s/it]
40
  76%|███████▌ | 38/50 [1:49:52<35:45, 178.83s/it]
41
  78%|███████▊ | 39/50 [1:52:54<32:57, 179.81s/it]
42
  80%|████████ | 40/50 [1:55:56<30:05, 180.53s/it]
43
  82%|████████▏ | 41/50 [1:58:57<27:04, 180.46s/it]
44
  84%|████████▍ | 42/50 [2:01:57<24:03, 180.41s/it]
45
  86%|████████▌ | 43/50 [2:04:58<21:03, 180.51s/it]
46
  88%|████████▊ | 44/50 [2:07:52<17:51, 178.63s/it]
47
  90%|█████████ | 45/50 [2:10:47<14:48, 177.70s/it]
48
  92%|█████████▏| 46/50 [2:13:48<11:53, 178.48s/it]
49
  94%|█████████▍| 47/50 [2:16:48<08:56, 178.91s/it]
50
  96%|█████████▌| 48/50 [2:19:44<05:56, 178.15s/it]
51
  98%|█████████▊| 49/50 [2:22:47<02:59, 179.71s/it]
52
+
53
+ Epoch: 1
54
+ Train Loss: 4.61298 | Test Loss: 4.57462 || Train Accuracy: 0.00807 | Test Accuracy: 0.01234
55
+
56
+ Epoch: 2
57
+ Train Loss: 4.54959 | Test Loss: 4.50744 || Train Accuracy: 0.01589 | Test Accuracy: 0.02649
58
+
59
+ Epoch: 3
60
+ Train Loss: 4.48293 | Test Loss: 4.42678 || Train Accuracy: 0.02941 | Test Accuracy: 0.05546
61
+
62
+ Epoch: 4
63
+ Train Loss: 4.39801 | Test Loss: 4.32090 || Train Accuracy: 0.05808 | Test Accuracy: 0.09146
64
+
65
+ Epoch: 5
66
+ Train Loss: 4.28898 | Test Loss: 4.18107 || Train Accuracy: 0.09220 | Test Accuracy: 0.13604
67
+
68
+ Epoch: 6
69
+ Train Loss: 4.14920 | Test Loss: 4.00449 || Train Accuracy: 0.12465 | Test Accuracy: 0.17627
70
+
71
+ Epoch: 7
72
+ Train Loss: 3.99599 | Test Loss: 3.80676 || Train Accuracy: 0.15511 | Test Accuracy: 0.20713
73
+
74
+ Epoch: 8
75
+ Train Loss: 3.82920 | Test Loss: 3.61080 || Train Accuracy: 0.17907 | Test Accuracy: 0.23579
76
+
77
+ Epoch: 9
78
+ Train Loss: 3.66800 | Test Loss: 3.41604 || Train Accuracy: 0.20330 | Test Accuracy: 0.25473
79
+
80
+ Epoch: 10
81
+ Train Loss: 3.50918 | Test Loss: 3.24932 || Train Accuracy: 0.21650 | Test Accuracy: 0.27300
82
+
83
+ Epoch: 11
84
+ Train Loss: 3.36123 | Test Loss: 3.09507 || Train Accuracy: 0.23772 | Test Accuracy: 0.29009
85
+
86
+ Epoch: 12
87
+ Train Loss: 3.21851 | Test Loss: 2.93883 || Train Accuracy: 0.25185 | Test Accuracy: 0.30072
88
+
89
+ Epoch: 13
90
+ Train Loss: 3.09051 | Test Loss: 2.81236 || Train Accuracy: 0.26342 | Test Accuracy: 0.31615
91
+
92
+ Epoch: 14
93
+ Train Loss: 2.97843 | Test Loss: 2.67688 || Train Accuracy: 0.27258 | Test Accuracy: 0.33303
94
+
95
+ Epoch: 15
96
+ Train Loss: 2.86855 | Test Loss: 2.59203 || Train Accuracy: 0.28676 | Test Accuracy: 0.34505
97
+
98
+ Epoch: 16
99
+ Train Loss: 2.76454 | Test Loss: 2.46366 || Train Accuracy: 0.29645 | Test Accuracy: 0.35687
100
+
101
+ Epoch: 17
102
+ Train Loss: 2.66858 | Test Loss: 2.35961 || Train Accuracy: 0.30969 | Test Accuracy: 0.36896
103
+
104
+ Epoch: 18
105
+ Train Loss: 2.57830 | Test Loss: 2.29113 || Train Accuracy: 0.32281 | Test Accuracy: 0.38295
106
+
107
+ Epoch: 19
108
+ Train Loss: 2.49827 | Test Loss: 2.21650 || Train Accuracy: 0.33347 | Test Accuracy: 0.39498
109
+
110
+ Epoch: 20
111
+ Train Loss: 2.42086 | Test Loss: 2.14059 || Train Accuracy: 0.34202 | Test Accuracy: 0.40597
112
+
113
+ Epoch: 21
114
+ Train Loss: 2.34476 | Test Loss: 2.06311 || Train Accuracy: 0.35893 | Test Accuracy: 0.41456
115
+
116
+ Epoch: 22
117
+ Train Loss: 2.27082 | Test Loss: 1.99609 || Train Accuracy: 0.36612 | Test Accuracy: 0.42452
118
+
119
+ Epoch: 23
120
+ Train Loss: 2.20527 | Test Loss: 1.94224 || Train Accuracy: 0.37433 | Test Accuracy: 0.43183
121
+
122
+ Epoch: 24
123
+ Train Loss: 2.14534 | Test Loss: 1.89414 || Train Accuracy: 0.39044 | Test Accuracy: 0.43945
124
+
125
+ Epoch: 25
126
+ Train Loss: 2.09084 | Test Loss: 1.84661 || Train Accuracy: 0.39262 | Test Accuracy: 0.45064
127
+
128
+ Epoch: 26
129
+ Train Loss: 2.02959 | Test Loss: 1.76794 || Train Accuracy: 0.40709 | Test Accuracy: 0.46126
130
+
131
+ Epoch: 27
132
+ Train Loss: 1.98474 | Test Loss: 1.73753 || Train Accuracy: 0.41029 | Test Accuracy: 0.46164
133
+
134
+ Epoch: 28
135
+ Train Loss: 1.93014 | Test Loss: 1.68975 || Train Accuracy: 0.42321 | Test Accuracy: 0.47281
136
+
137
+ Epoch: 29
138
+ Train Loss: 1.87827 | Test Loss: 1.65753 || Train Accuracy: 0.42787 | Test Accuracy: 0.47670
139
+
140
+ Epoch: 30
141
+ Train Loss: 1.83835 | Test Loss: 1.62035 || Train Accuracy: 0.43941 | Test Accuracy: 0.48588
142
+
143
+ Epoch: 31
144
+ Train Loss: 1.79406 | Test Loss: 1.58791 || Train Accuracy: 0.44584 | Test Accuracy: 0.49323
145
+
146
+ Epoch: 32
147
+ Train Loss: 1.75459 | Test Loss: 1.56129 || Train Accuracy: 0.45799 | Test Accuracy: 0.49591
148
+
149
+ Epoch: 33
150
+ Train Loss: 1.71615 | Test Loss: 1.52328 || Train Accuracy: 0.45958 | Test Accuracy: 0.50340
151
+
152
+ Epoch: 34
153
+ Train Loss: 1.68502 | Test Loss: 1.50471 || Train Accuracy: 0.46491 | Test Accuracy: 0.50596
154
+
155
+ Epoch: 35
156
+ Train Loss: 1.64473 | Test Loss: 1.46475 || Train Accuracy: 0.47465 | Test Accuracy: 0.51220
157
+
158
+ Epoch: 36
159
+ Train Loss: 1.61245 | Test Loss: 1.43655 || Train Accuracy: 0.48251 | Test Accuracy: 0.51640
160
+
161
+ Epoch: 37
162
+ Train Loss: 1.57778 | Test Loss: 1.42014 || Train Accuracy: 0.49320 | Test Accuracy: 0.51885
163
+
164
+ Epoch: 38
165
+ Train Loss: 1.54909 | Test Loss: 1.39183 || Train Accuracy: 0.48998 | Test Accuracy: 0.52207
166
+
167
+ Epoch: 39
168
+ Train Loss: 1.51083 | Test Loss: 1.37381 || Train Accuracy: 0.50204 | Test Accuracy: 0.52653
169
+
170
+ Epoch: 40
171
+ Train Loss: 1.49493 | Test Loss: 1.35692 || Train Accuracy: 0.50977 | Test Accuracy: 0.52963
172
+
173
+ Epoch: 41
174
+ Train Loss: 1.45872 | Test Loss: 1.33956 || Train Accuracy: 0.50905 | Test Accuracy: 0.53182
175
+
176
+ Epoch: 42
177
+ Train Loss: 1.42958 | Test Loss: 1.31400 || Train Accuracy: 0.52015 | Test Accuracy: 0.53211
178
+
179
+ Epoch: 43
180
+ Train Loss: 1.39766 | Test Loss: 1.30862 || Train Accuracy: 0.52711 | Test Accuracy: 0.53479
181
+
182
+ Epoch: 44
183
+ Train Loss: 1.37803 | Test Loss: 1.28477 || Train Accuracy: 0.53449 | Test Accuracy: 0.54357
184
+
185
+ Epoch: 45
186
+ Train Loss: 1.35104 | Test Loss: 1.26904 || Train Accuracy: 0.54045 | Test Accuracy: 0.54389
187
+
188
+ Epoch: 46
189
+ Train Loss: 1.32729 | Test Loss: 1.24979 || Train Accuracy: 0.54576 | Test Accuracy: 0.54600
190
+
191
+ Epoch: 47
192
+ Train Loss: 1.30269 | Test Loss: 1.24156 || Train Accuracy: 0.54711 | Test Accuracy: 0.54635
193
+
194
+ Epoch: 48
195
+ Train Loss: 1.28490 | Test Loss: 1.23012 || Train Accuracy: 0.55110 | Test Accuracy: 0.54742
196
+
197
+ Epoch: 49
198
+ Train Loss: 1.25896 | Test Loss: 1.21039 || Train Accuracy: 0.56024 | Test Accuracy: 0.55533
199
+
200
+ Epoch: 50
201
+ Train Loss: 1.23424 | Test Loss: 1.20630 || Train Accuracy: 0.56350 | Test Accuracy: 0.55643
202
+
203
+ Saving Model At: save_model/train_model_4e-06.pth
results/result_20.txt ADDED
@@ -0,0 +1,78 @@
 
0
  0%| | 0/25 [00:00<?, ?it/s]
1
  4%|▍ | 1/25 [03:38<1:27:23, 218.48s/it]
2
  8%|▊ | 2/25 [07:12<1:22:46, 215.92s/it]
3
  12%|█▏ | 3/25 [10:48<1:19:14, 216.13s/it]
4
  16%|█▌ | 4/25 [14:26<1:15:47, 216.56s/it]
5
  20%|██ | 5/25 [18:00<1:11:52, 215.62s/it]
6
  24%|██▍ | 6/25 [21:36<1:08:21, 215.88s/it]
7
  28%|██▊ | 7/25 [25:09<1:04:30, 215.03s/it]
8
  32%|███▏ | 8/25 [28:43<1:00:48, 214.61s/it]
9
  36%|███▌ | 9/25 [32:16<57:07, 214.23s/it]
10
  40%|████ | 10/25 [35:58<54:08, 216.57s/it]
11
  44%|████▍ | 11/25 [39:39<50:51, 217.96s/it]
12
  48%|████▊ | 12/25 [43:21<47:27, 219.02s/it]
13
  52%|█████▏ | 13/25 [47:01<43:51, 219.26s/it]
14
  56%|█████▌ | 14/25 [50:43<40:21, 220.16s/it]
15
  60%|██████ | 15/25 [54:24<36:43, 220.40s/it]
16
  64%|██████▍ | 16/25 [57:57<32:44, 218.26s/it]
17
  68%|██████▊ | 17/25 [1:01:36<29:07, 218.45s/it]
18
  72%|███████▏ | 18/25 [1:05:08<25:16, 216.61s/it]
19
  76%|███████▌ | 19/25 [1:08:46<21:42, 217.08s/it]
20
  80%|████████ | 20/25 [1:12:34<18:21, 220.36s/it]
21
  84%|████████▍ | 21/25 [1:16:09<14:34, 218.67s/it]
22
  88%|████████▊ | 22/25 [1:19:45<10:53, 217.93s/it]
23
  92%|█████████▏| 23/25 [1:23:19<07:13, 216.67s/it]
24
  96%|█████████▌| 24/25 [1:26:54<03:36, 216.21s/it]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
  0%| | 0/25 [00:00<?, ?it/s]
3
  4%|▍ | 1/25 [03:38<1:27:23, 218.48s/it]
4
  8%|▊ | 2/25 [07:12<1:22:46, 215.92s/it]
5
  12%|█▏ | 3/25 [10:48<1:19:14, 216.13s/it]
6
  16%|█▌ | 4/25 [14:26<1:15:47, 216.56s/it]
7
  20%|██ | 5/25 [18:00<1:11:52, 215.62s/it]
8
  24%|██▍ | 6/25 [21:36<1:08:21, 215.88s/it]
9
  28%|██▊ | 7/25 [25:09<1:04:30, 215.03s/it]
10
  32%|███▏ | 8/25 [28:43<1:00:48, 214.61s/it]
11
  36%|███▌ | 9/25 [32:16<57:07, 214.23s/it]
12
  40%|████ | 10/25 [35:58<54:08, 216.57s/it]
13
  44%|████▍ | 11/25 [39:39<50:51, 217.96s/it]
14
  48%|████▊ | 12/25 [43:21<47:27, 219.02s/it]
15
  52%|█████▏ | 13/25 [47:01<43:51, 219.26s/it]
16
  56%|█████▌ | 14/25 [50:43<40:21, 220.16s/it]
17
  60%|██████ | 15/25 [54:24<36:43, 220.40s/it]
18
  64%|██████▍ | 16/25 [57:57<32:44, 218.26s/it]
19
  68%|██████▊ | 17/25 [1:01:36<29:07, 218.45s/it]
20
  72%|███████▏ | 18/25 [1:05:08<25:16, 216.61s/it]
21
  76%|███████▌ | 19/25 [1:08:46<21:42, 217.08s/it]
22
  80%|████████ | 20/25 [1:12:34<18:21, 220.36s/it]
23
  84%|████████▍ | 21/25 [1:16:09<14:34, 218.67s/it]
24
  88%|████████▊ | 22/25 [1:19:45<10:53, 217.93s/it]
25
  92%|█████████▏| 23/25 [1:23:19<07:13, 216.67s/it]
26
  96%|█████████▌| 24/25 [1:26:54<03:36, 216.21s/it]
27
+
28
+ Epoch: 1
29
+ Train Loss: 4.54480 | Test Loss: 4.40086 || Train Accuracy: 0.02033 | Test Accuracy: 0.06554
30
+
31
+ Epoch: 2
32
+ Train Loss: 4.23497 | Test Loss: 3.91198 || Train Accuracy: 0.09910 | Test Accuracy: 0.19270
33
+
34
+ Epoch: 3
35
+ Train Loss: 3.72633 | Test Loss: 3.27485 || Train Accuracy: 0.18921 | Test Accuracy: 0.27117
36
+
37
+ Epoch: 4
38
+ Train Loss: 3.23844 | Test Loss: 2.80989 || Train Accuracy: 0.24752 | Test Accuracy: 0.31899
39
+
40
+ Epoch: 5
41
+ Train Loss: 2.84906 | Test Loss: 2.44867 || Train Accuracy: 0.28938 | Test Accuracy: 0.36460
42
+
43
+ Epoch: 6
44
+ Train Loss: 2.54602 | Test Loss: 2.17645 || Train Accuracy: 0.33014 | Test Accuracy: 0.39797
45
+
46
+ Epoch: 7
47
+ Train Loss: 2.30744 | Test Loss: 1.95661 || Train Accuracy: 0.36248 | Test Accuracy: 0.43370
48
+
49
+ Epoch: 8
50
+ Train Loss: 2.11624 | Test Loss: 1.79439 || Train Accuracy: 0.38684 | Test Accuracy: 0.45905
51
+
52
+ Epoch: 9
53
+ Train Loss: 1.94724 | Test Loss: 1.65070 || Train Accuracy: 0.41640 | Test Accuracy: 0.47721
54
+
55
+ Epoch: 10
56
+ Train Loss: 1.81705 | Test Loss: 1.55378 || Train Accuracy: 0.43854 | Test Accuracy: 0.49538
57
+
58
+ Epoch: 11
59
+ Train Loss: 1.70089 | Test Loss: 1.45779 || Train Accuracy: 0.45786 | Test Accuracy: 0.51296
60
+
61
+ Epoch: 12
62
+ Train Loss: 1.59961 | Test Loss: 1.37595 || Train Accuracy: 0.47796 | Test Accuracy: 0.52727
63
+
64
+ Epoch: 13
65
+ Train Loss: 1.51026 | Test Loss: 1.30817 || Train Accuracy: 0.49863 | Test Accuracy: 0.54201
66
+
67
+ Epoch: 14
68
+ Train Loss: 1.43015 | Test Loss: 1.25472 || Train Accuracy: 0.51487 | Test Accuracy: 0.54927
69
+
70
+ Epoch: 15
71
+ Train Loss: 1.35515 | Test Loss: 1.21607 || Train Accuracy: 0.53062 | Test Accuracy: 0.55633
72
+
73
+ Epoch: 16
74
+ Train Loss: 1.29236 | Test Loss: 1.16553 || Train Accuracy: 0.54390 | Test Accuracy: 0.57092
75
+
76
+ Epoch: 17
77
+ Train Loss: 1.23855 | Test Loss: 1.13611 || Train Accuracy: 0.55646 | Test Accuracy: 0.57811
78
+
79
+ Epoch: 18
80
+ Train Loss: 1.17125 | Test Loss: 1.11371 || Train Accuracy: 0.57771 | Test Accuracy: 0.58057
81
+
82
+ Epoch: 19
83
+ Train Loss: 1.12487 | Test Loss: 1.08567 || Train Accuracy: 0.58283 | Test Accuracy: 0.58822
84
+
85
+ Epoch: 20
86
+ Train Loss: 1.07632 | Test Loss: 1.05419 || Train Accuracy: 0.60253 | Test Accuracy: 0.59501
87
+
88
+ Epoch: 21
89
+ Train Loss: 1.02422 | Test Loss: 1.02926 || Train Accuracy: 0.61423 | Test Accuracy: 0.60114
90
+
91
+ Epoch: 22
92
+ Train Loss: 0.98334 | Test Loss: 1.01630 || Train Accuracy: 0.62051 | Test Accuracy: 0.60067
93
+
94
+ Epoch: 23
95
+ Train Loss: 0.94386 | Test Loss: 1.00281 || Train Accuracy: 0.63427 | Test Accuracy: 0.60282
96
+
97
+ Epoch: 24
98
+ Train Loss: 0.90378 | Test Loss: 0.98175 || Train Accuracy: 0.64794 | Test Accuracy: 0.60909
99
+
100
+ Epoch: 25
101
+ Train Loss: 0.86799 | Test Loss: 0.97405 || Train Accuracy: 0.65758 | Test Accuracy: 0.60982
102
+
103
+ Saving Model At: save_model/train_model_1e-05.pth
results/result_50.txt ADDED
@@ -0,0 +1,153 @@
 
0
  0%| | 0/50 [00:00<?, ?it/s]
1
  2%|▏ | 1/50 [02:55<2:23:19, 175.50s/it]
2
  4%|▍ | 2/50 [05:50<2:20:01, 175.03s/it]
3
  6%|▌ | 3/50 [08:49<2:18:31, 176.84s/it]
4
  8%|▊ | 4/50 [11:47<2:16:10, 177.61s/it]
5
  10%|█ | 5/50 [14:43<2:12:43, 176.97s/it]
6
  12%|█▏ | 6/50 [17:38<2:09:10, 176.14s/it]
7
  14%|█▍ | 7/50 [20:29<2:05:10, 174.67s/it]
8
  16%|█▌ | 8/50 [23:28<2:03:03, 175.80s/it]
9
  18%|█▊ | 9/50 [26:26<2:00:34, 176.45s/it]
10
  20%|██ | 10/50 [29:23<1:57:43, 176.60s/it]
11
  22%|██▏ | 11/50 [32:19<1:54:50, 176.68s/it]
12
  24%|██▍ | 12/50 [35:13<1:51:20, 175.80s/it]
13
  26%|██▌ | 13/50 [38:07<1:48:02, 175.20s/it]
14
  28%|██▊ | 14/50 [40:56<1:43:56, 173.24s/it]
15
  30%|███ | 15/50 [43:45<1:40:23, 172.11s/it]
16
  32%|███▏ | 16/50 [46:34<1:36:56, 171.07s/it]
17
  34%|███▍ | 17/50 [49:25<1:34:09, 171.19s/it]
18
  36%|███▌ | 18/50 [52:19<1:31:37, 171.80s/it]
19
  38%|███▊ | 19/50 [55:10<1:28:42, 171.69s/it]
20
  40%|████ | 20/50 [58:07<1:26:34, 173.16s/it]
21
  42%|████▏ | 21/50 [1:00:57<1:23:18, 172.38s/it]
22
  44%|████▍ | 22/50 [1:03:47<1:20:02, 171.50s/it]
23
  46%|████▌ | 23/50 [1:06:38<1:17:13, 171.62s/it]
24
  48%|████▊ | 24/50 [1:09:35<1:15:00, 173.11s/it]
25
  50%|█████ | 25/50 [1:12:30<1:12:23, 173.76s/it]
26
  52%|█████▏ | 26/50 [1:15:25<1:09:38, 174.11s/it]
27
  54%|█████▍ | 27/50 [1:18:18<1:06:35, 173.73s/it]
28
  56%|█████▌ | 28/50 [1:21:13<1:03:49, 174.06s/it]
29
  58%|█████▊ | 29/50 [1:24:04<1:00:39, 173.31s/it]
30
  60%|██████ | 30/50 [1:26:57<57:38, 172.92s/it]
31
  62%|██████▏ | 31/50 [1:29:44<54:17, 171.43s/it]
32
  64%|██████▍ | 32/50 [1:32:32<51:03, 170.17s/it]
33
  66%|██████▌ | 33/50 [1:35:23<48:20, 170.61s/it]
34
  68%|██████▊ | 34/50 [1:38:15<45:35, 170.95s/it]
35
  70%|███████ | 35/50 [1:41:06<42:43, 170.87s/it]
36
  72%|███████▏ | 36/50 [1:43:52<39:34, 169.59s/it]
37
  74%|███████▍ | 37/50 [1:46:38<36:29, 168.39s/it]
38
  76%|███████▌ | 38/50 [1:49:26<33:38, 168.17s/it]
39
  78%|███████▊ | 39/50 [1:52:17<30:59, 169.06s/it]
40
  80%|████████ | 40/50 [1:55:08<28:16, 169.62s/it]
41
  82%|████████▏ | 41/50 [1:58:02<25:40, 171.17s/it]
42
  84%|████████▍ | 42/50 [2:00:55<22:53, 171.70s/it]
43
  86%|████████▌ | 43/50 [2:03:41<19:48, 169.79s/it]
44
  88%|████████▊ | 44/50 [2:06:31<16:59, 169.92s/it]
45
  90%|█████████ | 45/50 [2:09:16<14:03, 168.61s/it]
46
  92%|█████████▏| 46/50 [2:12:03<11:11, 167.94s/it]
47
  94%|█████████▍| 47/50 [2:14:53<08:25, 168.53s/it]
48
  96%|█████████▌| 48/50 [2:17:41<05:36, 168.42s/it]
49
  98%|█████████▊| 49/50 [2:20:31<02:48, 168.77s/it]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
  0%| | 0/50 [00:00<?, ?it/s]
3
  2%|▏ | 1/50 [02:55<2:23:19, 175.50s/it]
4
  4%|▍ | 2/50 [05:50<2:20:01, 175.03s/it]
5
  6%|▌ | 3/50 [08:49<2:18:31, 176.84s/it]
6
  8%|▊ | 4/50 [11:47<2:16:10, 177.61s/it]
7
  10%|█ | 5/50 [14:43<2:12:43, 176.97s/it]
8
  12%|█▏ | 6/50 [17:38<2:09:10, 176.14s/it]
9
  14%|█▍ | 7/50 [20:29<2:05:10, 174.67s/it]
10
  16%|█▌ | 8/50 [23:28<2:03:03, 175.80s/it]
11
  18%|█▊ | 9/50 [26:26<2:00:34, 176.45s/it]
12
  20%|██ | 10/50 [29:23<1:57:43, 176.60s/it]
13
  22%|██▏ | 11/50 [32:19<1:54:50, 176.68s/it]
14
  24%|██▍ | 12/50 [35:13<1:51:20, 175.80s/it]
15
  26%|██▌ | 13/50 [38:07<1:48:02, 175.20s/it]
16
  28%|██▊ | 14/50 [40:56<1:43:56, 173.24s/it]
17
  30%|███ | 15/50 [43:45<1:40:23, 172.11s/it]
18
  32%|███▏ | 16/50 [46:34<1:36:56, 171.07s/it]
19
  34%|███▍ | 17/50 [49:25<1:34:09, 171.19s/it]
20
  36%|███▌ | 18/50 [52:19<1:31:37, 171.80s/it]
21
  38%|███▊ | 19/50 [55:10<1:28:42, 171.69s/it]
22
  40%|████ | 20/50 [58:07<1:26:34, 173.16s/it]
23
  42%|████▏ | 21/50 [1:00:57<1:23:18, 172.38s/it]
24
  44%|████▍ | 22/50 [1:03:47<1:20:02, 171.50s/it]
25
  46%|████▌ | 23/50 [1:06:38<1:17:13, 171.62s/it]
26
  48%|████▊ | 24/50 [1:09:35<1:15:00, 173.11s/it]
27
  50%|█████ | 25/50 [1:12:30<1:12:23, 173.76s/it]
28
  52%|█████▏ | 26/50 [1:15:25<1:09:38, 174.11s/it]
29
  54%|█████▍ | 27/50 [1:18:18<1:06:35, 173.73s/it]
30
  56%|█████▌ | 28/50 [1:21:13<1:03:49, 174.06s/it]
31
  58%|█████▊ | 29/50 [1:24:04<1:00:39, 173.31s/it]
32
  60%|██████ | 30/50 [1:26:57<57:38, 172.92s/it]
33
  62%|██████▏ | 31/50 [1:29:44<54:17, 171.43s/it]
34
  64%|██████▍ | 32/50 [1:32:32<51:03, 170.17s/it]
35
  66%|██████▌ | 33/50 [1:35:23<48:20, 170.61s/it]
36
  68%|██████▊ | 34/50 [1:38:15<45:35, 170.95s/it]
37
  70%|███████ | 35/50 [1:41:06<42:43, 170.87s/it]
38
  72%|███████▏ | 36/50 [1:43:52<39:34, 169.59s/it]
39
  74%|███████▍ | 37/50 [1:46:38<36:29, 168.39s/it]
40
  76%|███████▌ | 38/50 [1:49:26<33:38, 168.17s/it]
41
  78%|███████▊ | 39/50 [1:52:17<30:59, 169.06s/it]
42
  80%|████████ | 40/50 [1:55:08<28:16, 169.62s/it]
43
  82%|████████▏ | 41/50 [1:58:02<25:40, 171.17s/it]
44
  84%|████████▍ | 42/50 [2:00:55<22:53, 171.70s/it]
45
  86%|████████▌ | 43/50 [2:03:41<19:48, 169.79s/it]
46
  88%|████████▊ | 44/50 [2:06:31<16:59, 169.92s/it]
47
  90%|█████████ | 45/50 [2:09:16<14:03, 168.61s/it]
48
  92%|█████████▏| 46/50 [2:12:03<11:11, 167.94s/it]
49
  94%|█████████▍| 47/50 [2:14:53<08:25, 168.53s/it]
50
  96%|█████████▌| 48/50 [2:17:41<05:36, 168.42s/it]
51
  98%|█████████▊| 49/50 [2:20:31<02:48, 168.77s/it]
52
+
53
+ Epoch: 1
54
+ Train Loss: 4.61311 | Test Loss: 4.57140 || Train Accuracy: 0.00822 | Test Accuracy: 0.01238
55
+
56
+ Epoch: 2
57
+ Train Loss: 4.55110 | Test Loss: 4.50663 || Train Accuracy: 0.01618 | Test Accuracy: 0.02801
58
+
59
+ Epoch: 3
60
+ Train Loss: 4.48176 | Test Loss: 4.42202 || Train Accuracy: 0.03321 | Test Accuracy: 0.05799
61
+
62
+ Epoch: 4
63
+ Train Loss: 4.39320 | Test Loss: 4.31635 || Train Accuracy: 0.06030 | Test Accuracy: 0.09786
64
+
65
+ Epoch: 5
66
+ Train Loss: 4.28416 | Test Loss: 4.17219 || Train Accuracy: 0.09393 | Test Accuracy: 0.14194
67
+
68
+ Epoch: 6
69
+ Train Loss: 4.13886 | Test Loss: 3.98871 || Train Accuracy: 0.12748 | Test Accuracy: 0.17830
70
+
71
+ Epoch: 7
72
+ Train Loss: 3.97565 | Test Loss: 3.79934 || Train Accuracy: 0.16209 | Test Accuracy: 0.21215
73
+
74
+ Epoch: 8
75
+ Train Loss: 3.80685 | Test Loss: 3.58789 || Train Accuracy: 0.18250 | Test Accuracy: 0.23079
76
+
77
+ Epoch: 9
78
+ Train Loss: 3.64305 | Test Loss: 3.45338 || Train Accuracy: 0.20222 | Test Accuracy: 0.25743
79
+
80
+ Epoch: 10
81
+ Train Loss: 3.49677 | Test Loss: 3.26330 || Train Accuracy: 0.21688 | Test Accuracy: 0.27583
82
+
83
+ Epoch: 11
84
+ Train Loss: 3.34792 | Test Loss: 3.10469 || Train Accuracy: 0.23781 | Test Accuracy: 0.29091
85
+
86
+ Epoch: 12
87
+ Train Loss: 3.20788 | Test Loss: 2.94270 || Train Accuracy: 0.25400 | Test Accuracy: 0.30615
88
+
89
+ Epoch: 13
90
+ Train Loss: 3.08369 | Test Loss: 2.82091 || Train Accuracy: 0.26199 | Test Accuracy: 0.32230
91
+
92
+ Epoch: 14
93
+ Train Loss: 2.96920 | Test Loss: 2.70113 || Train Accuracy: 0.28136 | Test Accuracy: 0.33737
94
+
95
+ Epoch: 15
96
+ Train Loss: 2.86222 | Test Loss: 2.57494 || Train Accuracy: 0.29079 | Test Accuracy: 0.34906
97
+
98
+ Epoch: 16
99
+ Train Loss: 2.75817 | Test Loss: 2.47304 || Train Accuracy: 0.30299 | Test Accuracy: 0.36729
100
+
101
+ Epoch: 17
102
+ Train Loss: 2.65771 | Test Loss: 2.38487 || Train Accuracy: 0.31518 | Test Accuracy: 0.37654
103
+
104
+ Epoch: 18
105
+ Train Loss: 2.57432 | Test Loss: 2.29379 || Train Accuracy: 0.32641 | Test Accuracy: 0.38946
106
+
107
+ Epoch: 19
108
+ Train Loss: 2.47982 | Test Loss: 2.20300 || Train Accuracy: 0.34461 | Test Accuracy: 0.40082
109
+
110
+ Epoch: 20
111
+ Train Loss: 2.40916 | Test Loss: 2.12339 || Train Accuracy: 0.35451 | Test Accuracy: 0.40934
112
+
113
+ Epoch: 21
114
+ Train Loss: 2.32771 | Test Loss: 2.05966 || Train Accuracy: 0.36562 | Test Accuracy: 0.41964
115
+
116
+ Epoch: 22
117
+ Train Loss: 2.26082 | Test Loss: 1.99939 || Train Accuracy: 0.37409 | Test Accuracy: 0.43084
118
+
119
+ Epoch: 23
120
+ Train Loss: 2.19902 | Test Loss: 1.93918 || Train Accuracy: 0.38025 | Test Accuracy: 0.43846
121
+
122
+ Epoch: 24
123
+ Train Loss: 2.13738 | Test Loss: 1.89079 || Train Accuracy: 0.39498 | Test Accuracy: 0.44064
124
+
125
+ Epoch: 25
126
+ Train Loss: 2.08157 | Test Loss: 1.83362 || Train Accuracy: 0.39733 | Test Accuracy: 0.44783
127
+
128
+ Epoch: 26
129
+ Train Loss: 2.02082 | Test Loss: 1.77859 || Train Accuracy: 0.41026 | Test Accuracy: 0.45830
130
+
131
+ Epoch: 27
132
+ Train Loss: 1.97100 | Test Loss: 1.73532 || Train Accuracy: 0.42021 | Test Accuracy: 0.46355
133
+
134
+ Epoch: 28
135
+ Train Loss: 1.92201 | Test Loss: 1.70182 || Train Accuracy: 0.42769 | Test Accuracy: 0.47038
136
+
137
+ Epoch: 29
138
+ Train Loss: 1.87888 | Test Loss: 1.66066 || Train Accuracy: 0.43447 | Test Accuracy: 0.47528
139
+
140
+ Epoch: 30
141
+ Train Loss: 1.83671 | Test Loss: 1.62636 || Train Accuracy: 0.43882 | Test Accuracy: 0.48363
142
+
143
+ Epoch: 31
144
+ Train Loss: 1.79174 | Test Loss: 1.59488 || Train Accuracy: 0.44832 | Test Accuracy: 0.48278
145
+
146
+ Epoch: 32
147
+ Train Loss: 1.75153 | Test Loss: 1.54587 || Train Accuracy: 0.45677 | Test Accuracy: 0.49407
148
+
149
+ Epoch: 33
150
+ Train Loss: 1.70986 | Test Loss: 1.51729 || Train Accuracy: 0.46725 | Test Accuracy: 0.49687
151
+
152
+ Epoch: 34
153
+ Train Loss: 1.67850 | Test Loss: 1.49519 || Train Accuracy: 0.47018 | Test Accuracy: 0.50080
154
+
155
+ Epoch: 35
156
+ Train Loss: 1.64491 | Test Loss: 1.47187 || Train Accuracy: 0.48170 | Test Accuracy: 0.50509
157
+
158
+ Epoch: 36
159
+ Train Loss: 1.60652 | Test Loss: 1.43719 || Train Accuracy: 0.48456 | Test Accuracy: 0.51574
160
+
161
+ Epoch: 37
162
+ Train Loss: 1.57641 | Test Loss: 1.42869 || Train Accuracy: 0.48982 | Test Accuracy: 0.51615
163
+
164
+ Epoch: 38
165
+ Train Loss: 1.54231 | Test Loss: 1.38871 || Train Accuracy: 0.49637 | Test Accuracy: 0.52524
166
+
167
+ Epoch: 39
168
+ Train Loss: 1.51172 | Test Loss: 1.37745 || Train Accuracy: 0.50456 | Test Accuracy: 0.52450
169
+
170
+ Epoch: 40
171
+ Train Loss: 1.47853 | Test Loss: 1.35302 || Train Accuracy: 0.51194 | Test Accuracy: 0.52710
172
+
173
+ Epoch: 41
174
+ Train Loss: 1.45852 | Test Loss: 1.34218 || Train Accuracy: 0.51391 | Test Accuracy: 0.52890
175
+
176
+ Epoch: 42
177
+ Train Loss: 1.42956 | Test Loss: 1.31330 || Train Accuracy: 0.52436 | Test Accuracy: 0.53586
178
+
179
+ Epoch: 43
180
+ Train Loss: 1.39965 | Test Loss: 1.29385 || Train Accuracy: 0.52816 | Test Accuracy: 0.53908
181
+
182
+ Epoch: 44
183
+ Train Loss: 1.37700 | Test Loss: 1.28448 || Train Accuracy: 0.53431 | Test Accuracy: 0.54071
184
+
185
+ Epoch: 45
186
+ Train Loss: 1.34920 | Test Loss: 1.27006 || Train Accuracy: 0.53668 | Test Accuracy: 0.54439
187
+
188
+ Epoch: 46
189
+ Train Loss: 1.32792 | Test Loss: 1.25679 || Train Accuracy: 0.54473 | Test Accuracy: 0.55152
190
+
191
+ Epoch: 47
192
+ Train Loss: 1.30758 | Test Loss: 1.24068 || Train Accuracy: 0.54716 | Test Accuracy: 0.55219
193
+
194
+ Epoch: 48
195
+ Train Loss: 1.27623 | Test Loss: 1.22565 || Train Accuracy: 0.55646 | Test Accuracy: 0.55421
196
+
197
+ Epoch: 49
198
+ Train Loss: 1.26111 | Test Loss: 1.21290 || Train Accuracy: 0.55763 | Test Accuracy: 0.55621
199
+
200
+ Epoch: 50
201
+ Train Loss: 1.23552 | Test Loss: 1.20254 || Train Accuracy: 0.56427 | Test Accuracy: 0.55813
202
+
203
+ Saving Model At: save_model/train_model_4e-06.pth
save_model/best_model.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f0dd5c48ebebdf5d612dfdb5953c697cf18b08e0aa9657e7fed836f5b00214bc
3
+ size 16846383
save_model/food.onnx ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ab54d244d505ce13c0a3b0aef8f66e6ad0d4388eb77aaa4e4b182e2519e8357b
3
+ size 16537711
save_model/food_cpu.onnx ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d35b986fd20f707b49802235f9d9dc57e1b7382d7db83a4cd2dd4f9f247b11af
3
+ size 16537711
save_model/train_model_3e-06.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:030297cc2ee62e55d77bb51010afa3f730c934ad049e0e1f1cadd1ec56f5e632
3
+ size 16848917
save_model/train_model_4e-06.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6dc3bd0d0ac67a410bfbc24815d59787b493566a897aab2eede98a33de99f47a
3
+ size 16848917
train.py ADDED
@@ -0,0 +1,49 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ import torch.nn as nn
3
+ from torchvision.models import efficientnet_b0, EfficientNet_B0_Weights
4
+ from torchmetrics.classification import MulticlassAccuracy
5
+
6
+ import data, engine, utils
7
+
8
+
9
+ # if __name__ == "__main__":
10
+ # HYPERPARAMETERS
11
+ SEED = 64
12
+ NUM_EPOCH = 50
13
+ LEARNIGN_RATE = 4e-6 # 3e-4, 4e-5, 7e-6, 5e-7, 3e-9
14
+
15
+ NUM_CLASSES = 101
16
+ # CUDA_LAUNCH_BLOCKING=1
17
+
18
+ device = torch.device("cuda:3" if torch.cuda.is_available() else 'cpu')
19
+ # print(device)
20
+
21
+
22
+ if __name__ == "__main__":
23
+
24
+ torch.manual_seed(SEED)
25
+ torch.cuda.manual_seed(SEED)
26
+ model = efficientnet_b0(weights=EfficientNet_B0_Weights.DEFAULT)
27
+ model.classifier = nn.Sequential(
28
+ nn.Dropout(p = 0.2, inplace = True),
29
+ nn.Linear(1280, NUM_CLASSES),
30
+ # nn.Softmax()
31
+ )
32
+ model = model.to(device)
33
+ # print(model)
34
+
35
+
36
+ loss_fn = torch.nn.CrossEntropyLoss()
37
+ accuracy_fn = MulticlassAccuracy(num_classes = NUM_CLASSES).to(device)
38
+ optimizer = torch.optim.Adam(model.parameters(), lr = LEARNIGN_RATE)
39
+
40
+
41
+ # print(f"lr: {scheduler.optimizer.param_groups[0]['lr']}")
42
+
43
+ train_losses, test_losses, train_accs, test_accs, train_model = engine.train(model, data.train_dataloader, data.test_dataloader,
44
+ optimizer, loss_fn, accuracy_fn, NUM_EPOCH, device)
45
+
46
+ utils.save_model(model = train_model, target_dir = "./save_model", model_name = f"train_model_{LEARNIGN_RATE}.pth")
47
+
48
+ utils.plot_graph(train_losses = train_losses, test_losses = test_losses, train_accs = train_accs,
49
+ test_accs = test_accs, fig_name = f"plots/cnn_train_Loss_and_accuracy_plot_{LEARNIGN_RATE}.jpg")
utils.py ADDED
@@ -0,0 +1,84 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ from pathlib import Path
3
+ import matplotlib.pyplot as plt
4
+
5
+
6
+ # SAVE MODEL
7
+ def save_model(model: torch.nn.Module, target_dir: str, model_name: str):
8
+ """
9
+ Save pytorch model to a traget dir
10
+ Args:
11
+ model: A traget pytorch model
12
+ target_dir: Directory to save the model to
13
+ model_name: File name to save model. should include ".pth" or ".pt" at the end of the file extention
14
+
15
+ Example usage:
16
+ save_model(model = model_0, target_dir = "models", model_name="model.pth")
17
+
18
+ """
19
+
20
+ target_dir_path = Path(target_dir)
21
+ target_dir_path.mkdir(parents = True, exist_ok = True)
22
+
23
+ assert model_name.endswith(".pth") or model_name.endswith(".pt"), "model name should be end with .pth or .pt"
24
+ model_save_path = target_dir_path / model_name
25
+
26
+ print(f"\nSaving Model At: {model_save_path}")
27
+ torch.save(obj = model.state_dict(), f = model_save_path)
28
+
29
+
30
+ # LOAD MODEL
31
+ def load_model(model: torch.nn.Module, model_path: str):
32
+ """
33
+ Load pytorch model from source dir
34
+ Args:
35
+ model: A model which need to load
36
+ source_dir: path where trained model is saved. should be full path including model name
37
+
38
+ Example usage:
39
+ load_model(model = model_0, source_path = "models/model.pth")
40
+ """
41
+ model.load_state_dict(torch.load(f = model_path, map_location=torch.device('cpu')))
42
+ print("\nModel Loaded.")
43
+
44
+ return model
45
+
46
+
47
+
48
+ # PLOT Function
49
+ def plot_graph(train_losses: list, test_losses: list, train_accs: list, test_accs: list, fig_name: str):
50
+ """
51
+ Plot the grapoh of loss abd accuray of the model
52
+ Args:
53
+ train_losses: list of train loss
54
+ test_losses: list of test loss
55
+ train_accs: list of train accuracy
56
+ test_accs: list of test accuracy
57
+ fig_name: name of image file which with you want to save plot image and must include .jpg
58
+
59
+ Example usage:
60
+ plot_graph(train_losses = train_loss, test_losses = test_loss, train_accs = train_acc,
61
+ test_accs = test_acc, fig_name = "plot.jpg")
62
+ """
63
+ plt.figure(figsize = (20, 8))
64
+ plt.subplot(1, 2, 1)
65
+ plt.plot(range(len(train_losses)), train_losses, label = "Train Loss")
66
+ plt.plot(range(len(test_losses)), test_losses, label = "Test Loss")
67
+ plt.legend()
68
+ plt.xlabel("Epoches")
69
+ plt.ylabel("Loss")
70
+ # plt.show()
71
+
72
+ plt.subplot(1, 2, 2)
73
+ plt.plot(range(len(train_accs)), train_accs, label = "Train Accuracy")
74
+ plt.plot(range(len(test_accs)), test_accs, label = "Test Accuracy")
75
+ plt.legend()
76
+ plt.xlabel("Epoches")
77
+ plt.ylabel("Accuracy")
78
+ # plt.show()
79
+ plt.savefig(fig_name)
80
+
81
+
82
+ # Optimize Model with ONNX
83
+ def onnx_inference(model: torch.nn.Module, path: str, device: str):
84
+ torch.onnx.export(model, torch.randn(1, 3, 224, 224).to(device), path, verbose=False, input_names=['input'], output_names=['output'], export_params=True)
wandb/debug-cli.root.log ADDED
File without changes
wandb/debug-internal.log ADDED
@@ -0,0 +1,797 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2023-11-01 01:46:58,588 INFO StreamThr :34227 [internal.py:wandb_internal():86] W&B internal server running at pid: 34227, started at: 2023-11-01 01:46:58.587580
2
+ 2023-11-01 01:46:58,590 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status
3
+ 2023-11-01 01:46:58,592 INFO WriterThread:34227 [datastore.py:open_for_write():85] open: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/run-mj672tzu.wandb
4
+ 2023-11-01 01:46:58,595 DEBUG SenderThread:34227 [sender.py:send():380] send: header
5
+ 2023-11-01 01:46:58,595 DEBUG SenderThread:34227 [sender.py:send():380] send: run
6
+ 2023-11-01 01:46:59,448 INFO SenderThread:34227 [dir_watcher.py:__init__():211] watching files in: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files
7
+ 2023-11-01 01:46:59,448 INFO SenderThread:34227 [sender.py:_start_run_threads():1122] run started: mj672tzu with start time 1698788818.109446
8
+ 2023-11-01 01:46:59,469 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: check_version
9
+ 2023-11-01 01:46:59,470 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: check_version
10
+ 2023-11-01 01:47:00,265 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: run_start
11
+ 2023-11-01 01:47:00,267 DEBUG HandlerThread:34227 [system_info.py:__init__():32] System info init
12
+ 2023-11-01 01:47:00,267 DEBUG HandlerThread:34227 [system_info.py:__init__():47] System info init done
13
+ 2023-11-01 01:47:00,267 INFO HandlerThread:34227 [system_monitor.py:start():194] Starting system monitor
14
+ 2023-11-01 01:47:00,267 INFO SystemMonitor:34227 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2023-11-01 01:47:00,267 INFO HandlerThread:34227 [system_monitor.py:probe():214] Collecting system info
16
+ 2023-11-01 01:47:00,268 INFO SystemMonitor:34227 [interfaces.py:start():190] Started cpu monitoring
17
+ 2023-11-01 01:47:00,269 INFO SystemMonitor:34227 [interfaces.py:start():190] Started disk monitoring
18
+ 2023-11-01 01:47:00,270 INFO SystemMonitor:34227 [interfaces.py:start():190] Started gpu monitoring
19
+ 2023-11-01 01:47:00,271 INFO SystemMonitor:34227 [interfaces.py:start():190] Started memory monitoring
20
+ 2023-11-01 01:47:00,272 INFO SystemMonitor:34227 [interfaces.py:start():190] Started network monitoring
21
+ 2023-11-01 01:47:00,334 DEBUG HandlerThread:34227 [system_info.py:probe():196] Probing system
22
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [gitlib.py:_init_repo():53] git repository is invalid
23
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:probe():244] Probing system done
24
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_monitor.py:probe():223] {'os': 'Linux-4.15.0-55-generic-x86_64-with-glibc2.17', 'python': '3.8.18', 'heartbeatAt': '2023-10-31T21:47:00.334647', 'startedAt': '2023-10-31T21:46:58.105196', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'hyperpara.py', 'codePathLocal': 'hyperpara.py', 'codePath': 'hyperpara.py', 'host': '76ecfeea2960', 'username': 'root', 'executable': '/opt/conda/envs/env/bin/python', 'cpu_count': 20, 'cpu_count_logical': 40, 'cpu_freq': {'current': 1.519625, 'min': 1200.0, 'max': 3600.0}, 'cpu_freq_per_core': [{'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.197, 'min': 1200.0, 'max': 3600.0}, {'current': 1.197, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.208, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.297, 'min': 1200.0, 'max': 3600.0}, {'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.499, 'min': 1200.0, 'max': 3600.0}, {'current': 1.465, 'min': 1200.0, 'max': 3600.0}, {'current': 1.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.299, 'min': 1200.0, 'max': 3600.0}, {'current': 1.697, 'min': 1200.0, 'max': 3600.0}, {'current': 1.476, 'min': 1200.0, 'max': 3600.0}, {'current': 2.208, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.196, 'min': 1200.0, 'max': 3600.0}, {'current': 1.205, 'min': 1200.0, 'max': 3600.0}, {'current': 1.2, 'min': 1200.0, 'max': 3600.0}, {'current': 1.204, 'min': 1200.0, 'max': 3600.0}, {'current': 1.299, 'min': 1200.0, 'max': 3600.0}, {'current': 2.7, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.498, 'min': 1200.0, 'max': 3600.0}, {'current': 1.268, 'min': 1200.0, 'max': 3600.0}, {'current': 1.2, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.251, 'min': 1200.0, 'max': 3600.0}, {'current': 1.697, 'min': 1200.0, 'max': 3600.0}, {'current': 1.534, 'min': 1200.0, 'max': 3600.0}, {'current': 2.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}], 'disk': {'/': {'total': 1758.95463180542, 'used': 866.9305191040039}}, 'gpu': 'Tesla V100-DGXS-32GB', 'gpu_count': 4, 'gpu_devices': [{'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}], 'memory': {'total': 251.8238754272461}}
25
+ 2023-11-01 01:47:00,335 INFO HandlerThread:34227 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2023-11-01 01:47:00,335 INFO HandlerThread:34227 [system_monitor.py:probe():227] Publishing system info
27
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:_save_pip():52] Saving list of pip packages installed into the current environment
28
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:_save_pip():68] Saving pip packages done
29
+ 2023-11-01 01:47:00,336 DEBUG HandlerThread:34227 [system_info.py:_save_conda():75] Saving list of conda packages installed into the current environment
30
+ 2023-11-01 01:47:00,451 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt
31
+ 2023-11-01 01:47:00,452 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
32
+ 2023-11-01 01:47:06,925 DEBUG HandlerThread:34227 [system_info.py:_save_conda():87] Saving conda packages done
33
+ 2023-11-01 01:47:06,927 INFO HandlerThread:34227 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2023-11-01 01:47:06,927 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
35
+ 2023-11-01 01:47:06,928 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: keepalive
36
+ 2023-11-01 01:47:06,929 DEBUG SenderThread:34227 [sender.py:send():380] send: files
37
+ 2023-11-01 01:47:06,929 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-metadata.json with policy now
38
+ 2023-11-01 01:47:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
39
+ 2023-11-01 01:47:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
40
+ 2023-11-01 01:47:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
41
+ 2023-11-01 01:47:07,442 DEBUG SenderThread:34227 [sender.py:send():380] send: telemetry
42
+ 2023-11-01 01:47:07,450 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
43
+ 2023-11-01 01:47:07,451 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-metadata.json
44
+ 2023-11-01 01:47:09,285 INFO wandb-upload_0:34227 [upload_job.py:push():131] Uploaded file /tmp/tmpqi5xsr4gwandb/rhtw7848-wandb-metadata.json
45
+ 2023-11-01 01:47:09,443 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
46
+ 2023-11-01 01:47:14,444 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
47
+ 2023-11-01 01:47:19,445 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
48
+ 2023-11-01 01:47:21,940 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
49
+ 2023-11-01 01:47:21,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
50
+ 2023-11-01 01:47:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
51
+ 2023-11-01 01:47:25,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
52
+ 2023-11-01 01:47:30,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
53
+ 2023-11-01 01:47:31,458 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
54
+ 2023-11-01 01:47:35,747 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
55
+ 2023-11-01 01:47:36,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
56
+ 2023-11-01 01:47:36,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
57
+ 2023-11-01 01:47:36,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
58
+ 2023-11-01 01:47:41,296 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
59
+ 2023-11-01 01:47:46,297 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
60
+ 2023-11-01 01:47:51,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
61
+ 2023-11-01 01:47:51,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
62
+ 2023-11-01 01:47:51,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
63
+ 2023-11-01 01:47:51,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
64
+ 2023-11-01 01:47:57,290 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
65
+ 2023-11-01 01:48:00,272 DEBUG SystemMonitor:34227 [system_monitor.py:_start():172] Starting system metrics aggregation loop
66
+ 2023-11-01 01:48:00,276 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
67
+ 2023-11-01 01:48:03,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
68
+ 2023-11-01 01:48:06,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
69
+ 2023-11-01 01:48:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
70
+ 2023-11-01 01:48:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
71
+ 2023-11-01 01:48:08,317 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
72
+ 2023-11-01 01:48:13,318 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
73
+ 2023-11-01 01:48:18,319 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
74
+ 2023-11-01 01:48:21,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
75
+ 2023-11-01 01:48:21,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
76
+ 2023-11-01 01:48:21,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
77
+ 2023-11-01 01:48:24,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
78
+ 2023-11-01 01:48:29,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
79
+ 2023-11-01 01:48:30,278 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
80
+ 2023-11-01 01:48:35,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
81
+ 2023-11-01 01:48:36,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
82
+ 2023-11-01 01:48:36,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
83
+ 2023-11-01 01:48:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
84
+ 2023-11-01 01:48:40,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
85
+ 2023-11-01 01:48:45,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
86
+ 2023-11-01 01:48:50,333 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
87
+ 2023-11-01 01:48:51,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
88
+ 2023-11-01 01:48:51,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
89
+ 2023-11-01 01:48:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
90
+ 2023-11-01 01:48:56,275 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
91
+ 2023-11-01 01:49:00,280 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
92
+ 2023-11-01 01:49:01,281 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
93
+ 2023-11-01 01:49:06,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
94
+ 2023-11-01 01:49:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
95
+ 2023-11-01 01:49:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
96
+ 2023-11-01 01:49:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
97
+ 2023-11-01 01:49:12,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
98
+ 2023-11-01 01:49:17,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
99
+ 2023-11-01 01:49:21,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
100
+ 2023-11-01 01:49:21,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
101
+ 2023-11-01 01:49:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
102
+ 2023-11-01 01:49:22,346 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
103
+ 2023-11-01 01:49:27,347 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
104
+ 2023-11-01 01:49:30,282 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
105
+ 2023-11-01 01:49:33,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
106
+ 2023-11-01 01:49:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
107
+ 2023-11-01 01:49:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
108
+ 2023-11-01 01:49:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
109
+ 2023-11-01 01:49:38,291 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
110
+ 2023-11-01 01:49:43,292 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
111
+ 2023-11-01 01:49:48,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
112
+ 2023-11-01 01:49:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
113
+ 2023-11-01 01:49:51,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
114
+ 2023-11-01 01:49:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
115
+ 2023-11-01 01:49:53,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
116
+ 2023-11-01 01:49:58,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
117
+ 2023-11-01 01:50:00,284 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
118
+ 2023-11-01 01:50:04,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
119
+ 2023-11-01 01:50:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
120
+ 2023-11-01 01:50:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
121
+ 2023-11-01 01:50:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
122
+ 2023-11-01 01:50:09,358 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
123
+ 2023-11-01 01:50:14,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
124
+ 2023-11-01 01:50:19,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
125
+ 2023-11-01 01:50:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
126
+ 2023-11-01 01:50:21,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
127
+ 2023-11-01 01:50:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
128
+ 2023-11-01 01:50:24,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
129
+ 2023-11-01 01:50:29,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
130
+ 2023-11-01 01:50:30,286 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
131
+ 2023-11-01 01:50:35,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
132
+ 2023-11-01 01:50:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
133
+ 2023-11-01 01:50:36,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
134
+ 2023-11-01 01:50:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
135
+ 2023-11-01 01:50:40,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
136
+ 2023-11-01 01:50:45,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
137
+ 2023-11-01 01:50:50,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
138
+ 2023-11-01 01:50:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
139
+ 2023-11-01 01:50:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
140
+ 2023-11-01 01:50:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
141
+ 2023-11-01 01:50:56,350 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
142
+ 2023-11-01 01:51:00,288 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
143
+ 2023-11-01 01:51:02,290 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
144
+ 2023-11-01 01:51:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
145
+ 2023-11-01 01:51:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
146
+ 2023-11-01 01:51:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
147
+ 2023-11-01 01:51:07,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
148
+ 2023-11-01 01:51:09,530 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
149
+ 2023-11-01 01:51:11,530 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
150
+ 2023-11-01 01:51:12,954 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
151
+ 2023-11-01 01:51:17,954 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
152
+ 2023-11-01 01:51:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
153
+ 2023-11-01 01:51:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
154
+ 2023-11-01 01:51:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
155
+ 2023-11-01 01:51:23,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
156
+ 2023-11-01 01:51:28,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
157
+ 2023-11-01 01:51:30,290 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
158
+ 2023-11-01 01:51:34,292 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
159
+ 2023-11-01 01:51:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
160
+ 2023-11-01 01:51:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
161
+ 2023-11-01 01:51:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
162
+ 2023-11-01 01:51:39,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
163
+ 2023-11-01 01:51:44,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
164
+ 2023-11-01 01:51:49,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
165
+ 2023-11-01 01:51:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
166
+ 2023-11-01 01:51:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
167
+ 2023-11-01 01:51:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
168
+ 2023-11-01 01:51:55,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
169
+ 2023-11-01 01:52:00,293 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
170
+ 2023-11-01 01:52:01,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
171
+ 2023-11-01 01:52:06,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
172
+ 2023-11-01 01:52:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
173
+ 2023-11-01 01:52:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
174
+ 2023-11-01 01:52:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
175
+ 2023-11-01 01:52:11,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
176
+ 2023-11-01 01:52:16,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
177
+ 2023-11-01 01:52:21,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
178
+ 2023-11-01 01:52:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
179
+ 2023-11-01 01:52:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
180
+ 2023-11-01 01:52:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
181
+ 2023-11-01 01:52:26,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
182
+ 2023-11-01 01:52:30,295 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
183
+ 2023-11-01 01:52:32,297 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
184
+ 2023-11-01 01:52:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
185
+ 2023-11-01 01:52:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
186
+ 2023-11-01 01:52:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
187
+ 2023-11-01 01:52:38,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
188
+ 2023-11-01 01:52:43,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
189
+ 2023-11-01 01:52:48,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
190
+ 2023-11-01 01:52:51,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
191
+ 2023-11-01 01:52:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
192
+ 2023-11-01 01:52:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
193
+ 2023-11-01 01:52:53,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
194
+ 2023-11-01 01:52:58,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
195
+ 2023-11-01 01:53:00,297 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
196
+ 2023-11-01 01:53:04,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
197
+ 2023-11-01 01:53:06,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
198
+ 2023-11-01 01:53:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
199
+ 2023-11-01 01:53:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
200
+ 2023-11-01 01:53:09,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
201
+ 2023-11-01 01:53:14,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
202
+ 2023-11-01 01:53:19,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
203
+ 2023-11-01 01:53:21,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
204
+ 2023-11-01 01:53:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
205
+ 2023-11-01 01:53:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
206
+ 2023-11-01 01:53:25,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
207
+ 2023-11-01 01:53:30,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
208
+ 2023-11-01 01:53:30,299 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
209
+ 2023-11-01 01:53:35,300 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
210
+ 2023-11-01 01:53:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
211
+ 2023-11-01 01:53:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
212
+ 2023-11-01 01:53:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
213
+ 2023-11-01 01:53:41,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
214
+ 2023-11-01 01:53:46,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
215
+ 2023-11-01 01:53:51,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
216
+ 2023-11-01 01:53:51,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
217
+ 2023-11-01 01:53:51,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
218
+ 2023-11-01 01:53:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
219
+ 2023-11-01 01:53:56,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
220
+ 2023-11-01 01:54:00,301 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
221
+ 2023-11-01 01:54:02,302 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
222
+ 2023-11-01 01:54:06,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
223
+ 2023-11-01 01:54:06,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
224
+ 2023-11-01 01:54:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
225
+ 2023-11-01 01:54:07,360 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
226
+ 2023-11-01 01:54:12,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
227
+ 2023-11-01 01:54:17,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
228
+ 2023-11-01 01:54:21,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
229
+ 2023-11-01 01:54:21,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
230
+ 2023-11-01 01:54:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
231
+ 2023-11-01 01:54:23,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
232
+ 2023-11-01 01:54:28,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
233
+ 2023-11-01 01:54:30,302 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
234
+ 2023-11-01 01:54:34,304 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
235
+ 2023-11-01 01:54:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
236
+ 2023-11-01 01:54:36,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
237
+ 2023-11-01 01:54:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
238
+ 2023-11-01 01:54:39,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
239
+ 2023-11-01 01:54:44,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
240
+ 2023-11-01 01:54:49,368 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
241
+ 2023-11-01 01:54:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
242
+ 2023-11-01 01:54:51,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
243
+ 2023-11-01 01:54:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
244
+ 2023-11-01 01:54:55,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
245
+ 2023-11-01 01:55:00,306 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
246
+ 2023-11-01 01:55:01,307 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
247
+ 2023-11-01 01:55:06,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
248
+ 2023-11-01 01:55:06,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
249
+ 2023-11-01 01:55:06,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
250
+ 2023-11-01 01:55:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
251
+ 2023-11-01 01:55:12,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
252
+ 2023-11-01 01:55:17,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
253
+ 2023-11-01 01:55:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
254
+ 2023-11-01 01:55:21,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
255
+ 2023-11-01 01:55:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
256
+ 2023-11-01 01:55:22,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
257
+ 2023-11-01 01:55:27,371 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
258
+ 2023-11-01 01:55:30,308 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
259
+ 2023-11-01 01:55:33,309 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
260
+ 2023-11-01 01:55:36,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
261
+ 2023-11-01 01:55:36,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
262
+ 2023-11-01 01:55:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
263
+ 2023-11-01 01:55:38,354 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
264
+ 2023-11-01 01:55:43,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
265
+ 2023-11-01 01:55:48,356 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
266
+ 2023-11-01 01:55:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
267
+ 2023-11-01 01:55:51,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
268
+ 2023-11-01 01:55:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
269
+ 2023-11-01 01:55:54,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
270
+ 2023-11-01 01:55:59,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
271
+ 2023-11-01 01:56:00,309 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
272
+ 2023-11-01 01:56:04,311 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
273
+ 2023-11-01 01:56:06,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
274
+ 2023-11-01 01:56:06,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
275
+ 2023-11-01 01:56:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
276
+ 2023-11-01 01:56:09,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
277
+ 2023-11-01 01:56:14,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
278
+ 2023-11-01 01:56:19,329 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
279
+ 2023-11-01 01:56:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
280
+ 2023-11-01 01:56:21,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
281
+ 2023-11-01 01:56:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
282
+ 2023-11-01 01:56:24,356 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
283
+ 2023-11-01 01:56:29,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
284
+ 2023-11-01 01:56:30,311 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
285
+ 2023-11-01 01:56:35,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
286
+ 2023-11-01 01:56:36,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
287
+ 2023-11-01 01:56:36,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
288
+ 2023-11-01 01:56:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
289
+ 2023-11-01 01:56:40,339 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
290
+ 2023-11-01 01:56:45,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
291
+ 2023-11-01 01:56:50,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
292
+ 2023-11-01 01:56:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
293
+ 2023-11-01 01:56:51,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
294
+ 2023-11-01 01:56:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
295
+ 2023-11-01 01:56:55,379 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
296
+ 2023-11-01 01:57:00,313 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
297
+ 2023-11-01 01:57:01,314 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
298
+ 2023-11-01 01:57:06,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
299
+ 2023-11-01 01:57:06,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
300
+ 2023-11-01 01:57:06,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
301
+ 2023-11-01 01:57:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
302
+ 2023-11-01 01:57:12,281 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
303
+ 2023-11-01 01:57:17,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
304
+ 2023-11-01 01:57:21,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
305
+ 2023-11-01 01:57:21,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
306
+ 2023-11-01 01:57:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
307
+ 2023-11-01 01:57:22,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
308
+ 2023-11-01 01:57:27,296 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
309
+ 2023-11-01 01:57:30,315 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
310
+ 2023-11-01 01:57:32,316 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
311
+ 2023-11-01 01:57:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
312
+ 2023-11-01 01:57:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
313
+ 2023-11-01 01:57:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
314
+ 2023-11-01 01:57:37,365 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
315
+ 2023-11-01 01:57:42,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
316
+ 2023-11-01 01:57:47,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
317
+ 2023-11-01 01:57:51,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
318
+ 2023-11-01 01:57:51,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
319
+ 2023-11-01 01:57:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
320
+ 2023-11-01 01:57:53,336 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
321
+ 2023-11-01 01:57:58,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
322
+ 2023-11-01 01:58:00,318 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
323
+ 2023-11-01 01:58:04,319 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
324
+ 2023-11-01 01:58:06,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
325
+ 2023-11-01 01:58:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
326
+ 2023-11-01 01:58:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
327
+ 2023-11-01 01:58:09,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
328
+ 2023-11-01 01:58:14,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
329
+ 2023-11-01 01:58:19,339 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
330
+ 2023-11-01 01:58:21,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
331
+ 2023-11-01 01:58:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
332
+ 2023-11-01 01:58:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
333
+ 2023-11-01 01:58:24,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
334
+ 2023-11-01 01:58:29,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
335
+ 2023-11-01 01:58:30,320 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
336
+ 2023-11-01 01:58:35,322 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
337
+ 2023-11-01 01:58:36,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
338
+ 2023-11-01 01:58:36,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
339
+ 2023-11-01 01:58:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
340
+ 2023-11-01 01:58:40,450 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
341
+ 2023-11-01 01:58:45,451 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
342
+ 2023-11-01 01:58:50,451 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
343
+ 2023-11-01 01:58:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
344
+ 2023-11-01 01:58:51,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
345
+ 2023-11-01 01:58:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
346
+ 2023-11-01 01:58:56,294 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
347
+ 2023-11-01 01:59:00,322 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
348
+ 2023-11-01 01:59:01,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
349
+ 2023-11-01 01:59:06,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
350
+ 2023-11-01 01:59:06,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
351
+ 2023-11-01 01:59:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
352
+ 2023-11-01 01:59:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
353
+ 2023-11-01 01:59:11,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
354
+ 2023-11-01 01:59:16,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
355
+ 2023-11-01 01:59:21,352 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
356
+ 2023-11-01 01:59:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
357
+ 2023-11-01 01:59:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
358
+ 2023-11-01 01:59:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
359
+ 2023-11-01 01:59:27,314 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
360
+ 2023-11-01 01:59:30,324 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
361
+ 2023-11-01 01:59:32,325 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
362
+ 2023-11-01 01:59:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
363
+ 2023-11-01 01:59:36,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
364
+ 2023-11-01 01:59:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
365
+ 2023-11-01 01:59:38,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
366
+ 2023-11-01 01:59:43,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
367
+ 2023-11-01 01:59:48,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
368
+ 2023-11-01 01:59:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
369
+ 2023-11-01 01:59:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
370
+ 2023-11-01 01:59:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
371
+ 2023-11-01 01:59:54,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
372
+ 2023-11-01 01:59:59,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
373
+ 2023-11-01 02:00:00,326 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
374
+ 2023-11-01 02:00:04,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
375
+ 2023-11-01 02:00:06,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
376
+ 2023-11-01 02:00:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
377
+ 2023-11-01 02:00:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
378
+ 2023-11-01 02:00:09,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
379
+ 2023-11-01 02:00:14,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
380
+ 2023-11-01 02:00:19,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
381
+ 2023-11-01 02:00:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
382
+ 2023-11-01 02:00:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
383
+ 2023-11-01 02:00:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
384
+ 2023-11-01 02:00:25,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
385
+ 2023-11-01 02:00:30,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
386
+ 2023-11-01 02:00:30,329 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
387
+ 2023-11-01 02:00:35,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
388
+ 2023-11-01 02:00:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
389
+ 2023-11-01 02:00:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
390
+ 2023-11-01 02:00:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
391
+ 2023-11-01 02:00:40,373 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
392
+ 2023-11-01 02:00:45,374 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
393
+ 2023-11-01 02:00:50,375 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
394
+ 2023-11-01 02:00:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
395
+ 2023-11-01 02:00:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
396
+ 2023-11-01 02:00:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
397
+ 2023-11-01 02:00:56,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
398
+ 2023-11-01 02:01:00,330 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
399
+ 2023-11-01 02:01:01,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
400
+ 2023-11-01 02:01:06,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
401
+ 2023-11-01 02:01:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
402
+ 2023-11-01 02:01:06,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
403
+ 2023-11-01 02:01:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
404
+ 2023-11-01 02:01:12,304 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
405
+ 2023-11-01 02:01:17,305 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
406
+ 2023-11-01 02:01:21,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
407
+ 2023-11-01 02:01:21,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
408
+ 2023-11-01 02:01:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
409
+ 2023-11-01 02:01:22,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
410
+ 2023-11-01 02:01:27,316 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
411
+ 2023-11-01 02:01:30,332 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
412
+ 2023-11-01 02:01:32,334 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
413
+ 2023-11-01 02:01:36,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
414
+ 2023-11-01 02:01:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
415
+ 2023-11-01 02:01:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
416
+ 2023-11-01 02:01:37,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
417
+ 2023-11-01 02:01:42,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
418
+ 2023-11-01 02:01:47,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
419
+ 2023-11-01 02:01:51,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
420
+ 2023-11-01 02:01:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
421
+ 2023-11-01 02:01:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
422
+ 2023-11-01 02:01:52,385 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
423
+ 2023-11-01 02:01:57,385 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
424
+ 2023-11-01 02:02:00,335 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
425
+ 2023-11-01 02:02:03,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
426
+ 2023-11-01 02:02:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
427
+ 2023-11-01 02:02:06,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
428
+ 2023-11-01 02:02:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
429
+ 2023-11-01 02:02:09,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
430
+ 2023-11-01 02:02:14,284 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
431
+ 2023-11-01 02:02:19,284 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
432
+ 2023-11-01 02:02:21,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
433
+ 2023-11-01 02:02:21,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
434
+ 2023-11-01 02:02:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
435
+ 2023-11-01 02:02:24,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
436
+ 2023-11-01 02:02:29,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
437
+ 2023-11-01 02:02:30,338 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
438
+ 2023-11-01 02:02:34,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
439
+ 2023-11-01 02:02:36,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
440
+ 2023-11-01 02:02:36,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
441
+ 2023-11-01 02:02:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
442
+ 2023-11-01 02:02:39,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
443
+ 2023-11-01 02:02:44,352 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
444
+ 2023-11-01 02:02:49,353 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
445
+ 2023-11-01 02:02:51,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
446
+ 2023-11-01 02:02:51,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
447
+ 2023-11-01 02:02:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
448
+ 2023-11-01 02:02:55,275 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
449
+ 2023-11-01 02:03:00,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
450
+ 2023-11-01 02:03:00,341 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
451
+ 2023-11-01 02:03:05,344 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
452
+ 2023-11-01 02:03:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
453
+ 2023-11-01 02:03:06,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
454
+ 2023-11-01 02:03:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
455
+ 2023-11-01 02:03:10,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
456
+ 2023-11-01 02:03:15,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
457
+ 2023-11-01 02:03:20,382 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
458
+ 2023-11-01 02:03:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
459
+ 2023-11-01 02:03:21,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
460
+ 2023-11-01 02:03:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
461
+ 2023-11-01 02:03:25,389 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
462
+ 2023-11-01 02:03:30,344 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
463
+ 2023-11-01 02:03:31,346 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
464
+ 2023-11-01 02:03:36,347 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
465
+ 2023-11-01 02:03:36,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
466
+ 2023-11-01 02:03:36,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
467
+ 2023-11-01 02:03:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
468
+ 2023-11-01 02:03:41,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
469
+ 2023-11-01 02:03:46,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
470
+ 2023-11-01 02:03:51,358 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
471
+ 2023-11-01 02:03:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
472
+ 2023-11-01 02:03:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
473
+ 2023-11-01 02:03:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
474
+ 2023-11-01 02:03:56,622 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
475
+ 2023-11-01 02:04:00,347 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
476
+ 2023-11-01 02:04:02,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
477
+ 2023-11-01 02:04:06,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
478
+ 2023-11-01 02:04:06,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
479
+ 2023-11-01 02:04:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
480
+ 2023-11-01 02:04:08,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
481
+ 2023-11-01 02:04:13,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
482
+ 2023-11-01 02:04:18,336 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
483
+ 2023-11-01 02:04:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
484
+ 2023-11-01 02:04:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
485
+ 2023-11-01 02:04:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
486
+ 2023-11-01 02:04:24,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
487
+ 2023-11-01 02:04:29,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
488
+ 2023-11-01 02:04:30,351 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
489
+ 2023-11-01 02:04:34,353 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
490
+ 2023-11-01 02:04:36,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
491
+ 2023-11-01 02:04:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
492
+ 2023-11-01 02:04:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
493
+ 2023-11-01 02:04:39,360 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
494
+ 2023-11-01 02:04:44,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
495
+ 2023-11-01 02:04:49,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
496
+ 2023-11-01 02:04:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
497
+ 2023-11-01 02:04:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
498
+ 2023-11-01 02:04:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
499
+ 2023-11-01 02:04:54,372 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
500
+ 2023-11-01 02:04:59,373 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
501
+ 2023-11-01 02:05:00,352 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
502
+ 2023-11-01 02:05:05,354 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
503
+ 2023-11-01 02:05:06,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
504
+ 2023-11-01 02:05:06,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
505
+ 2023-11-01 02:05:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
506
+ 2023-11-01 02:05:11,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
507
+ 2023-11-01 02:05:16,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
508
+ 2023-11-01 02:05:21,300 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
509
+ 2023-11-01 02:05:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
510
+ 2023-11-01 02:05:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
511
+ 2023-11-01 02:05:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
512
+ 2023-11-01 02:05:27,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
513
+ 2023-11-01 02:05:30,354 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
514
+ 2023-11-01 02:05:32,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
515
+ 2023-11-01 02:05:36,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
516
+ 2023-11-01 02:05:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
517
+ 2023-11-01 02:05:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
518
+ 2023-11-01 02:05:38,348 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
519
+ 2023-11-01 02:05:43,348 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
520
+ 2023-11-01 02:05:48,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
521
+ 2023-11-01 02:05:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
522
+ 2023-11-01 02:05:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
523
+ 2023-11-01 02:05:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
524
+ 2023-11-01 02:05:53,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
525
+ 2023-11-01 02:05:58,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
526
+ 2023-11-01 02:06:00,357 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
527
+ 2023-11-01 02:06:04,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
528
+ 2023-11-01 02:06:06,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
529
+ 2023-11-01 02:06:06,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
530
+ 2023-11-01 02:06:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
531
+ 2023-11-01 02:06:10,333 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
532
+ 2023-11-01 02:06:15,334 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
533
+ 2023-11-01 02:06:20,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
534
+ 2023-11-01 02:06:21,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
535
+ 2023-11-01 02:06:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
536
+ 2023-11-01 02:06:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
537
+ 2023-11-01 02:06:26,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
538
+ 2023-11-01 02:06:30,359 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
539
+ 2023-11-01 02:06:31,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
540
+ 2023-11-01 02:06:36,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
541
+ 2023-11-01 02:06:36,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
542
+ 2023-11-01 02:06:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
543
+ 2023-11-01 02:06:36,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
544
+ 2023-11-01 02:06:42,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
545
+ 2023-11-01 02:06:47,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
546
+ 2023-11-01 02:06:51,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
547
+ 2023-11-01 02:06:51,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
548
+ 2023-11-01 02:06:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
549
+ 2023-11-01 02:06:53,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
550
+ 2023-11-01 02:06:58,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
551
+ 2023-11-01 02:07:00,361 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
552
+ 2023-11-01 02:07:03,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
553
+ 2023-11-01 02:07:06,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
554
+ 2023-11-01 02:07:06,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
555
+ 2023-11-01 02:07:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
556
+ 2023-11-01 02:07:09,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
557
+ 2023-11-01 02:07:14,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
558
+ 2023-11-01 02:07:19,321 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
559
+ 2023-11-01 02:07:21,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
560
+ 2023-11-01 02:07:21,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
561
+ 2023-11-01 02:07:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
562
+ 2023-11-01 02:07:24,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
563
+ 2023-11-01 02:07:29,379 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
564
+ 2023-11-01 02:07:30,363 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
565
+ 2023-11-01 02:07:35,365 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
566
+ 2023-11-01 02:07:36,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
567
+ 2023-11-01 02:07:36,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
568
+ 2023-11-01 02:07:36,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
569
+ 2023-11-01 02:07:41,323 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
570
+ 2023-11-01 02:07:46,323 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
571
+ 2023-11-01 02:07:51,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
572
+ 2023-11-01 02:07:51,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
573
+ 2023-11-01 02:07:51,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
574
+ 2023-11-01 02:07:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
575
+ 2023-11-01 02:07:56,393 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
576
+ 2023-11-01 02:08:00,366 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
577
+ 2023-11-01 02:08:02,368 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
578
+ 2023-11-01 02:08:06,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
579
+ 2023-11-01 02:08:06,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
580
+ 2023-11-01 02:08:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
581
+ 2023-11-01 02:08:07,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
582
+ 2023-11-01 02:08:12,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
583
+ 2023-11-01 02:08:17,388 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
584
+ 2023-11-01 02:08:21,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
585
+ 2023-11-01 02:08:21,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
586
+ 2023-11-01 02:08:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
587
+ 2023-11-01 02:08:23,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
588
+ 2023-11-01 02:08:28,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
589
+ 2023-11-01 02:08:30,368 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
590
+ 2023-11-01 02:08:34,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
591
+ 2023-11-01 02:08:36,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
592
+ 2023-11-01 02:08:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
593
+ 2023-11-01 02:08:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
594
+ 2023-11-01 02:08:39,446 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
595
+ 2023-11-01 02:08:44,447 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
596
+ 2023-11-01 02:08:49,447 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
597
+ 2023-11-01 02:08:51,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
598
+ 2023-11-01 02:08:51,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
599
+ 2023-11-01 02:08:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
600
+ 2023-11-01 02:08:55,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
601
+ 2023-11-01 02:09:00,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
602
+ 2023-11-01 02:09:00,372 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
603
+ 2023-11-01 02:09:05,374 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
604
+ 2023-11-01 02:09:06,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
605
+ 2023-11-01 02:09:06,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
606
+ 2023-11-01 02:09:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
607
+ 2023-11-01 02:09:11,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
608
+ 2023-11-01 02:09:16,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
609
+ 2023-11-01 02:09:21,278 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
610
+ 2023-11-01 02:09:21,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
611
+ 2023-11-01 02:09:21,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
612
+ 2023-11-01 02:09:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
613
+ 2023-11-01 02:09:26,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
614
+ 2023-11-01 02:09:30,376 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
615
+ 2023-11-01 02:09:31,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
616
+ 2023-11-01 02:09:36,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
617
+ 2023-11-01 02:09:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
618
+ 2023-11-01 02:09:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
619
+ 2023-11-01 02:09:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
620
+ 2023-11-01 02:09:41,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
621
+ 2023-11-01 02:09:46,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
622
+ 2023-11-01 02:09:51,399 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
623
+ 2023-11-01 02:09:51,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
624
+ 2023-11-01 02:09:51,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
625
+ 2023-11-01 02:09:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
626
+ 2023-11-01 02:09:57,396 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
627
+ 2023-11-01 02:10:00,379 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
628
+ 2023-11-01 02:10:03,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
629
+ 2023-11-01 02:10:06,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
630
+ 2023-11-01 02:10:06,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
631
+ 2023-11-01 02:10:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
632
+ 2023-11-01 02:10:09,330 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
633
+ 2023-11-01 02:10:14,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
634
+ 2023-11-01 02:10:19,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
635
+ 2023-11-01 02:10:21,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
636
+ 2023-11-01 02:10:21,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
637
+ 2023-11-01 02:10:21,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
638
+ 2023-11-01 02:10:25,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
639
+ 2023-11-01 02:10:30,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
640
+ 2023-11-01 02:10:30,382 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
641
+ 2023-11-01 02:10:35,383 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
642
+ 2023-11-01 02:10:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
643
+ 2023-11-01 02:10:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
644
+ 2023-11-01 02:10:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
645
+ 2023-11-01 02:10:41,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
646
+ 2023-11-01 02:10:46,350 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
647
+ 2023-11-01 02:10:51,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
648
+ 2023-11-01 02:10:51,953 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
649
+ 2023-11-01 02:10:51,953 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
650
+ 2023-11-01 02:10:51,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
651
+ 2023-11-01 02:10:57,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
652
+ 2023-11-01 02:10:57,847 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: partial_history
653
+ 2023-11-01 02:10:57,849 DEBUG SenderThread:34227 [sender.py:send():380] send: history
654
+ 2023-11-01 02:10:57,849 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: summary_record
655
+ 2023-11-01 02:10:57,849 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
656
+ 2023-11-01 02:10:57,889 DEBUG SenderThread:34227 [sender.py:send():380] send: telemetry
657
+ 2023-11-01 02:10:57,889 DEBUG SenderThread:34227 [sender.py:send():380] send: exit
658
+ 2023-11-01 02:10:57,889 INFO SenderThread:34227 [sender.py:send_exit():585] handling exit code: 0
659
+ 2023-11-01 02:10:57,889 INFO SenderThread:34227 [sender.py:send_exit():587] handling runtime: 1437
660
+ 2023-11-01 02:10:57,890 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
661
+ 2023-11-01 02:10:57,890 INFO SenderThread:34227 [sender.py:send_exit():593] send defer
662
+ 2023-11-01 02:10:57,890 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
663
+ 2023-11-01 02:10:57,890 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 0
664
+ 2023-11-01 02:10:57,891 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
665
+ 2023-11-01 02:10:57,891 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 0
666
+ 2023-11-01 02:10:57,891 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 1
667
+ 2023-11-01 02:10:57,891 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
668
+ 2023-11-01 02:10:57,891 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 1
669
+ 2023-11-01 02:10:57,891 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
670
+ 2023-11-01 02:10:57,892 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 1
671
+ 2023-11-01 02:10:57,892 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 2
672
+ 2023-11-01 02:10:57,892 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
673
+ 2023-11-01 02:10:57,892 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 2
674
+ 2023-11-01 02:10:57,892 INFO HandlerThread:34227 [system_monitor.py:finish():203] Stopping system monitor
675
+ 2023-11-01 02:10:57,892 DEBUG SystemMonitor:34227 [system_monitor.py:_start():179] Finished system metrics aggregation loop
676
+ 2023-11-01 02:10:57,893 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined cpu monitor
677
+ 2023-11-01 02:10:57,893 DEBUG SystemMonitor:34227 [system_monitor.py:_start():183] Publishing last batch of metrics
678
+ 2023-11-01 02:10:57,893 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined disk monitor
679
+ 2023-11-01 02:10:57,953 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
680
+ 2023-11-01 02:10:59,649 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined gpu monitor
681
+ 2023-11-01 02:10:59,650 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined memory monitor
682
+ 2023-11-01 02:10:59,650 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined network monitor
683
+ 2023-11-01 02:10:59,650 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
684
+ 2023-11-01 02:10:59,651 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
685
+ 2023-11-01 02:10:59,651 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 2
686
+ 2023-11-01 02:10:59,652 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 3
687
+ 2023-11-01 02:10:59,652 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
688
+ 2023-11-01 02:10:59,652 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
689
+ 2023-11-01 02:10:59,653 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
690
+ 2023-11-01 02:10:59,653 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 3
691
+ 2023-11-01 02:10:59,653 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
692
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 3
693
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 4
694
+ 2023-11-01 02:10:59,654 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
695
+ 2023-11-01 02:10:59,654 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 4
696
+ 2023-11-01 02:10:59,654 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
697
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 4
698
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 5
699
+ 2023-11-01 02:10:59,655 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
700
+ 2023-11-01 02:10:59,655 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 5
701
+ 2023-11-01 02:10:59,655 DEBUG SenderThread:34227 [sender.py:send():380] send: summary
702
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
703
+ 2023-11-01 02:10:59,656 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
704
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 5
705
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 6
706
+ 2023-11-01 02:10:59,656 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
707
+ 2023-11-01 02:10:59,657 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 6
708
+ 2023-11-01 02:10:59,657 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
709
+ 2023-11-01 02:10:59,657 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 6
710
+ 2023-11-01 02:10:59,662 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
711
+ 2023-11-01 02:10:59,849 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
712
+ 2023-11-01 02:10:59,954 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
713
+ 2023-11-01 02:11:00,056 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 7
714
+ 2023-11-01 02:11:00,056 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
715
+ 2023-11-01 02:11:00,056 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
716
+ 2023-11-01 02:11:00,057 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 7
717
+ 2023-11-01 02:11:00,057 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
718
+ 2023-11-01 02:11:00,057 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 7
719
+ 2023-11-01 02:11:00,230 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 8
720
+ 2023-11-01 02:11:00,231 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
721
+ 2023-11-01 02:11:00,231 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 8
722
+ 2023-11-01 02:11:00,231 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
723
+ 2023-11-01 02:11:00,231 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 8
724
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [job_builder.py:build():281] Attempting to build job artifact
725
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [job_builder.py:_get_source_type():404] no source found
726
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 9
727
+ 2023-11-01 02:11:00,233 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
728
+ 2023-11-01 02:11:00,233 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 9
729
+ 2023-11-01 02:11:00,233 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
730
+ 2023-11-01 02:11:00,233 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 9
731
+ 2023-11-01 02:11:00,233 INFO SenderThread:34227 [dir_watcher.py:finish():358] shutting down directory watcher
732
+ 2023-11-01 02:11:00,849 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
733
+ 2023-11-01 02:11:00,955 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
734
+ 2023-11-01 02:11:00,955 INFO SenderThread:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
735
+ 2023-11-01 02:11:00,956 INFO SenderThread:34227 [dir_watcher.py:finish():388] scan: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files
736
+ 2023-11-01 02:11:00,956 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log output.log
737
+ 2023-11-01 02:11:00,957 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt requirements.txt
738
+ 2023-11-01 02:11:00,962 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml conda-environment.yaml
739
+ 2023-11-01 02:11:00,963 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json wandb-summary.json
740
+ 2023-11-01 02:11:00,967 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml config.yaml
741
+ 2023-11-01 02:11:00,980 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-metadata.json wandb-metadata.json
742
+ 2023-11-01 02:11:00,981 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 10
743
+ 2023-11-01 02:11:00,981 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
744
+ 2023-11-01 02:11:00,982 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
745
+ 2023-11-01 02:11:00,989 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 10
746
+ 2023-11-01 02:11:00,990 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
747
+ 2023-11-01 02:11:00,990 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 10
748
+ 2023-11-01 02:11:00,990 INFO SenderThread:34227 [file_pusher.py:finish():175] shutting down file pusher
749
+ 2023-11-01 02:11:01,845 INFO wandb-upload_0:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
750
+ 2023-11-01 02:11:01,850 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
751
+ 2023-11-01 02:11:01,851 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
752
+ 2023-11-01 02:11:02,100 INFO wandb-upload_1:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt
753
+ 2023-11-01 02:11:02,147 INFO wandb-upload_3:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
754
+ 2023-11-01 02:11:02,154 INFO wandb-upload_4:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
755
+ 2023-11-01 02:11:02,851 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
756
+ 2023-11-01 02:11:02,852 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
757
+ 2023-11-01 02:11:03,196 INFO wandb-upload_2:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
758
+ 2023-11-01 02:11:03,396 INFO Thread-132:34227 [sender.py:transition_state():613] send defer: 11
759
+ 2023-11-01 02:11:03,397 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
760
+ 2023-11-01 02:11:03,397 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 11
761
+ 2023-11-01 02:11:03,398 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
762
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 11
763
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [file_pusher.py:join():181] waiting for file pusher
764
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 12
765
+ 2023-11-01 02:11:03,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
766
+ 2023-11-01 02:11:03,399 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 12
767
+ 2023-11-01 02:11:03,399 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
768
+ 2023-11-01 02:11:03,399 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 12
769
+ 2023-11-01 02:11:03,399 INFO SenderThread:34227 [file_stream.py:finish():595] file stream finish called
770
+ 2023-11-01 02:11:03,757 INFO SenderThread:34227 [file_stream.py:finish():599] file stream finish is done
771
+ 2023-11-01 02:11:03,757 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 13
772
+ 2023-11-01 02:11:03,758 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
773
+ 2023-11-01 02:11:03,758 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 13
774
+ 2023-11-01 02:11:03,758 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
775
+ 2023-11-01 02:11:03,758 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 13
776
+ 2023-11-01 02:11:03,759 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 14
777
+ 2023-11-01 02:11:03,759 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
778
+ 2023-11-01 02:11:03,759 DEBUG SenderThread:34227 [sender.py:send():380] send: final
779
+ 2023-11-01 02:11:03,760 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 14
780
+ 2023-11-01 02:11:03,760 DEBUG SenderThread:34227 [sender.py:send():380] send: footer
781
+ 2023-11-01 02:11:03,760 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
782
+ 2023-11-01 02:11:03,760 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 14
783
+ 2023-11-01 02:11:03,762 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
784
+ 2023-11-01 02:11:03,763 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
785
+ 2023-11-01 02:11:03,763 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
786
+ 2023-11-01 02:11:03,764 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: server_info
787
+ 2023-11-01 02:11:03,764 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: get_summary
788
+ 2023-11-01 02:11:03,765 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: sampled_history
789
+ 2023-11-01 02:11:03,765 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: server_info
790
+ 2023-11-01 02:11:03,771 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: job_info
791
+ 2023-11-01 02:11:04,116 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: job_info
792
+ 2023-11-01 02:11:04,117 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: shutdown
793
+ 2023-11-01 02:11:04,117 INFO HandlerThread:34227 [handler.py:finish():866] shutting down handler
794
+ 2023-11-01 02:11:04,772 INFO WriterThread:34227 [datastore.py:close():294] close: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/run-mj672tzu.wandb
795
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [sender.py:finish():1534] shutting down sender
796
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [file_pusher.py:finish():175] shutting down file pusher
797
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [file_pusher.py:join():181] waiting for file pusher
wandb/debug.log ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Current SDK version is 0.15.12
2
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Configure stats pid to 34070
3
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from /jash/Workspace/Food/wandb/settings
5
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': 'hyperpara.py', 'program_abspath': '/jash/Workspace/Food/hyperpara.py', 'program': 'hyperpara.py'}
7
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
8
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:_log_setup():528] Logging user logs to /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/logs/debug.log
10
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:_log_setup():529] Logging internal logs to /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/logs/debug-internal.log
11
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():568] calling init triggers
12
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():575] wandb.init called with sweep_config: {}
13
+ config: {'optimizer': 'Adam', 'architecture': 'Efficientnet B0', 'dataset': 'Food101', 'epochs': 25}
14
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():618] starting backend
15
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():622] setting up manager
16
+ 2023-11-01 01:46:58,109 INFO MainThread:34070 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2023-11-01 01:46:58,109 INFO MainThread:34070 [wandb_init.py:init():628] backend started and connected
18
+ 2023-11-01 01:46:58,111 INFO MainThread:34070 [wandb_init.py:init():720] updated telemetry
19
+ 2023-11-01 01:46:58,112 INFO MainThread:34070 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
20
+ 2023-11-01 01:46:59,468 INFO MainThread:34070 [wandb_run.py:_on_init():2220] communicating current version
21
+ 2023-11-01 01:47:00,159 INFO MainThread:34070 [wandb_run.py:_on_init():2229] got version response
22
+ 2023-11-01 01:47:00,159 INFO MainThread:34070 [wandb_init.py:init():804] starting run threads in backend
23
+ 2023-11-01 01:47:06,941 INFO MainThread:34070 [wandb_run.py:_console_start():2199] atexit reg
24
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2054] redirect: wrap_raw
25
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2119] Wrapping output streams.
26
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2144] Redirects installed.
27
+ 2023-11-01 01:47:06,943 INFO MainThread:34070 [wandb_init.py:init():845] run started, returning control to user process
28
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_finish():1934] finishing run maa_64/food-app/mj672tzu
29
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_atexit_cleanup():2168] got exitcode: 0
30
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_restore():2151] restore
31
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_restore():2157] restore done
32
+ 2023-11-01 02:11:05,119 INFO MainThread:34070 [wandb_run.py:_footer_history_summary_info():3599] rendering history
33
+ 2023-11-01 02:11:05,120 INFO MainThread:34070 [wandb_run.py:_footer_history_summary_info():3631] rendering summary
34
+ 2023-11-01 02:11:05,127 INFO MainThread:34070 [wandb_run.py:_footer_sync_info():3558] logging synced files
wandb/latest-run/files/conda-environment.yaml ADDED
@@ -0,0 +1,197 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ name: env
2
+ channels:
3
+ - conda-forge
4
+ - defaults
5
+ dependencies:
6
+ - _libgcc_mutex=0.1=main
7
+ - _openmp_mutex=5.1=1_gnu
8
+ - asttokens=2.4.0=pyhd8ed1ab_0
9
+ - backcall=0.2.0=pyh9f0ad1d_0
10
+ - backports=1.0=pyhd8ed1ab_3
11
+ - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0
12
+ - ca-certificates=2023.7.22=hbcca054_0
13
+ - comm=0.1.4=pyhd8ed1ab_0
14
+ - debugpy=1.6.7=py38h6a678d5_0
15
+ - decorator=5.1.1=pyhd8ed1ab_0
16
+ - entrypoints=0.4=pyhd8ed1ab_0
17
+ - executing=1.2.0=pyhd8ed1ab_0
18
+ - ipykernel=6.25.2=pyh2140261_0
19
+ - ipython=8.12.0=pyh41d4057_0
20
+ - jedi=0.19.1=pyhd8ed1ab_0
21
+ - jupyter_client=7.3.4=pyhd8ed1ab_0
22
+ - jupyter_core=5.4.0=py38h578d9bd_0
23
+ - ld_impl_linux-64=2.38=h1181459_1
24
+ - libffi=3.4.4=h6a678d5_0
25
+ - libgcc-ng=11.2.0=h1234567_1
26
+ - libgomp=11.2.0=h1234567_1
27
+ - libsodium=1.0.18=h36c2ea0_1
28
+ - libstdcxx-ng=11.2.0=h1234567_1
29
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
30
+ - ncurses=6.4=h6a678d5_0
31
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
32
+ - openssl=3.0.11=h7f8727e_2
33
+ - parso=0.8.3=pyhd8ed1ab_0
34
+ - pexpect=4.8.0=pyh1a96a4e_2
35
+ - pickleshare=0.7.5=py_1003
36
+ - pip=23.2.1=py38h06a4308_0
37
+ - platformdirs=3.11.0=pyhd8ed1ab_0
38
+ - prompt-toolkit=3.0.39=pyha770c72_0
39
+ - prompt_toolkit=3.0.39=hd8ed1ab_0
40
+ - ptyprocess=0.7.0=pyhd3deb0d_0
41
+ - pure_eval=0.2.2=pyhd8ed1ab_0
42
+ - pygments=2.16.1=pyhd8ed1ab_0
43
+ - python=3.8.18=h955ad1f_0
44
+ - python-dateutil=2.8.2=pyhd8ed1ab_0
45
+ - python_abi=3.8=2_cp38
46
+ - pyzmq=25.1.0=py38h6a678d5_0
47
+ - readline=8.2=h5eee18b_0
48
+ - setuptools=68.0.0=py38h06a4308_0
49
+ - six=1.16.0=pyh6c4a22f_0
50
+ - sqlite=3.41.2=h5eee18b_0
51
+ - stack_data=0.6.2=pyhd8ed1ab_0
52
+ - tk=8.6.12=h1ccaba5_0
53
+ - tornado=6.1=py38h0a891b7_3
54
+ - traitlets=5.11.2=pyhd8ed1ab_0
55
+ - typing-extensions=4.8.0=hd8ed1ab_0
56
+ - typing_extensions=4.8.0=pyha770c72_0
57
+ - wcwidth=0.2.8=pyhd8ed1ab_0
58
+ - wheel=0.38.4=py38h06a4308_0
59
+ - xz=5.4.2=h5eee18b_0
60
+ - zeromq=4.3.4=h2531618_0
61
+ - zlib=1.2.13=h5eee18b_0
62
+ - pip:
63
+ - accelerate==0.22.0
64
+ - aiofiles==23.2.1
65
+ - aiohttp==3.8.5
66
+ - aiosignal==1.3.1
67
+ - alembic==1.12.0
68
+ - altair==5.1.2
69
+ - annotated-types==0.6.0
70
+ - anyio==3.7.1
71
+ - appdirs==1.4.4
72
+ - async-timeout==4.0.3
73
+ - attrs==23.1.0
74
+ - certifi==2022.12.7
75
+ - charset-normalizer==2.1.1
76
+ - click==8.1.7
77
+ - cmake==3.25.0
78
+ - colorama==0.4.6
79
+ - coloredlogs==15.0.1
80
+ - colorlog==6.7.0
81
+ - contourpy==1.1.0
82
+ - cycler==0.11.0
83
+ - datasets==2.14.5
84
+ - diffusers==0.21.0
85
+ - dill==0.3.7
86
+ - docker-pycreds==0.4.0
87
+ - einops==0.6.1
88
+ - exceptiongroup==1.1.3
89
+ - fastapi==0.104.1
90
+ - ffmpy==0.3.1
91
+ - filelock==3.9.0
92
+ - flatbuffers==23.5.26
93
+ - fonttools==4.42.1
94
+ - frozenlist==1.4.0
95
+ - fsspec==2023.6.0
96
+ - gitdb==4.0.11
97
+ - gitpython==3.1.40
98
+ - gradio==4.0.0
99
+ - gradio-client==0.7.0
100
+ - greenlet==3.0.0
101
+ - h11==0.14.0
102
+ - httpcore==0.18.0
103
+ - httpx==0.25.0
104
+ - huggingface-hub==0.17.1
105
+ - humanfriendly==10.0
106
+ - idna==3.4
107
+ - importlib-metadata==6.8.0
108
+ - importlib-resources==6.0.1
109
+ - jinja2==3.1.2
110
+ - joblib==1.3.2
111
+ - jsonschema==4.19.2
112
+ - jsonschema-specifications==2023.7.1
113
+ - kiwisolver==1.4.5
114
+ - lightning-utilities==0.9.0
115
+ - lit==15.0.7
116
+ - lpips==0.1.4
117
+ - mako==1.2.4
118
+ - markdown-it-py==3.0.0
119
+ - markupsafe==2.1.2
120
+ - matplotlib==3.7.3
121
+ - mdurl==0.1.2
122
+ - mpmath==1.2.1
123
+ - multidict==6.0.4
124
+ - multiprocess==0.70.15
125
+ - networkx==3.0
126
+ - numpy==1.24.1
127
+ - nvidia-cublas-cu11==11.10.3.66
128
+ - nvidia-cuda-cupti-cu11==11.7.101
129
+ - nvidia-cuda-nvrtc-cu11==11.7.99
130
+ - nvidia-cuda-runtime-cu11==11.7.99
131
+ - nvidia-cudnn-cu11==8.5.0.96
132
+ - nvidia-cufft-cu11==10.9.0.58
133
+ - nvidia-curand-cu11==10.2.10.91
134
+ - nvidia-cusolver-cu11==11.4.0.1
135
+ - nvidia-cusparse-cu11==11.7.4.91
136
+ - nvidia-nccl-cu11==2.14.3
137
+ - nvidia-nvtx-cu11==11.7.91
138
+ - onnx==1.15.0
139
+ - onnxruntime==1.16.1
140
+ - onnxruntime-gpu==1.16.1
141
+ - optuna==3.4.0
142
+ - orjson==3.9.10
143
+ - packaging==23.1
144
+ - pandas==2.0.3
145
+ - pathtools==0.1.2
146
+ - pillow==9.3.0
147
+ - pkgutil-resolve-name==1.3.10
148
+ - protobuf==4.24.4
149
+ - psutil==5.9.5
150
+ - pyarrow==13.0.0
151
+ - pydantic==2.4.2
152
+ - pydantic-core==2.10.1
153
+ - pydub==0.25.1
154
+ - pyparsing==3.1.1
155
+ - python-multipart==0.0.6
156
+ - pytz==2023.3.post1
157
+ - pyyaml==6.0.1
158
+ - referencing==0.30.2
159
+ - regex==2023.8.8
160
+ - requests==2.28.1
161
+ - rich==13.6.0
162
+ - rpds-py==0.10.6
163
+ - safetensors==0.3.3
164
+ - scikit-learn==1.3.1
165
+ - scipy==1.10.1
166
+ - semantic-version==2.10.0
167
+ - sentry-sdk==1.32.0
168
+ - setproctitle==1.3.3
169
+ - shellingham==1.5.4
170
+ - smmap==5.0.1
171
+ - sniffio==1.3.0
172
+ - sqlalchemy==2.0.22
173
+ - starlette==0.27.0
174
+ - sympy==1.11.1
175
+ - threadpoolctl==3.2.0
176
+ - tokenizers==0.13.3
177
+ - tomlkit==0.12.0
178
+ - toolz==0.12.0
179
+ - torch==2.0.1
180
+ - torch-fidelity==0.3.0
181
+ - torch-summary==1.4.5
182
+ - torchaudio==2.0.2
183
+ - torchmetrics==1.1.2
184
+ - torchvision==0.15.2
185
+ - tqdm==4.66.1
186
+ - transformers==4.33.1
187
+ - triton==2.0.0
188
+ - typer==0.9.0
189
+ - tzdata==2023.3
190
+ - urllib3==1.26.13
191
+ - uvicorn==0.23.2
192
+ - wandb==0.15.12
193
+ - websockets==11.0.3
194
+ - xxhash==3.3.0
195
+ - yarl==1.9.2
196
+ - zipp==3.16.2
197
+ prefix: /opt/conda/envs/env
wandb/latest-run/files/config.yaml ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ optimizer:
4
+ desc: null
5
+ value: Adam
6
+ architecture:
7
+ desc: null
8
+ value: Efficientnet B0
9
+ dataset:
10
+ desc: null
11
+ value: Food101
12
+ epochs:
13
+ desc: null
14
+ value: 25
15
+ _wandb:
16
+ desc: null
17
+ value:
18
+ python_version: 3.8.18
19
+ cli_version: 0.15.12
20
+ framework: huggingface
21
+ huggingface_version: 4.33.1
22
+ is_jupyter_run: false
23
+ is_kaggle_kernel: false
24
+ start_time: 1698788818.109446
25
+ t:
26
+ 1:
27
+ - 1
28
+ - 11
29
+ - 35
30
+ - 41
31
+ - 49
32
+ - 55
33
+ - 71
34
+ - 105
35
+ 2:
36
+ - 1
37
+ - 11
38
+ - 35
39
+ - 41
40
+ - 49
41
+ - 55
42
+ - 71
43
+ - 105
44
+ 3:
45
+ - 2
46
+ - 16
47
+ - 23
48
+ 4: 3.8.18
49
+ 5: 0.15.12
50
+ 6: 4.33.1
51
+ 8:
52
+ - 5
53
+ 13: linux-x86_64
wandb/latest-run/files/output.log ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+
2
+ Saving Model At: save_model/best_model.pth
wandb/latest-run/files/requirements.txt ADDED
@@ -0,0 +1,168 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ accelerate==0.22.0
2
+ aiofiles==23.2.1
3
+ aiohttp==3.8.5
4
+ aiosignal==1.3.1
5
+ alembic==1.12.0
6
+ altair==5.1.2
7
+ annotated-types==0.6.0
8
+ anyio==3.7.1
9
+ appdirs==1.4.4
10
+ asttokens==2.4.0
11
+ async-timeout==4.0.3
12
+ attrs==23.1.0
13
+ backcall==0.2.0
14
+ backports.functools-lru-cache==1.6.5
15
+ certifi==2022.12.7
16
+ charset-normalizer==2.1.1
17
+ click==8.1.7
18
+ cmake==3.25.0
19
+ colorama==0.4.6
20
+ coloredlogs==15.0.1
21
+ colorlog==6.7.0
22
+ comm==0.1.4
23
+ contourpy==1.1.0
24
+ cycler==0.11.0
25
+ datasets==2.14.5
26
+ debugpy==1.6.7
27
+ decorator==5.1.1
28
+ diffusers==0.21.0
29
+ dill==0.3.7
30
+ docker-pycreds==0.4.0
31
+ einops==0.6.1
32
+ entrypoints==0.4
33
+ exceptiongroup==1.1.3
34
+ executing==1.2.0
35
+ fastapi==0.104.1
36
+ ffmpy==0.3.1
37
+ filelock==3.9.0
38
+ flatbuffers==23.5.26
39
+ fonttools==4.42.1
40
+ frozenlist==1.4.0
41
+ fsspec==2023.6.0
42
+ gitdb==4.0.11
43
+ gitpython==3.1.40
44
+ gradio-client==0.7.0
45
+ gradio==4.0.0
46
+ greenlet==3.0.0
47
+ h11==0.14.0
48
+ httpcore==0.18.0
49
+ httpx==0.25.0
50
+ huggingface-hub==0.17.1
51
+ humanfriendly==10.0
52
+ idna==3.4
53
+ importlib-metadata==6.8.0
54
+ importlib-resources==6.0.1
55
+ ipykernel==6.25.2
56
+ ipython==8.12.0
57
+ jedi==0.19.1
58
+ jinja2==3.1.2
59
+ joblib==1.3.2
60
+ jsonschema-specifications==2023.7.1
61
+ jsonschema==4.19.2
62
+ jupyter-client==7.3.4
63
+ jupyter-core==5.4.0
64
+ kiwisolver==1.4.5
65
+ lightning-utilities==0.9.0
66
+ lit==15.0.7
67
+ lpips==0.1.4
68
+ mako==1.2.4
69
+ markdown-it-py==3.0.0
70
+ markupsafe==2.1.2
71
+ matplotlib-inline==0.1.6
72
+ matplotlib==3.7.3
73
+ mdurl==0.1.2
74
+ mpmath==1.2.1
75
+ multidict==6.0.4
76
+ multiprocess==0.70.15
77
+ nest-asyncio==1.5.8
78
+ networkx==3.0
79
+ numpy==1.24.1
80
+ nvidia-cublas-cu11==11.10.3.66
81
+ nvidia-cuda-cupti-cu11==11.7.101
82
+ nvidia-cuda-nvrtc-cu11==11.7.99
83
+ nvidia-cuda-runtime-cu11==11.7.99
84
+ nvidia-cudnn-cu11==8.5.0.96
85
+ nvidia-cufft-cu11==10.9.0.58
86
+ nvidia-curand-cu11==10.2.10.91
87
+ nvidia-cusolver-cu11==11.4.0.1
88
+ nvidia-cusparse-cu11==11.7.4.91
89
+ nvidia-nccl-cu11==2.14.3
90
+ nvidia-nvtx-cu11==11.7.91
91
+ onnx==1.15.0
92
+ onnxruntime-gpu==1.16.1
93
+ onnxruntime==1.16.1
94
+ optuna==3.4.0
95
+ orjson==3.9.10
96
+ packaging==23.1
97
+ pandas==2.0.3
98
+ parso==0.8.3
99
+ pathtools==0.1.2
100
+ pexpect==4.8.0
101
+ pickleshare==0.7.5
102
+ pillow==9.3.0
103
+ pip==23.2.1
104
+ pkgutil-resolve-name==1.3.10
105
+ platformdirs==3.11.0
106
+ prompt-toolkit==3.0.39
107
+ protobuf==4.24.4
108
+ psutil==5.9.0
109
+ ptyprocess==0.7.0
110
+ pure-eval==0.2.2
111
+ pyarrow==13.0.0
112
+ pydantic-core==2.10.1
113
+ pydantic==2.4.2
114
+ pydub==0.25.1
115
+ pygments==2.16.1
116
+ pyparsing==3.1.1
117
+ python-dateutil==2.8.2
118
+ python-multipart==0.0.6
119
+ pytz==2023.3.post1
120
+ pyyaml==6.0.1
121
+ pyzmq==25.1.0
122
+ referencing==0.30.2
123
+ regex==2023.8.8
124
+ requests==2.28.1
125
+ rich==13.6.0
126
+ rpds-py==0.10.6
127
+ safetensors==0.3.3
128
+ scikit-learn==1.3.1
129
+ scipy==1.10.1
130
+ semantic-version==2.10.0
131
+ sentry-sdk==1.32.0
132
+ setproctitle==1.3.3
133
+ setuptools==68.0.0
134
+ shellingham==1.5.4
135
+ six==1.16.0
136
+ smmap==5.0.1
137
+ sniffio==1.3.0
138
+ sqlalchemy==2.0.22
139
+ stack-data==0.6.2
140
+ starlette==0.27.0
141
+ sympy==1.11.1
142
+ threadpoolctl==3.2.0
143
+ tokenizers==0.13.3
144
+ tomlkit==0.12.0
145
+ toolz==0.12.0
146
+ torch-fidelity==0.3.0
147
+ torch-summary==1.4.5
148
+ torch==2.0.1
149
+ torchaudio==2.0.2
150
+ torchmetrics==1.1.2
151
+ torchvision==0.15.2
152
+ tornado==6.1
153
+ tqdm==4.66.1
154
+ traitlets==5.11.2
155
+ transformers==4.33.1
156
+ triton==2.0.0
157
+ typer==0.9.0
158
+ typing-extensions==4.8.0
159
+ tzdata==2023.3
160
+ urllib3==1.26.13
161
+ uvicorn==0.23.2
162
+ wandb==0.15.12
163
+ wcwidth==0.2.8
164
+ websockets==11.0.3
165
+ wheel==0.38.4
166
+ xxhash==3.3.0
167
+ yarl==1.9.2
168
+ zipp==3.16.2
wandb/latest-run/files/wandb-metadata.json ADDED
@@ -0,0 +1,254 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-4.15.0-55-generic-x86_64-with-glibc2.17",
3
+ "python": "3.8.18",
4
+ "heartbeatAt": "2023-10-31T21:47:00.334647",
5
+ "startedAt": "2023-10-31T21:46:58.105196",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "hyperpara.py",
11
+ "codePathLocal": "hyperpara.py",
12
+ "codePath": "hyperpara.py",
13
+ "host": "76ecfeea2960",
14
+ "username": "root",
15
+ "executable": "/opt/conda/envs/env/bin/python",
16
+ "cpu_count": 20,
17
+ "cpu_count_logical": 40,
18
+ "cpu_freq": {
19
+ "current": 1.519625,
20
+ "min": 1200.0,
21
+ "max": 3600.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2.698,
26
+ "min": 1200.0,
27
+ "max": 3600.0
28
+ },
29
+ {
30
+ "current": 1.198,
31
+ "min": 1200.0,
32
+ "max": 3600.0
33
+ },
34
+ {
35
+ "current": 1.197,
36
+ "min": 1200.0,
37
+ "max": 3600.0
38
+ },
39
+ {
40
+ "current": 1.197,
41
+ "min": 1200.0,
42
+ "max": 3600.0
43
+ },
44
+ {
45
+ "current": 1.199,
46
+ "min": 1200.0,
47
+ "max": 3600.0
48
+ },
49
+ {
50
+ "current": 1.208,
51
+ "min": 1200.0,
52
+ "max": 3600.0
53
+ },
54
+ {
55
+ "current": 1.199,
56
+ "min": 1200.0,
57
+ "max": 3600.0
58
+ },
59
+ {
60
+ "current": 1.297,
61
+ "min": 1200.0,
62
+ "max": 3600.0
63
+ },
64
+ {
65
+ "current": 2.698,
66
+ "min": 1200.0,
67
+ "max": 3600.0
68
+ },
69
+ {
70
+ "current": 1.199,
71
+ "min": 1200.0,
72
+ "max": 3600.0
73
+ },
74
+ {
75
+ "current": 1.499,
76
+ "min": 1200.0,
77
+ "max": 3600.0
78
+ },
79
+ {
80
+ "current": 1.465,
81
+ "min": 1200.0,
82
+ "max": 3600.0
83
+ },
84
+ {
85
+ "current": 1.198,
86
+ "min": 1200.0,
87
+ "max": 3600.0
88
+ },
89
+ {
90
+ "current": 1.199,
91
+ "min": 1200.0,
92
+ "max": 3600.0
93
+ },
94
+ {
95
+ "current": 1.299,
96
+ "min": 1200.0,
97
+ "max": 3600.0
98
+ },
99
+ {
100
+ "current": 1.697,
101
+ "min": 1200.0,
102
+ "max": 3600.0
103
+ },
104
+ {
105
+ "current": 1.476,
106
+ "min": 1200.0,
107
+ "max": 3600.0
108
+ },
109
+ {
110
+ "current": 2.208,
111
+ "min": 1200.0,
112
+ "max": 3600.0
113
+ },
114
+ {
115
+ "current": 1.199,
116
+ "min": 1200.0,
117
+ "max": 3600.0
118
+ },
119
+ {
120
+ "current": 1.199,
121
+ "min": 1200.0,
122
+ "max": 3600.0
123
+ },
124
+ {
125
+ "current": 2.698,
126
+ "min": 1200.0,
127
+ "max": 3600.0
128
+ },
129
+ {
130
+ "current": 1.199,
131
+ "min": 1200.0,
132
+ "max": 3600.0
133
+ },
134
+ {
135
+ "current": 1.199,
136
+ "min": 1200.0,
137
+ "max": 3600.0
138
+ },
139
+ {
140
+ "current": 1.196,
141
+ "min": 1200.0,
142
+ "max": 3600.0
143
+ },
144
+ {
145
+ "current": 1.205,
146
+ "min": 1200.0,
147
+ "max": 3600.0
148
+ },
149
+ {
150
+ "current": 1.2,
151
+ "min": 1200.0,
152
+ "max": 3600.0
153
+ },
154
+ {
155
+ "current": 1.204,
156
+ "min": 1200.0,
157
+ "max": 3600.0
158
+ },
159
+ {
160
+ "current": 1.299,
161
+ "min": 1200.0,
162
+ "max": 3600.0
163
+ },
164
+ {
165
+ "current": 2.7,
166
+ "min": 1200.0,
167
+ "max": 3600.0
168
+ },
169
+ {
170
+ "current": 1.199,
171
+ "min": 1200.0,
172
+ "max": 3600.0
173
+ },
174
+ {
175
+ "current": 1.498,
176
+ "min": 1200.0,
177
+ "max": 3600.0
178
+ },
179
+ {
180
+ "current": 1.268,
181
+ "min": 1200.0,
182
+ "max": 3600.0
183
+ },
184
+ {
185
+ "current": 1.2,
186
+ "min": 1200.0,
187
+ "max": 3600.0
188
+ },
189
+ {
190
+ "current": 1.199,
191
+ "min": 1200.0,
192
+ "max": 3600.0
193
+ },
194
+ {
195
+ "current": 1.251,
196
+ "min": 1200.0,
197
+ "max": 3600.0
198
+ },
199
+ {
200
+ "current": 1.697,
201
+ "min": 1200.0,
202
+ "max": 3600.0
203
+ },
204
+ {
205
+ "current": 1.534,
206
+ "min": 1200.0,
207
+ "max": 3600.0
208
+ },
209
+ {
210
+ "current": 2.198,
211
+ "min": 1200.0,
212
+ "max": 3600.0
213
+ },
214
+ {
215
+ "current": 1.199,
216
+ "min": 1200.0,
217
+ "max": 3600.0
218
+ },
219
+ {
220
+ "current": 1.199,
221
+ "min": 1200.0,
222
+ "max": 3600.0
223
+ }
224
+ ],
225
+ "disk": {
226
+ "/": {
227
+ "total": 1758.95463180542,
228
+ "used": 866.9305191040039
229
+ }
230
+ },
231
+ "gpu": "Tesla V100-DGXS-32GB",
232
+ "gpu_count": 4,
233
+ "gpu_devices": [
234
+ {
235
+ "name": "Tesla V100-DGXS-32GB",
236
+ "memory_total": 34359738368
237
+ },
238
+ {
239
+ "name": "Tesla V100-DGXS-32GB",
240
+ "memory_total": 34359738368
241
+ },
242
+ {
243
+ "name": "Tesla V100-DGXS-32GB",
244
+ "memory_total": 34359738368
245
+ },
246
+ {
247
+ "name": "Tesla V100-DGXS-32GB",
248
+ "memory_total": 34359738368
249
+ }
250
+ ],
251
+ "memory": {
252
+ "total": 251.8238754272461
253
+ }
254
+ }
wandb/latest-run/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"Train Loss": 1.3167718648910522, "Train Accuracy": 0.5293803811073303, "Validation Loss": 1.200211763381958, "Validation Accuracy": 0.5658254027366638, "_timestamp": 1698790257.8465717, "_runtime": 1439.737125635147, "_step": 0, "_wandb": {"runtime": 1437}}
wandb/latest-run/logs/debug-internal.log ADDED
@@ -0,0 +1,797 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2023-11-01 01:46:58,588 INFO StreamThr :34227 [internal.py:wandb_internal():86] W&B internal server running at pid: 34227, started at: 2023-11-01 01:46:58.587580
2
+ 2023-11-01 01:46:58,590 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status
3
+ 2023-11-01 01:46:58,592 INFO WriterThread:34227 [datastore.py:open_for_write():85] open: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/run-mj672tzu.wandb
4
+ 2023-11-01 01:46:58,595 DEBUG SenderThread:34227 [sender.py:send():380] send: header
5
+ 2023-11-01 01:46:58,595 DEBUG SenderThread:34227 [sender.py:send():380] send: run
6
+ 2023-11-01 01:46:59,448 INFO SenderThread:34227 [dir_watcher.py:__init__():211] watching files in: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files
7
+ 2023-11-01 01:46:59,448 INFO SenderThread:34227 [sender.py:_start_run_threads():1122] run started: mj672tzu with start time 1698788818.109446
8
+ 2023-11-01 01:46:59,469 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: check_version
9
+ 2023-11-01 01:46:59,470 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: check_version
10
+ 2023-11-01 01:47:00,265 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: run_start
11
+ 2023-11-01 01:47:00,267 DEBUG HandlerThread:34227 [system_info.py:__init__():32] System info init
12
+ 2023-11-01 01:47:00,267 DEBUG HandlerThread:34227 [system_info.py:__init__():47] System info init done
13
+ 2023-11-01 01:47:00,267 INFO HandlerThread:34227 [system_monitor.py:start():194] Starting system monitor
14
+ 2023-11-01 01:47:00,267 INFO SystemMonitor:34227 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2023-11-01 01:47:00,267 INFO HandlerThread:34227 [system_monitor.py:probe():214] Collecting system info
16
+ 2023-11-01 01:47:00,268 INFO SystemMonitor:34227 [interfaces.py:start():190] Started cpu monitoring
17
+ 2023-11-01 01:47:00,269 INFO SystemMonitor:34227 [interfaces.py:start():190] Started disk monitoring
18
+ 2023-11-01 01:47:00,270 INFO SystemMonitor:34227 [interfaces.py:start():190] Started gpu monitoring
19
+ 2023-11-01 01:47:00,271 INFO SystemMonitor:34227 [interfaces.py:start():190] Started memory monitoring
20
+ 2023-11-01 01:47:00,272 INFO SystemMonitor:34227 [interfaces.py:start():190] Started network monitoring
21
+ 2023-11-01 01:47:00,334 DEBUG HandlerThread:34227 [system_info.py:probe():196] Probing system
22
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [gitlib.py:_init_repo():53] git repository is invalid
23
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:probe():244] Probing system done
24
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_monitor.py:probe():223] {'os': 'Linux-4.15.0-55-generic-x86_64-with-glibc2.17', 'python': '3.8.18', 'heartbeatAt': '2023-10-31T21:47:00.334647', 'startedAt': '2023-10-31T21:46:58.105196', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'hyperpara.py', 'codePathLocal': 'hyperpara.py', 'codePath': 'hyperpara.py', 'host': '76ecfeea2960', 'username': 'root', 'executable': '/opt/conda/envs/env/bin/python', 'cpu_count': 20, 'cpu_count_logical': 40, 'cpu_freq': {'current': 1.519625, 'min': 1200.0, 'max': 3600.0}, 'cpu_freq_per_core': [{'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.197, 'min': 1200.0, 'max': 3600.0}, {'current': 1.197, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.208, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.297, 'min': 1200.0, 'max': 3600.0}, {'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.499, 'min': 1200.0, 'max': 3600.0}, {'current': 1.465, 'min': 1200.0, 'max': 3600.0}, {'current': 1.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.299, 'min': 1200.0, 'max': 3600.0}, {'current': 1.697, 'min': 1200.0, 'max': 3600.0}, {'current': 1.476, 'min': 1200.0, 'max': 3600.0}, {'current': 2.208, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 2.698, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.196, 'min': 1200.0, 'max': 3600.0}, {'current': 1.205, 'min': 1200.0, 'max': 3600.0}, {'current': 1.2, 'min': 1200.0, 'max': 3600.0}, {'current': 1.204, 'min': 1200.0, 'max': 3600.0}, {'current': 1.299, 'min': 1200.0, 'max': 3600.0}, {'current': 2.7, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.498, 'min': 1200.0, 'max': 3600.0}, {'current': 1.268, 'min': 1200.0, 'max': 3600.0}, {'current': 1.2, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.251, 'min': 1200.0, 'max': 3600.0}, {'current': 1.697, 'min': 1200.0, 'max': 3600.0}, {'current': 1.534, 'min': 1200.0, 'max': 3600.0}, {'current': 2.198, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}, {'current': 1.199, 'min': 1200.0, 'max': 3600.0}], 'disk': {'/': {'total': 1758.95463180542, 'used': 866.9305191040039}}, 'gpu': 'Tesla V100-DGXS-32GB', 'gpu_count': 4, 'gpu_devices': [{'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}, {'name': 'Tesla V100-DGXS-32GB', 'memory_total': 34359738368}], 'memory': {'total': 251.8238754272461}}
25
+ 2023-11-01 01:47:00,335 INFO HandlerThread:34227 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2023-11-01 01:47:00,335 INFO HandlerThread:34227 [system_monitor.py:probe():227] Publishing system info
27
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:_save_pip():52] Saving list of pip packages installed into the current environment
28
+ 2023-11-01 01:47:00,335 DEBUG HandlerThread:34227 [system_info.py:_save_pip():68] Saving pip packages done
29
+ 2023-11-01 01:47:00,336 DEBUG HandlerThread:34227 [system_info.py:_save_conda():75] Saving list of conda packages installed into the current environment
30
+ 2023-11-01 01:47:00,451 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt
31
+ 2023-11-01 01:47:00,452 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
32
+ 2023-11-01 01:47:06,925 DEBUG HandlerThread:34227 [system_info.py:_save_conda():87] Saving conda packages done
33
+ 2023-11-01 01:47:06,927 INFO HandlerThread:34227 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2023-11-01 01:47:06,927 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
35
+ 2023-11-01 01:47:06,928 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: keepalive
36
+ 2023-11-01 01:47:06,929 DEBUG SenderThread:34227 [sender.py:send():380] send: files
37
+ 2023-11-01 01:47:06,929 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-metadata.json with policy now
38
+ 2023-11-01 01:47:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
39
+ 2023-11-01 01:47:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
40
+ 2023-11-01 01:47:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
41
+ 2023-11-01 01:47:07,442 DEBUG SenderThread:34227 [sender.py:send():380] send: telemetry
42
+ 2023-11-01 01:47:07,450 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
43
+ 2023-11-01 01:47:07,451 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-metadata.json
44
+ 2023-11-01 01:47:09,285 INFO wandb-upload_0:34227 [upload_job.py:push():131] Uploaded file /tmp/tmpqi5xsr4gwandb/rhtw7848-wandb-metadata.json
45
+ 2023-11-01 01:47:09,443 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
46
+ 2023-11-01 01:47:14,444 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
47
+ 2023-11-01 01:47:19,445 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
48
+ 2023-11-01 01:47:21,940 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
49
+ 2023-11-01 01:47:21,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
50
+ 2023-11-01 01:47:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
51
+ 2023-11-01 01:47:25,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
52
+ 2023-11-01 01:47:30,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
53
+ 2023-11-01 01:47:31,458 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
54
+ 2023-11-01 01:47:35,747 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
55
+ 2023-11-01 01:47:36,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
56
+ 2023-11-01 01:47:36,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
57
+ 2023-11-01 01:47:36,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
58
+ 2023-11-01 01:47:41,296 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
59
+ 2023-11-01 01:47:46,297 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
60
+ 2023-11-01 01:47:51,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
61
+ 2023-11-01 01:47:51,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
62
+ 2023-11-01 01:47:51,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
63
+ 2023-11-01 01:47:51,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
64
+ 2023-11-01 01:47:57,290 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
65
+ 2023-11-01 01:48:00,272 DEBUG SystemMonitor:34227 [system_monitor.py:_start():172] Starting system metrics aggregation loop
66
+ 2023-11-01 01:48:00,276 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
67
+ 2023-11-01 01:48:03,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
68
+ 2023-11-01 01:48:06,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
69
+ 2023-11-01 01:48:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
70
+ 2023-11-01 01:48:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
71
+ 2023-11-01 01:48:08,317 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
72
+ 2023-11-01 01:48:13,318 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
73
+ 2023-11-01 01:48:18,319 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
74
+ 2023-11-01 01:48:21,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
75
+ 2023-11-01 01:48:21,941 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
76
+ 2023-11-01 01:48:21,981 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
77
+ 2023-11-01 01:48:24,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
78
+ 2023-11-01 01:48:29,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
79
+ 2023-11-01 01:48:30,278 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
80
+ 2023-11-01 01:48:35,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
81
+ 2023-11-01 01:48:36,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
82
+ 2023-11-01 01:48:36,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
83
+ 2023-11-01 01:48:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
84
+ 2023-11-01 01:48:40,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
85
+ 2023-11-01 01:48:45,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
86
+ 2023-11-01 01:48:50,333 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
87
+ 2023-11-01 01:48:51,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
88
+ 2023-11-01 01:48:51,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
89
+ 2023-11-01 01:48:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
90
+ 2023-11-01 01:48:56,275 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
91
+ 2023-11-01 01:49:00,280 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
92
+ 2023-11-01 01:49:01,281 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
93
+ 2023-11-01 01:49:06,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
94
+ 2023-11-01 01:49:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
95
+ 2023-11-01 01:49:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
96
+ 2023-11-01 01:49:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
97
+ 2023-11-01 01:49:12,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
98
+ 2023-11-01 01:49:17,279 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
99
+ 2023-11-01 01:49:21,941 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
100
+ 2023-11-01 01:49:21,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
101
+ 2023-11-01 01:49:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
102
+ 2023-11-01 01:49:22,346 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
103
+ 2023-11-01 01:49:27,347 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
104
+ 2023-11-01 01:49:30,282 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
105
+ 2023-11-01 01:49:33,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
106
+ 2023-11-01 01:49:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
107
+ 2023-11-01 01:49:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
108
+ 2023-11-01 01:49:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
109
+ 2023-11-01 01:49:38,291 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
110
+ 2023-11-01 01:49:43,292 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
111
+ 2023-11-01 01:49:48,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
112
+ 2023-11-01 01:49:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
113
+ 2023-11-01 01:49:51,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
114
+ 2023-11-01 01:49:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
115
+ 2023-11-01 01:49:53,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
116
+ 2023-11-01 01:49:58,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
117
+ 2023-11-01 01:50:00,284 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
118
+ 2023-11-01 01:50:04,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
119
+ 2023-11-01 01:50:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
120
+ 2023-11-01 01:50:06,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
121
+ 2023-11-01 01:50:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
122
+ 2023-11-01 01:50:09,358 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
123
+ 2023-11-01 01:50:14,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
124
+ 2023-11-01 01:50:19,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
125
+ 2023-11-01 01:50:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
126
+ 2023-11-01 01:50:21,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
127
+ 2023-11-01 01:50:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
128
+ 2023-11-01 01:50:24,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
129
+ 2023-11-01 01:50:29,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
130
+ 2023-11-01 01:50:30,286 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
131
+ 2023-11-01 01:50:35,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
132
+ 2023-11-01 01:50:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
133
+ 2023-11-01 01:50:36,942 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
134
+ 2023-11-01 01:50:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
135
+ 2023-11-01 01:50:40,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
136
+ 2023-11-01 01:50:45,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
137
+ 2023-11-01 01:50:50,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
138
+ 2023-11-01 01:50:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
139
+ 2023-11-01 01:50:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
140
+ 2023-11-01 01:50:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
141
+ 2023-11-01 01:50:56,350 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
142
+ 2023-11-01 01:51:00,288 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
143
+ 2023-11-01 01:51:02,290 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
144
+ 2023-11-01 01:51:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
145
+ 2023-11-01 01:51:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
146
+ 2023-11-01 01:51:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
147
+ 2023-11-01 01:51:07,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
148
+ 2023-11-01 01:51:09,530 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
149
+ 2023-11-01 01:51:11,530 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
150
+ 2023-11-01 01:51:12,954 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
151
+ 2023-11-01 01:51:17,954 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
152
+ 2023-11-01 01:51:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
153
+ 2023-11-01 01:51:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
154
+ 2023-11-01 01:51:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
155
+ 2023-11-01 01:51:23,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
156
+ 2023-11-01 01:51:28,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
157
+ 2023-11-01 01:51:30,290 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
158
+ 2023-11-01 01:51:34,292 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
159
+ 2023-11-01 01:51:36,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
160
+ 2023-11-01 01:51:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
161
+ 2023-11-01 01:51:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
162
+ 2023-11-01 01:51:39,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
163
+ 2023-11-01 01:51:44,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
164
+ 2023-11-01 01:51:49,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
165
+ 2023-11-01 01:51:51,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
166
+ 2023-11-01 01:51:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
167
+ 2023-11-01 01:51:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
168
+ 2023-11-01 01:51:55,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
169
+ 2023-11-01 01:52:00,293 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
170
+ 2023-11-01 01:52:01,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
171
+ 2023-11-01 01:52:06,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
172
+ 2023-11-01 01:52:06,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
173
+ 2023-11-01 01:52:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
174
+ 2023-11-01 01:52:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
175
+ 2023-11-01 01:52:11,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
176
+ 2023-11-01 01:52:16,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
177
+ 2023-11-01 01:52:21,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
178
+ 2023-11-01 01:52:21,942 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
179
+ 2023-11-01 01:52:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
180
+ 2023-11-01 01:52:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
181
+ 2023-11-01 01:52:26,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
182
+ 2023-11-01 01:52:30,295 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
183
+ 2023-11-01 01:52:32,297 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
184
+ 2023-11-01 01:52:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
185
+ 2023-11-01 01:52:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
186
+ 2023-11-01 01:52:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
187
+ 2023-11-01 01:52:38,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
188
+ 2023-11-01 01:52:43,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
189
+ 2023-11-01 01:52:48,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
190
+ 2023-11-01 01:52:51,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
191
+ 2023-11-01 01:52:51,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
192
+ 2023-11-01 01:52:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
193
+ 2023-11-01 01:52:53,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
194
+ 2023-11-01 01:52:58,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
195
+ 2023-11-01 01:53:00,297 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
196
+ 2023-11-01 01:53:04,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
197
+ 2023-11-01 01:53:06,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
198
+ 2023-11-01 01:53:06,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
199
+ 2023-11-01 01:53:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
200
+ 2023-11-01 01:53:09,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
201
+ 2023-11-01 01:53:14,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
202
+ 2023-11-01 01:53:19,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
203
+ 2023-11-01 01:53:21,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
204
+ 2023-11-01 01:53:21,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
205
+ 2023-11-01 01:53:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
206
+ 2023-11-01 01:53:25,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
207
+ 2023-11-01 01:53:30,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
208
+ 2023-11-01 01:53:30,299 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
209
+ 2023-11-01 01:53:35,300 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
210
+ 2023-11-01 01:53:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
211
+ 2023-11-01 01:53:36,943 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
212
+ 2023-11-01 01:53:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
213
+ 2023-11-01 01:53:41,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
214
+ 2023-11-01 01:53:46,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
215
+ 2023-11-01 01:53:51,287 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
216
+ 2023-11-01 01:53:51,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
217
+ 2023-11-01 01:53:51,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
218
+ 2023-11-01 01:53:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
219
+ 2023-11-01 01:53:56,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
220
+ 2023-11-01 01:54:00,301 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
221
+ 2023-11-01 01:54:02,302 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
222
+ 2023-11-01 01:54:06,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
223
+ 2023-11-01 01:54:06,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
224
+ 2023-11-01 01:54:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
225
+ 2023-11-01 01:54:07,360 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
226
+ 2023-11-01 01:54:12,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
227
+ 2023-11-01 01:54:17,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
228
+ 2023-11-01 01:54:21,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
229
+ 2023-11-01 01:54:21,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
230
+ 2023-11-01 01:54:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
231
+ 2023-11-01 01:54:23,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
232
+ 2023-11-01 01:54:28,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
233
+ 2023-11-01 01:54:30,302 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
234
+ 2023-11-01 01:54:34,304 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
235
+ 2023-11-01 01:54:36,943 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
236
+ 2023-11-01 01:54:36,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
237
+ 2023-11-01 01:54:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
238
+ 2023-11-01 01:54:39,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
239
+ 2023-11-01 01:54:44,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
240
+ 2023-11-01 01:54:49,368 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
241
+ 2023-11-01 01:54:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
242
+ 2023-11-01 01:54:51,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
243
+ 2023-11-01 01:54:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
244
+ 2023-11-01 01:54:55,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
245
+ 2023-11-01 01:55:00,306 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
246
+ 2023-11-01 01:55:01,307 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
247
+ 2023-11-01 01:55:06,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
248
+ 2023-11-01 01:55:06,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
249
+ 2023-11-01 01:55:06,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
250
+ 2023-11-01 01:55:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
251
+ 2023-11-01 01:55:12,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
252
+ 2023-11-01 01:55:17,308 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
253
+ 2023-11-01 01:55:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
254
+ 2023-11-01 01:55:21,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
255
+ 2023-11-01 01:55:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
256
+ 2023-11-01 01:55:22,370 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
257
+ 2023-11-01 01:55:27,371 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
258
+ 2023-11-01 01:55:30,308 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
259
+ 2023-11-01 01:55:33,309 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
260
+ 2023-11-01 01:55:36,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
261
+ 2023-11-01 01:55:36,944 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
262
+ 2023-11-01 01:55:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
263
+ 2023-11-01 01:55:38,354 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
264
+ 2023-11-01 01:55:43,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
265
+ 2023-11-01 01:55:48,356 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
266
+ 2023-11-01 01:55:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
267
+ 2023-11-01 01:55:51,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
268
+ 2023-11-01 01:55:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
269
+ 2023-11-01 01:55:54,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
270
+ 2023-11-01 01:55:59,306 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
271
+ 2023-11-01 01:56:00,309 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
272
+ 2023-11-01 01:56:04,311 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
273
+ 2023-11-01 01:56:06,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
274
+ 2023-11-01 01:56:06,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
275
+ 2023-11-01 01:56:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
276
+ 2023-11-01 01:56:09,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
277
+ 2023-11-01 01:56:14,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
278
+ 2023-11-01 01:56:19,329 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
279
+ 2023-11-01 01:56:21,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
280
+ 2023-11-01 01:56:21,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
281
+ 2023-11-01 01:56:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
282
+ 2023-11-01 01:56:24,356 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
283
+ 2023-11-01 01:56:29,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
284
+ 2023-11-01 01:56:30,311 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
285
+ 2023-11-01 01:56:35,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
286
+ 2023-11-01 01:56:36,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
287
+ 2023-11-01 01:56:36,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
288
+ 2023-11-01 01:56:36,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
289
+ 2023-11-01 01:56:40,339 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
290
+ 2023-11-01 01:56:45,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
291
+ 2023-11-01 01:56:50,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
292
+ 2023-11-01 01:56:51,944 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
293
+ 2023-11-01 01:56:51,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
294
+ 2023-11-01 01:56:51,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
295
+ 2023-11-01 01:56:55,379 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
296
+ 2023-11-01 01:57:00,313 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
297
+ 2023-11-01 01:57:01,314 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
298
+ 2023-11-01 01:57:06,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
299
+ 2023-11-01 01:57:06,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
300
+ 2023-11-01 01:57:06,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
301
+ 2023-11-01 01:57:06,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
302
+ 2023-11-01 01:57:12,281 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
303
+ 2023-11-01 01:57:17,282 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
304
+ 2023-11-01 01:57:21,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
305
+ 2023-11-01 01:57:21,945 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
306
+ 2023-11-01 01:57:21,985 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
307
+ 2023-11-01 01:57:22,295 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
308
+ 2023-11-01 01:57:27,296 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
309
+ 2023-11-01 01:57:30,315 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
310
+ 2023-11-01 01:57:32,316 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
311
+ 2023-11-01 01:57:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
312
+ 2023-11-01 01:57:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
313
+ 2023-11-01 01:57:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
314
+ 2023-11-01 01:57:37,365 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
315
+ 2023-11-01 01:57:42,366 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
316
+ 2023-11-01 01:57:47,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
317
+ 2023-11-01 01:57:51,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
318
+ 2023-11-01 01:57:51,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
319
+ 2023-11-01 01:57:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
320
+ 2023-11-01 01:57:53,336 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
321
+ 2023-11-01 01:57:58,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
322
+ 2023-11-01 01:58:00,318 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
323
+ 2023-11-01 01:58:04,319 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
324
+ 2023-11-01 01:58:06,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
325
+ 2023-11-01 01:58:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
326
+ 2023-11-01 01:58:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
327
+ 2023-11-01 01:58:09,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
328
+ 2023-11-01 01:58:14,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
329
+ 2023-11-01 01:58:19,339 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
330
+ 2023-11-01 01:58:21,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
331
+ 2023-11-01 01:58:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
332
+ 2023-11-01 01:58:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
333
+ 2023-11-01 01:58:24,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
334
+ 2023-11-01 01:58:29,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
335
+ 2023-11-01 01:58:30,320 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
336
+ 2023-11-01 01:58:35,322 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
337
+ 2023-11-01 01:58:36,945 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
338
+ 2023-11-01 01:58:36,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
339
+ 2023-11-01 01:58:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
340
+ 2023-11-01 01:58:40,450 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
341
+ 2023-11-01 01:58:45,451 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
342
+ 2023-11-01 01:58:50,451 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
343
+ 2023-11-01 01:58:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
344
+ 2023-11-01 01:58:51,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
345
+ 2023-11-01 01:58:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
346
+ 2023-11-01 01:58:56,294 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
347
+ 2023-11-01 01:59:00,322 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
348
+ 2023-11-01 01:59:01,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
349
+ 2023-11-01 01:59:06,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
350
+ 2023-11-01 01:59:06,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
351
+ 2023-11-01 01:59:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
352
+ 2023-11-01 01:59:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
353
+ 2023-11-01 01:59:11,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
354
+ 2023-11-01 01:59:16,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
355
+ 2023-11-01 01:59:21,352 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
356
+ 2023-11-01 01:59:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
357
+ 2023-11-01 01:59:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
358
+ 2023-11-01 01:59:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
359
+ 2023-11-01 01:59:27,314 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
360
+ 2023-11-01 01:59:30,324 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
361
+ 2023-11-01 01:59:32,325 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
362
+ 2023-11-01 01:59:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
363
+ 2023-11-01 01:59:36,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
364
+ 2023-11-01 01:59:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
365
+ 2023-11-01 01:59:38,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
366
+ 2023-11-01 01:59:43,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
367
+ 2023-11-01 01:59:48,313 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
368
+ 2023-11-01 01:59:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
369
+ 2023-11-01 01:59:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
370
+ 2023-11-01 01:59:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
371
+ 2023-11-01 01:59:54,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
372
+ 2023-11-01 01:59:59,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
373
+ 2023-11-01 02:00:00,326 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
374
+ 2023-11-01 02:00:04,328 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
375
+ 2023-11-01 02:00:06,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
376
+ 2023-11-01 02:00:06,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
377
+ 2023-11-01 02:00:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
378
+ 2023-11-01 02:00:09,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
379
+ 2023-11-01 02:00:14,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
380
+ 2023-11-01 02:00:19,338 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
381
+ 2023-11-01 02:00:21,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
382
+ 2023-11-01 02:00:21,946 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
383
+ 2023-11-01 02:00:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
384
+ 2023-11-01 02:00:25,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
385
+ 2023-11-01 02:00:30,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
386
+ 2023-11-01 02:00:30,329 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
387
+ 2023-11-01 02:00:35,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
388
+ 2023-11-01 02:00:36,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
389
+ 2023-11-01 02:00:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
390
+ 2023-11-01 02:00:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
391
+ 2023-11-01 02:00:40,373 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
392
+ 2023-11-01 02:00:45,374 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
393
+ 2023-11-01 02:00:50,375 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
394
+ 2023-11-01 02:00:51,946 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
395
+ 2023-11-01 02:00:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
396
+ 2023-11-01 02:00:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
397
+ 2023-11-01 02:00:56,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
398
+ 2023-11-01 02:01:00,330 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
399
+ 2023-11-01 02:01:01,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
400
+ 2023-11-01 02:01:06,332 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
401
+ 2023-11-01 02:01:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
402
+ 2023-11-01 02:01:06,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
403
+ 2023-11-01 02:01:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
404
+ 2023-11-01 02:01:12,304 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
405
+ 2023-11-01 02:01:17,305 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
406
+ 2023-11-01 02:01:21,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
407
+ 2023-11-01 02:01:21,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
408
+ 2023-11-01 02:01:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
409
+ 2023-11-01 02:01:22,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
410
+ 2023-11-01 02:01:27,316 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
411
+ 2023-11-01 02:01:30,332 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
412
+ 2023-11-01 02:01:32,334 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
413
+ 2023-11-01 02:01:36,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
414
+ 2023-11-01 02:01:36,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
415
+ 2023-11-01 02:01:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
416
+ 2023-11-01 02:01:37,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
417
+ 2023-11-01 02:01:42,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
418
+ 2023-11-01 02:01:47,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
419
+ 2023-11-01 02:01:51,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
420
+ 2023-11-01 02:01:51,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
421
+ 2023-11-01 02:01:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
422
+ 2023-11-01 02:01:52,385 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
423
+ 2023-11-01 02:01:57,385 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
424
+ 2023-11-01 02:02:00,335 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
425
+ 2023-11-01 02:02:03,337 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
426
+ 2023-11-01 02:02:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
427
+ 2023-11-01 02:02:06,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
428
+ 2023-11-01 02:02:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
429
+ 2023-11-01 02:02:09,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
430
+ 2023-11-01 02:02:14,284 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
431
+ 2023-11-01 02:02:19,284 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
432
+ 2023-11-01 02:02:21,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
433
+ 2023-11-01 02:02:21,947 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
434
+ 2023-11-01 02:02:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
435
+ 2023-11-01 02:02:24,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
436
+ 2023-11-01 02:02:29,327 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
437
+ 2023-11-01 02:02:30,338 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
438
+ 2023-11-01 02:02:34,340 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
439
+ 2023-11-01 02:02:36,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
440
+ 2023-11-01 02:02:36,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
441
+ 2023-11-01 02:02:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
442
+ 2023-11-01 02:02:39,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
443
+ 2023-11-01 02:02:44,352 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
444
+ 2023-11-01 02:02:49,353 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
445
+ 2023-11-01 02:02:51,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
446
+ 2023-11-01 02:02:51,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
447
+ 2023-11-01 02:02:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
448
+ 2023-11-01 02:02:55,275 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
449
+ 2023-11-01 02:03:00,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
450
+ 2023-11-01 02:03:00,341 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
451
+ 2023-11-01 02:03:05,344 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
452
+ 2023-11-01 02:03:06,947 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
453
+ 2023-11-01 02:03:06,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
454
+ 2023-11-01 02:03:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
455
+ 2023-11-01 02:03:10,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
456
+ 2023-11-01 02:03:15,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
457
+ 2023-11-01 02:03:20,382 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
458
+ 2023-11-01 02:03:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
459
+ 2023-11-01 02:03:21,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
460
+ 2023-11-01 02:03:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
461
+ 2023-11-01 02:03:25,389 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
462
+ 2023-11-01 02:03:30,344 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
463
+ 2023-11-01 02:03:31,346 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
464
+ 2023-11-01 02:03:36,347 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
465
+ 2023-11-01 02:03:36,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
466
+ 2023-11-01 02:03:36,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
467
+ 2023-11-01 02:03:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
468
+ 2023-11-01 02:03:41,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
469
+ 2023-11-01 02:03:46,357 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
470
+ 2023-11-01 02:03:51,358 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
471
+ 2023-11-01 02:03:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
472
+ 2023-11-01 02:03:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
473
+ 2023-11-01 02:03:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
474
+ 2023-11-01 02:03:56,622 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
475
+ 2023-11-01 02:04:00,347 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
476
+ 2023-11-01 02:04:02,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
477
+ 2023-11-01 02:04:06,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
478
+ 2023-11-01 02:04:06,948 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
479
+ 2023-11-01 02:04:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
480
+ 2023-11-01 02:04:08,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
481
+ 2023-11-01 02:04:13,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
482
+ 2023-11-01 02:04:18,336 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
483
+ 2023-11-01 02:04:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
484
+ 2023-11-01 02:04:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
485
+ 2023-11-01 02:04:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
486
+ 2023-11-01 02:04:24,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
487
+ 2023-11-01 02:04:29,298 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
488
+ 2023-11-01 02:04:30,351 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
489
+ 2023-11-01 02:04:34,353 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
490
+ 2023-11-01 02:04:36,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
491
+ 2023-11-01 02:04:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
492
+ 2023-11-01 02:04:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
493
+ 2023-11-01 02:04:39,360 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
494
+ 2023-11-01 02:04:44,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
495
+ 2023-11-01 02:04:49,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
496
+ 2023-11-01 02:04:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
497
+ 2023-11-01 02:04:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
498
+ 2023-11-01 02:04:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
499
+ 2023-11-01 02:04:54,372 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
500
+ 2023-11-01 02:04:59,373 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
501
+ 2023-11-01 02:05:00,352 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
502
+ 2023-11-01 02:05:05,354 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
503
+ 2023-11-01 02:05:06,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
504
+ 2023-11-01 02:05:06,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
505
+ 2023-11-01 02:05:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
506
+ 2023-11-01 02:05:11,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
507
+ 2023-11-01 02:05:16,299 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
508
+ 2023-11-01 02:05:21,300 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
509
+ 2023-11-01 02:05:21,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
510
+ 2023-11-01 02:05:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
511
+ 2023-11-01 02:05:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
512
+ 2023-11-01 02:05:27,283 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
513
+ 2023-11-01 02:05:30,354 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
514
+ 2023-11-01 02:05:32,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
515
+ 2023-11-01 02:05:36,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
516
+ 2023-11-01 02:05:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
517
+ 2023-11-01 02:05:36,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
518
+ 2023-11-01 02:05:38,348 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
519
+ 2023-11-01 02:05:43,348 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
520
+ 2023-11-01 02:05:48,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
521
+ 2023-11-01 02:05:51,948 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
522
+ 2023-11-01 02:05:51,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
523
+ 2023-11-01 02:05:51,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
524
+ 2023-11-01 02:05:53,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
525
+ 2023-11-01 02:05:58,367 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
526
+ 2023-11-01 02:06:00,357 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
527
+ 2023-11-01 02:06:04,359 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
528
+ 2023-11-01 02:06:06,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
529
+ 2023-11-01 02:06:06,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
530
+ 2023-11-01 02:06:06,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
531
+ 2023-11-01 02:06:10,333 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
532
+ 2023-11-01 02:06:15,334 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
533
+ 2023-11-01 02:06:20,335 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
534
+ 2023-11-01 02:06:21,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
535
+ 2023-11-01 02:06:21,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
536
+ 2023-11-01 02:06:21,989 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
537
+ 2023-11-01 02:06:26,315 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
538
+ 2023-11-01 02:06:30,359 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
539
+ 2023-11-01 02:06:31,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
540
+ 2023-11-01 02:06:36,361 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
541
+ 2023-11-01 02:06:36,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
542
+ 2023-11-01 02:06:36,949 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
543
+ 2023-11-01 02:06:36,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
544
+ 2023-11-01 02:06:42,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
545
+ 2023-11-01 02:06:47,355 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
546
+ 2023-11-01 02:06:51,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
547
+ 2023-11-01 02:06:51,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
548
+ 2023-11-01 02:06:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
549
+ 2023-11-01 02:06:53,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
550
+ 2023-11-01 02:06:58,293 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
551
+ 2023-11-01 02:07:00,361 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
552
+ 2023-11-01 02:07:03,362 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
553
+ 2023-11-01 02:07:06,949 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
554
+ 2023-11-01 02:07:06,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
555
+ 2023-11-01 02:07:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
556
+ 2023-11-01 02:07:09,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
557
+ 2023-11-01 02:07:14,320 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
558
+ 2023-11-01 02:07:19,321 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
559
+ 2023-11-01 02:07:21,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
560
+ 2023-11-01 02:07:21,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
561
+ 2023-11-01 02:07:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
562
+ 2023-11-01 02:07:24,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
563
+ 2023-11-01 02:07:29,379 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
564
+ 2023-11-01 02:07:30,363 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
565
+ 2023-11-01 02:07:35,365 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
566
+ 2023-11-01 02:07:36,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
567
+ 2023-11-01 02:07:36,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
568
+ 2023-11-01 02:07:36,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
569
+ 2023-11-01 02:07:41,323 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
570
+ 2023-11-01 02:07:46,323 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
571
+ 2023-11-01 02:07:51,324 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
572
+ 2023-11-01 02:07:51,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
573
+ 2023-11-01 02:07:51,950 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
574
+ 2023-11-01 02:07:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
575
+ 2023-11-01 02:07:56,393 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
576
+ 2023-11-01 02:08:00,366 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
577
+ 2023-11-01 02:08:02,368 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
578
+ 2023-11-01 02:08:06,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
579
+ 2023-11-01 02:08:06,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
580
+ 2023-11-01 02:08:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
581
+ 2023-11-01 02:08:07,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
582
+ 2023-11-01 02:08:12,387 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
583
+ 2023-11-01 02:08:17,388 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
584
+ 2023-11-01 02:08:21,950 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
585
+ 2023-11-01 02:08:21,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
586
+ 2023-11-01 02:08:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
587
+ 2023-11-01 02:08:23,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
588
+ 2023-11-01 02:08:28,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
589
+ 2023-11-01 02:08:30,368 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
590
+ 2023-11-01 02:08:34,369 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
591
+ 2023-11-01 02:08:36,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
592
+ 2023-11-01 02:08:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
593
+ 2023-11-01 02:08:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
594
+ 2023-11-01 02:08:39,446 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
595
+ 2023-11-01 02:08:44,447 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
596
+ 2023-11-01 02:08:49,447 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
597
+ 2023-11-01 02:08:51,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
598
+ 2023-11-01 02:08:51,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
599
+ 2023-11-01 02:08:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
600
+ 2023-11-01 02:08:55,285 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
601
+ 2023-11-01 02:09:00,286 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
602
+ 2023-11-01 02:09:00,372 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
603
+ 2023-11-01 02:09:05,374 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
604
+ 2023-11-01 02:09:06,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
605
+ 2023-11-01 02:09:06,951 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
606
+ 2023-11-01 02:09:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
607
+ 2023-11-01 02:09:11,276 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
608
+ 2023-11-01 02:09:16,277 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
609
+ 2023-11-01 02:09:21,278 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
610
+ 2023-11-01 02:09:21,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
611
+ 2023-11-01 02:09:21,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
612
+ 2023-11-01 02:09:21,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
613
+ 2023-11-01 02:09:26,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
614
+ 2023-11-01 02:09:30,376 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
615
+ 2023-11-01 02:09:31,377 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
616
+ 2023-11-01 02:09:36,378 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
617
+ 2023-11-01 02:09:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
618
+ 2023-11-01 02:09:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
619
+ 2023-11-01 02:09:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
620
+ 2023-11-01 02:09:41,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
621
+ 2023-11-01 02:09:46,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
622
+ 2023-11-01 02:09:51,399 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
623
+ 2023-11-01 02:09:51,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
624
+ 2023-11-01 02:09:51,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
625
+ 2023-11-01 02:09:51,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
626
+ 2023-11-01 02:09:57,396 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
627
+ 2023-11-01 02:10:00,379 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
628
+ 2023-11-01 02:10:03,381 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
629
+ 2023-11-01 02:10:06,951 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
630
+ 2023-11-01 02:10:06,952 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
631
+ 2023-11-01 02:10:06,993 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
632
+ 2023-11-01 02:10:09,330 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
633
+ 2023-11-01 02:10:14,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
634
+ 2023-11-01 02:10:19,331 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
635
+ 2023-11-01 02:10:21,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
636
+ 2023-11-01 02:10:21,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
637
+ 2023-11-01 02:10:21,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
638
+ 2023-11-01 02:10:25,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
639
+ 2023-11-01 02:10:30,326 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
640
+ 2023-11-01 02:10:30,382 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
641
+ 2023-11-01 02:10:35,383 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
642
+ 2023-11-01 02:10:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
643
+ 2023-11-01 02:10:36,952 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
644
+ 2023-11-01 02:10:36,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
645
+ 2023-11-01 02:10:41,349 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
646
+ 2023-11-01 02:10:46,350 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
647
+ 2023-11-01 02:10:51,351 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
648
+ 2023-11-01 02:10:51,953 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: stop_status
649
+ 2023-11-01 02:10:51,953 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
650
+ 2023-11-01 02:10:51,953 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: stop_status
651
+ 2023-11-01 02:10:57,312 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
652
+ 2023-11-01 02:10:57,847 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: partial_history
653
+ 2023-11-01 02:10:57,849 DEBUG SenderThread:34227 [sender.py:send():380] send: history
654
+ 2023-11-01 02:10:57,849 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: summary_record
655
+ 2023-11-01 02:10:57,849 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
656
+ 2023-11-01 02:10:57,889 DEBUG SenderThread:34227 [sender.py:send():380] send: telemetry
657
+ 2023-11-01 02:10:57,889 DEBUG SenderThread:34227 [sender.py:send():380] send: exit
658
+ 2023-11-01 02:10:57,889 INFO SenderThread:34227 [sender.py:send_exit():585] handling exit code: 0
659
+ 2023-11-01 02:10:57,889 INFO SenderThread:34227 [sender.py:send_exit():587] handling runtime: 1437
660
+ 2023-11-01 02:10:57,890 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
661
+ 2023-11-01 02:10:57,890 INFO SenderThread:34227 [sender.py:send_exit():593] send defer
662
+ 2023-11-01 02:10:57,890 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
663
+ 2023-11-01 02:10:57,890 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 0
664
+ 2023-11-01 02:10:57,891 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
665
+ 2023-11-01 02:10:57,891 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 0
666
+ 2023-11-01 02:10:57,891 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 1
667
+ 2023-11-01 02:10:57,891 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
668
+ 2023-11-01 02:10:57,891 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 1
669
+ 2023-11-01 02:10:57,891 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
670
+ 2023-11-01 02:10:57,892 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 1
671
+ 2023-11-01 02:10:57,892 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 2
672
+ 2023-11-01 02:10:57,892 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
673
+ 2023-11-01 02:10:57,892 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 2
674
+ 2023-11-01 02:10:57,892 INFO HandlerThread:34227 [system_monitor.py:finish():203] Stopping system monitor
675
+ 2023-11-01 02:10:57,892 DEBUG SystemMonitor:34227 [system_monitor.py:_start():179] Finished system metrics aggregation loop
676
+ 2023-11-01 02:10:57,893 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined cpu monitor
677
+ 2023-11-01 02:10:57,893 DEBUG SystemMonitor:34227 [system_monitor.py:_start():183] Publishing last batch of metrics
678
+ 2023-11-01 02:10:57,893 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined disk monitor
679
+ 2023-11-01 02:10:57,953 INFO Thread-133:34227 [dir_watcher.py:_on_file_created():271] file/dir created: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
680
+ 2023-11-01 02:10:59,649 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined gpu monitor
681
+ 2023-11-01 02:10:59,650 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined memory monitor
682
+ 2023-11-01 02:10:59,650 INFO HandlerThread:34227 [interfaces.py:finish():202] Joined network monitor
683
+ 2023-11-01 02:10:59,650 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
684
+ 2023-11-01 02:10:59,651 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
685
+ 2023-11-01 02:10:59,651 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 2
686
+ 2023-11-01 02:10:59,652 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 3
687
+ 2023-11-01 02:10:59,652 DEBUG SenderThread:34227 [sender.py:send():380] send: stats
688
+ 2023-11-01 02:10:59,652 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
689
+ 2023-11-01 02:10:59,653 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
690
+ 2023-11-01 02:10:59,653 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 3
691
+ 2023-11-01 02:10:59,653 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
692
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 3
693
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 4
694
+ 2023-11-01 02:10:59,654 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
695
+ 2023-11-01 02:10:59,654 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 4
696
+ 2023-11-01 02:10:59,654 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
697
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 4
698
+ 2023-11-01 02:10:59,654 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 5
699
+ 2023-11-01 02:10:59,655 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
700
+ 2023-11-01 02:10:59,655 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 5
701
+ 2023-11-01 02:10:59,655 DEBUG SenderThread:34227 [sender.py:send():380] send: summary
702
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:_save_file():1378] saving file wandb-summary.json with policy end
703
+ 2023-11-01 02:10:59,656 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
704
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 5
705
+ 2023-11-01 02:10:59,656 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 6
706
+ 2023-11-01 02:10:59,656 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
707
+ 2023-11-01 02:10:59,657 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 6
708
+ 2023-11-01 02:10:59,657 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
709
+ 2023-11-01 02:10:59,657 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 6
710
+ 2023-11-01 02:10:59,662 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: status_report
711
+ 2023-11-01 02:10:59,849 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
712
+ 2023-11-01 02:10:59,954 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
713
+ 2023-11-01 02:11:00,056 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 7
714
+ 2023-11-01 02:11:00,056 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
715
+ 2023-11-01 02:11:00,056 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
716
+ 2023-11-01 02:11:00,057 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 7
717
+ 2023-11-01 02:11:00,057 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
718
+ 2023-11-01 02:11:00,057 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 7
719
+ 2023-11-01 02:11:00,230 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 8
720
+ 2023-11-01 02:11:00,231 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
721
+ 2023-11-01 02:11:00,231 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 8
722
+ 2023-11-01 02:11:00,231 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
723
+ 2023-11-01 02:11:00,231 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 8
724
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [job_builder.py:build():281] Attempting to build job artifact
725
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [job_builder.py:_get_source_type():404] no source found
726
+ 2023-11-01 02:11:00,232 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 9
727
+ 2023-11-01 02:11:00,233 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
728
+ 2023-11-01 02:11:00,233 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 9
729
+ 2023-11-01 02:11:00,233 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
730
+ 2023-11-01 02:11:00,233 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 9
731
+ 2023-11-01 02:11:00,233 INFO SenderThread:34227 [dir_watcher.py:finish():358] shutting down directory watcher
732
+ 2023-11-01 02:11:00,849 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
733
+ 2023-11-01 02:11:00,955 INFO Thread-133:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
734
+ 2023-11-01 02:11:00,955 INFO SenderThread:34227 [dir_watcher.py:_on_file_modified():288] file/dir modified: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
735
+ 2023-11-01 02:11:00,956 INFO SenderThread:34227 [dir_watcher.py:finish():388] scan: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files
736
+ 2023-11-01 02:11:00,956 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log output.log
737
+ 2023-11-01 02:11:00,957 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt requirements.txt
738
+ 2023-11-01 02:11:00,962 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml conda-environment.yaml
739
+ 2023-11-01 02:11:00,963 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json wandb-summary.json
740
+ 2023-11-01 02:11:00,967 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml config.yaml
741
+ 2023-11-01 02:11:00,980 INFO SenderThread:34227 [dir_watcher.py:finish():402] scan save: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-metadata.json wandb-metadata.json
742
+ 2023-11-01 02:11:00,981 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 10
743
+ 2023-11-01 02:11:00,981 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
744
+ 2023-11-01 02:11:00,982 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
745
+ 2023-11-01 02:11:00,989 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 10
746
+ 2023-11-01 02:11:00,990 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
747
+ 2023-11-01 02:11:00,990 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 10
748
+ 2023-11-01 02:11:00,990 INFO SenderThread:34227 [file_pusher.py:finish():175] shutting down file pusher
749
+ 2023-11-01 02:11:01,845 INFO wandb-upload_0:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/output.log
750
+ 2023-11-01 02:11:01,850 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
751
+ 2023-11-01 02:11:01,851 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
752
+ 2023-11-01 02:11:02,100 INFO wandb-upload_1:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/requirements.txt
753
+ 2023-11-01 02:11:02,147 INFO wandb-upload_3:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/wandb-summary.json
754
+ 2023-11-01 02:11:02,154 INFO wandb-upload_4:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/config.yaml
755
+ 2023-11-01 02:11:02,851 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
756
+ 2023-11-01 02:11:02,852 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
757
+ 2023-11-01 02:11:03,196 INFO wandb-upload_2:34227 [upload_job.py:push():131] Uploaded file /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/files/conda-environment.yaml
758
+ 2023-11-01 02:11:03,396 INFO Thread-132:34227 [sender.py:transition_state():613] send defer: 11
759
+ 2023-11-01 02:11:03,397 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
760
+ 2023-11-01 02:11:03,397 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 11
761
+ 2023-11-01 02:11:03,398 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
762
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 11
763
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [file_pusher.py:join():181] waiting for file pusher
764
+ 2023-11-01 02:11:03,398 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 12
765
+ 2023-11-01 02:11:03,398 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
766
+ 2023-11-01 02:11:03,399 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 12
767
+ 2023-11-01 02:11:03,399 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
768
+ 2023-11-01 02:11:03,399 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 12
769
+ 2023-11-01 02:11:03,399 INFO SenderThread:34227 [file_stream.py:finish():595] file stream finish called
770
+ 2023-11-01 02:11:03,757 INFO SenderThread:34227 [file_stream.py:finish():599] file stream finish is done
771
+ 2023-11-01 02:11:03,757 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 13
772
+ 2023-11-01 02:11:03,758 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
773
+ 2023-11-01 02:11:03,758 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 13
774
+ 2023-11-01 02:11:03,758 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
775
+ 2023-11-01 02:11:03,758 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 13
776
+ 2023-11-01 02:11:03,759 INFO SenderThread:34227 [sender.py:transition_state():613] send defer: 14
777
+ 2023-11-01 02:11:03,759 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: defer
778
+ 2023-11-01 02:11:03,759 DEBUG SenderThread:34227 [sender.py:send():380] send: final
779
+ 2023-11-01 02:11:03,760 INFO HandlerThread:34227 [handler.py:handle_request_defer():172] handle defer: 14
780
+ 2023-11-01 02:11:03,760 DEBUG SenderThread:34227 [sender.py:send():380] send: footer
781
+ 2023-11-01 02:11:03,760 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: defer
782
+ 2023-11-01 02:11:03,760 INFO SenderThread:34227 [sender.py:send_request_defer():609] handle sender defer: 14
783
+ 2023-11-01 02:11:03,762 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: internal_messages
784
+ 2023-11-01 02:11:03,763 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: poll_exit
785
+ 2023-11-01 02:11:03,763 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: poll_exit
786
+ 2023-11-01 02:11:03,764 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: server_info
787
+ 2023-11-01 02:11:03,764 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: get_summary
788
+ 2023-11-01 02:11:03,765 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: sampled_history
789
+ 2023-11-01 02:11:03,765 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: server_info
790
+ 2023-11-01 02:11:03,771 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: job_info
791
+ 2023-11-01 02:11:04,116 DEBUG SenderThread:34227 [sender.py:send_request():407] send_request: job_info
792
+ 2023-11-01 02:11:04,117 DEBUG HandlerThread:34227 [handler.py:handle_request():146] handle_request: shutdown
793
+ 2023-11-01 02:11:04,117 INFO HandlerThread:34227 [handler.py:finish():866] shutting down handler
794
+ 2023-11-01 02:11:04,772 INFO WriterThread:34227 [datastore.py:close():294] close: /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/run-mj672tzu.wandb
795
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [sender.py:finish():1534] shutting down sender
796
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [file_pusher.py:finish():175] shutting down file pusher
797
+ 2023-11-01 02:11:05,116 INFO SenderThread:34227 [file_pusher.py:join():181] waiting for file pusher
wandb/latest-run/logs/debug.log ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Current SDK version is 0.15.12
2
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Configure stats pid to 34070
3
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from /jash/Workspace/Food/wandb/settings
5
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2023-11-01 01:46:58,106 INFO MainThread:34070 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': 'hyperpara.py', 'program_abspath': '/jash/Workspace/Food/hyperpara.py', 'program': 'hyperpara.py'}
7
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
8
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:_log_setup():528] Logging user logs to /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/logs/debug.log
10
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:_log_setup():529] Logging internal logs to /jash/Workspace/Food/wandb/run-20231101_014658-mj672tzu/logs/debug-internal.log
11
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():568] calling init triggers
12
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():575] wandb.init called with sweep_config: {}
13
+ config: {'optimizer': 'Adam', 'architecture': 'Efficientnet B0', 'dataset': 'Food101', 'epochs': 25}
14
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():618] starting backend
15
+ 2023-11-01 01:46:58,107 INFO MainThread:34070 [wandb_init.py:init():622] setting up manager
16
+ 2023-11-01 01:46:58,109 INFO MainThread:34070 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2023-11-01 01:46:58,109 INFO MainThread:34070 [wandb_init.py:init():628] backend started and connected
18
+ 2023-11-01 01:46:58,111 INFO MainThread:34070 [wandb_init.py:init():720] updated telemetry
19
+ 2023-11-01 01:46:58,112 INFO MainThread:34070 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
20
+ 2023-11-01 01:46:59,468 INFO MainThread:34070 [wandb_run.py:_on_init():2220] communicating current version
21
+ 2023-11-01 01:47:00,159 INFO MainThread:34070 [wandb_run.py:_on_init():2229] got version response
22
+ 2023-11-01 01:47:00,159 INFO MainThread:34070 [wandb_init.py:init():804] starting run threads in backend
23
+ 2023-11-01 01:47:06,941 INFO MainThread:34070 [wandb_run.py:_console_start():2199] atexit reg
24
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2054] redirect: wrap_raw
25
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2119] Wrapping output streams.
26
+ 2023-11-01 01:47:06,942 INFO MainThread:34070 [wandb_run.py:_redirect():2144] Redirects installed.
27
+ 2023-11-01 01:47:06,943 INFO MainThread:34070 [wandb_init.py:init():845] run started, returning control to user process
28
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_finish():1934] finishing run maa_64/food-app/mj672tzu
29
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_atexit_cleanup():2168] got exitcode: 0
30
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_restore():2151] restore
31
+ 2023-11-01 02:10:57,847 INFO MainThread:34070 [wandb_run.py:_restore():2157] restore done
32
+ 2023-11-01 02:11:05,119 INFO MainThread:34070 [wandb_run.py:_footer_history_summary_info():3599] rendering history
33
+ 2023-11-01 02:11:05,120 INFO MainThread:34070 [wandb_run.py:_footer_history_summary_info():3631] rendering summary
34
+ 2023-11-01 02:11:05,127 INFO MainThread:34070 [wandb_run.py:_footer_sync_info():3558] logging synced files
wandb/latest-run/run-mj672tzu.wandb ADDED
Binary file (108 kB). View file
 
wandb/run-20231031_141809-v2q0e45b/files/conda-environment.yaml ADDED
@@ -0,0 +1,162 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ name: env
2
+ channels:
3
+ - conda-forge
4
+ - defaults
5
+ dependencies:
6
+ - _libgcc_mutex=0.1=main
7
+ - _openmp_mutex=5.1=1_gnu
8
+ - asttokens=2.4.0=pyhd8ed1ab_0
9
+ - backcall=0.2.0=pyh9f0ad1d_0
10
+ - backports=1.0=pyhd8ed1ab_3
11
+ - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0
12
+ - ca-certificates=2023.7.22=hbcca054_0
13
+ - comm=0.1.4=pyhd8ed1ab_0
14
+ - debugpy=1.6.7=py38h6a678d5_0
15
+ - decorator=5.1.1=pyhd8ed1ab_0
16
+ - entrypoints=0.4=pyhd8ed1ab_0
17
+ - executing=1.2.0=pyhd8ed1ab_0
18
+ - ipykernel=6.25.2=pyh2140261_0
19
+ - ipython=8.12.0=pyh41d4057_0
20
+ - jedi=0.19.1=pyhd8ed1ab_0
21
+ - jupyter_client=7.3.4=pyhd8ed1ab_0
22
+ - jupyter_core=5.4.0=py38h578d9bd_0
23
+ - ld_impl_linux-64=2.38=h1181459_1
24
+ - libffi=3.4.4=h6a678d5_0
25
+ - libgcc-ng=11.2.0=h1234567_1
26
+ - libgomp=11.2.0=h1234567_1
27
+ - libsodium=1.0.18=h36c2ea0_1
28
+ - libstdcxx-ng=11.2.0=h1234567_1
29
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
30
+ - ncurses=6.4=h6a678d5_0
31
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
32
+ - openssl=3.0.11=h7f8727e_2
33
+ - parso=0.8.3=pyhd8ed1ab_0
34
+ - pexpect=4.8.0=pyh1a96a4e_2
35
+ - pickleshare=0.7.5=py_1003
36
+ - pip=23.2.1=py38h06a4308_0
37
+ - platformdirs=3.11.0=pyhd8ed1ab_0
38
+ - prompt-toolkit=3.0.39=pyha770c72_0
39
+ - prompt_toolkit=3.0.39=hd8ed1ab_0
40
+ - ptyprocess=0.7.0=pyhd3deb0d_0
41
+ - pure_eval=0.2.2=pyhd8ed1ab_0
42
+ - pygments=2.16.1=pyhd8ed1ab_0
43
+ - python=3.8.18=h955ad1f_0
44
+ - python-dateutil=2.8.2=pyhd8ed1ab_0
45
+ - python_abi=3.8=2_cp38
46
+ - pyzmq=25.1.0=py38h6a678d5_0
47
+ - readline=8.2=h5eee18b_0
48
+ - setuptools=68.0.0=py38h06a4308_0
49
+ - six=1.16.0=pyh6c4a22f_0
50
+ - sqlite=3.41.2=h5eee18b_0
51
+ - stack_data=0.6.2=pyhd8ed1ab_0
52
+ - tk=8.6.12=h1ccaba5_0
53
+ - tornado=6.1=py38h0a891b7_3
54
+ - traitlets=5.11.2=pyhd8ed1ab_0
55
+ - typing_extensions=4.8.0=pyha770c72_0
56
+ - wcwidth=0.2.8=pyhd8ed1ab_0
57
+ - wheel=0.38.4=py38h06a4308_0
58
+ - xz=5.4.2=h5eee18b_0
59
+ - zeromq=4.3.4=h2531618_0
60
+ - zlib=1.2.13=h5eee18b_0
61
+ - pip:
62
+ - accelerate==0.22.0
63
+ - aiohttp==3.8.5
64
+ - aiosignal==1.3.1
65
+ - alembic==1.12.0
66
+ - appdirs==1.4.4
67
+ - async-timeout==4.0.3
68
+ - attrs==23.1.0
69
+ - certifi==2022.12.7
70
+ - charset-normalizer==2.1.1
71
+ - click==8.1.7
72
+ - cmake==3.25.0
73
+ - coloredlogs==15.0.1
74
+ - colorlog==6.7.0
75
+ - contourpy==1.1.0
76
+ - cycler==0.11.0
77
+ - datasets==2.14.5
78
+ - diffusers==0.21.0
79
+ - dill==0.3.7
80
+ - docker-pycreds==0.4.0
81
+ - einops==0.6.1
82
+ - filelock==3.9.0
83
+ - flatbuffers==23.5.26
84
+ - fonttools==4.42.1
85
+ - frozenlist==1.4.0
86
+ - fsspec==2023.6.0
87
+ - gitdb==4.0.11
88
+ - gitpython==3.1.40
89
+ - greenlet==3.0.0
90
+ - huggingface-hub==0.17.1
91
+ - humanfriendly==10.0
92
+ - idna==3.4
93
+ - importlib-metadata==6.8.0
94
+ - importlib-resources==6.0.1
95
+ - jinja2==3.1.2
96
+ - joblib==1.3.2
97
+ - kiwisolver==1.4.5
98
+ - lightning-utilities==0.9.0
99
+ - lit==15.0.7
100
+ - lpips==0.1.4
101
+ - mako==1.2.4
102
+ - markupsafe==2.1.2
103
+ - matplotlib==3.7.3
104
+ - mpmath==1.2.1
105
+ - multidict==6.0.4
106
+ - multiprocess==0.70.15
107
+ - networkx==3.0
108
+ - numpy==1.24.1
109
+ - nvidia-cublas-cu11==11.10.3.66
110
+ - nvidia-cuda-cupti-cu11==11.7.101
111
+ - nvidia-cuda-nvrtc-cu11==11.7.99
112
+ - nvidia-cuda-runtime-cu11==11.7.99
113
+ - nvidia-cudnn-cu11==8.5.0.96
114
+ - nvidia-cufft-cu11==10.9.0.58
115
+ - nvidia-curand-cu11==10.2.10.91
116
+ - nvidia-cusolver-cu11==11.4.0.1
117
+ - nvidia-cusparse-cu11==11.7.4.91
118
+ - nvidia-nccl-cu11==2.14.3
119
+ - nvidia-nvtx-cu11==11.7.91
120
+ - onnx==1.15.0
121
+ - onnxruntime==1.16.1
122
+ - onnxruntime-gpu==1.16.1
123
+ - optuna==3.4.0
124
+ - packaging==23.1
125
+ - pandas==2.0.3
126
+ - pathtools==0.1.2
127
+ - pillow==9.3.0
128
+ - protobuf==4.24.4
129
+ - psutil==5.9.5
130
+ - pyarrow==13.0.0
131
+ - pyparsing==3.1.1
132
+ - pytz==2023.3.post1
133
+ - pyyaml==6.0.1
134
+ - regex==2023.8.8
135
+ - requests==2.28.1
136
+ - safetensors==0.3.3
137
+ - scikit-learn==1.3.1
138
+ - scipy==1.10.1
139
+ - sentry-sdk==1.32.0
140
+ - setproctitle==1.3.3
141
+ - smmap==5.0.1
142
+ - sqlalchemy==2.0.22
143
+ - sympy==1.11.1
144
+ - threadpoolctl==3.2.0
145
+ - tokenizers==0.13.3
146
+ - torch==2.0.1
147
+ - torch-fidelity==0.3.0
148
+ - torch-summary==1.4.5
149
+ - torchaudio==2.0.2
150
+ - torchmetrics==1.1.2
151
+ - torchvision==0.15.2
152
+ - tqdm==4.66.1
153
+ - transformers==4.33.1
154
+ - triton==2.0.0
155
+ - typing-extensions==4.4.0
156
+ - tzdata==2023.3
157
+ - urllib3==1.26.13
158
+ - wandb==0.15.12
159
+ - xxhash==3.3.0
160
+ - yarl==1.9.2
161
+ - zipp==3.16.2
162
+ prefix: /opt/conda/envs/env
wandb/run-20231031_141809-v2q0e45b/files/config.yaml ADDED
@@ -0,0 +1,50 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ optimizer:
4
+ desc: null
5
+ value: Adam
6
+ architecture:
7
+ desc: null
8
+ value: Efficientnet B0
9
+ dataset:
10
+ desc: null
11
+ value: Food101
12
+ epochs:
13
+ desc: null
14
+ value: 49
15
+ _wandb:
16
+ desc: null
17
+ value:
18
+ python_version: 3.8.18
19
+ cli_version: 0.15.12
20
+ framework: huggingface
21
+ huggingface_version: 4.33.1
22
+ is_jupyter_run: false
23
+ is_kaggle_kernel: false
24
+ start_time: 1698747489.560302
25
+ t:
26
+ 1:
27
+ - 1
28
+ - 11
29
+ - 35
30
+ - 41
31
+ - 49
32
+ - 55
33
+ - 71
34
+ 2:
35
+ - 1
36
+ - 11
37
+ - 35
38
+ - 41
39
+ - 49
40
+ - 55
41
+ - 71
42
+ 3:
43
+ - 16
44
+ - 23
45
+ 4: 3.8.18
46
+ 5: 0.15.12
47
+ 6: 4.33.1
48
+ 8:
49
+ - 5
50
+ 13: linux-x86_64
wandb/run-20231031_141809-v2q0e45b/files/output.log ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [W 2023-10-31 14:20:40,518] Trial 0 failed with parameters: {'lr': 1.0615227326434047e-06, 'n_estimators': 49, 'optimizer': 'Adam'} because of the following error: TypeError("test_loop() got an unexpected keyword argument 'log_images'").
2
+ Traceback (most recent call last):
3
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/_optimize.py", line 200, in _run_trial
4
+ value_or_values = func(trial)
5
+ File "hyperpara.py", line 68, in objective
6
+ val_loss, val_acc = engine.test_loop(model = model, dataloader = data.valid_dataloader, loss_fn = loss_fn,
7
+ TypeError: test_loop() got an unexpected keyword argument 'log_images'
8
+ [W 2023-10-31 14:20:40,519] Trial 0 failed with value None.
9
+ Traceback (most recent call last):
10
+ File "hyperpara.py", line 110, in <module>
11
+ study.optimize(objective, n_trials=11)
12
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/study.py", line 451, in optimize
13
+ _optimize(
14
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/_optimize.py", line 66, in _optimize
15
+ _optimize_sequential(
16
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/_optimize.py", line 163, in _optimize_sequential
17
+ frozen_trial = _run_trial(study, func, catch)
18
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/_optimize.py", line 251, in _run_trial
19
+ raise func_err
20
+ File "/opt/conda/envs/env/lib/python3.8/site-packages/optuna/study/_optimize.py", line 200, in _run_trial
21
+ value_or_values = func(trial)
22
+ File "hyperpara.py", line 68, in objective
23
+ val_loss, val_acc = engine.test_loop(model = model, dataloader = data.valid_dataloader, loss_fn = loss_fn,
24
+ TypeError: test_loop() got an unexpected keyword argument 'log_images'
wandb/run-20231031_141809-v2q0e45b/files/requirements.txt ADDED
@@ -0,0 +1,133 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ accelerate==0.22.0
2
+ aiohttp==3.8.5
3
+ aiosignal==1.3.1
4
+ alembic==1.12.0
5
+ appdirs==1.4.4
6
+ asttokens==2.4.0
7
+ async-timeout==4.0.3
8
+ attrs==23.1.0
9
+ backcall==0.2.0
10
+ backports.functools-lru-cache==1.6.5
11
+ certifi==2022.12.7
12
+ charset-normalizer==2.1.1
13
+ click==8.1.7
14
+ cmake==3.25.0
15
+ coloredlogs==15.0.1
16
+ colorlog==6.7.0
17
+ comm==0.1.4
18
+ contourpy==1.1.0
19
+ cycler==0.11.0
20
+ datasets==2.14.5
21
+ debugpy==1.6.7
22
+ decorator==5.1.1
23
+ diffusers==0.21.0
24
+ dill==0.3.7
25
+ docker-pycreds==0.4.0
26
+ einops==0.6.1
27
+ entrypoints==0.4
28
+ executing==1.2.0
29
+ filelock==3.9.0
30
+ flatbuffers==23.5.26
31
+ fonttools==4.42.1
32
+ frozenlist==1.4.0
33
+ fsspec==2023.6.0
34
+ gitdb==4.0.11
35
+ gitpython==3.1.40
36
+ greenlet==3.0.0
37
+ huggingface-hub==0.17.1
38
+ humanfriendly==10.0
39
+ idna==3.4
40
+ importlib-metadata==6.8.0
41
+ importlib-resources==6.0.1
42
+ ipykernel==6.25.2
43
+ ipython==8.12.0
44
+ jedi==0.19.1
45
+ jinja2==3.1.2
46
+ joblib==1.3.2
47
+ jupyter-client==7.3.4
48
+ jupyter-core==5.4.0
49
+ kiwisolver==1.4.5
50
+ lightning-utilities==0.9.0
51
+ lit==15.0.7
52
+ lpips==0.1.4
53
+ mako==1.2.4
54
+ markupsafe==2.1.2
55
+ matplotlib-inline==0.1.6
56
+ matplotlib==3.7.3
57
+ mpmath==1.2.1
58
+ multidict==6.0.4
59
+ multiprocess==0.70.15
60
+ nest-asyncio==1.5.8
61
+ networkx==3.0
62
+ numpy==1.24.1
63
+ nvidia-cublas-cu11==11.10.3.66
64
+ nvidia-cuda-cupti-cu11==11.7.101
65
+ nvidia-cuda-nvrtc-cu11==11.7.99
66
+ nvidia-cuda-runtime-cu11==11.7.99
67
+ nvidia-cudnn-cu11==8.5.0.96
68
+ nvidia-cufft-cu11==10.9.0.58
69
+ nvidia-curand-cu11==10.2.10.91
70
+ nvidia-cusolver-cu11==11.4.0.1
71
+ nvidia-cusparse-cu11==11.7.4.91
72
+ nvidia-nccl-cu11==2.14.3
73
+ nvidia-nvtx-cu11==11.7.91
74
+ onnx==1.15.0
75
+ onnxruntime-gpu==1.16.1
76
+ onnxruntime==1.16.1
77
+ optuna==3.4.0
78
+ packaging==23.1
79
+ pandas==2.0.3
80
+ parso==0.8.3
81
+ pathtools==0.1.2
82
+ pexpect==4.8.0
83
+ pickleshare==0.7.5
84
+ pillow==9.3.0
85
+ pip==23.2.1
86
+ platformdirs==3.11.0
87
+ prompt-toolkit==3.0.39
88
+ protobuf==4.24.4
89
+ psutil==5.9.0
90
+ ptyprocess==0.7.0
91
+ pure-eval==0.2.2
92
+ pyarrow==13.0.0
93
+ pygments==2.16.1
94
+ pyparsing==3.1.1
95
+ python-dateutil==2.8.2
96
+ pytz==2023.3.post1
97
+ pyyaml==6.0.1
98
+ pyzmq==25.1.0
99
+ regex==2023.8.8
100
+ requests==2.28.1
101
+ safetensors==0.3.3
102
+ scikit-learn==1.3.1
103
+ scipy==1.10.1
104
+ sentry-sdk==1.32.0
105
+ setproctitle==1.3.3
106
+ setuptools==68.0.0
107
+ six==1.16.0
108
+ smmap==5.0.1
109
+ sqlalchemy==2.0.22
110
+ stack-data==0.6.2
111
+ sympy==1.11.1
112
+ threadpoolctl==3.2.0
113
+ tokenizers==0.13.3
114
+ torch-fidelity==0.3.0
115
+ torch-summary==1.4.5
116
+ torch==2.0.1
117
+ torchaudio==2.0.2
118
+ torchmetrics==1.1.2
119
+ torchvision==0.15.2
120
+ tornado==6.1
121
+ tqdm==4.66.1
122
+ traitlets==5.11.2
123
+ transformers==4.33.1
124
+ triton==2.0.0
125
+ typing-extensions==4.4.0
126
+ tzdata==2023.3
127
+ urllib3==1.26.13
128
+ wandb==0.15.12
129
+ wcwidth==0.2.8
130
+ wheel==0.38.4
131
+ xxhash==3.3.0
132
+ yarl==1.9.2
133
+ zipp==3.16.2
wandb/run-20231031_141809-v2q0e45b/files/wandb-metadata.json ADDED
@@ -0,0 +1,254 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-4.15.0-55-generic-x86_64-with-glibc2.17",
3
+ "python": "3.8.18",
4
+ "heartbeatAt": "2023-10-31T10:18:11.054433",
5
+ "startedAt": "2023-10-31T10:18:09.552938",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "hyperpara.py",
11
+ "codePathLocal": "hyperpara.py",
12
+ "codePath": "hyperpara.py",
13
+ "host": "76ecfeea2960",
14
+ "username": "root",
15
+ "executable": "/opt/conda/envs/env/bin/python",
16
+ "cpu_count": 20,
17
+ "cpu_count_logical": 40,
18
+ "cpu_freq": {
19
+ "current": 1.4950249999999998,
20
+ "min": 1200.0,
21
+ "max": 3600.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2.698,
26
+ "min": 1200.0,
27
+ "max": 3600.0
28
+ },
29
+ {
30
+ "current": 1.191,
31
+ "min": 1200.0,
32
+ "max": 3600.0
33
+ },
34
+ {
35
+ "current": 1.198,
36
+ "min": 1200.0,
37
+ "max": 3600.0
38
+ },
39
+ {
40
+ "current": 1.199,
41
+ "min": 1200.0,
42
+ "max": 3600.0
43
+ },
44
+ {
45
+ "current": 1.199,
46
+ "min": 1200.0,
47
+ "max": 3600.0
48
+ },
49
+ {
50
+ "current": 1.199,
51
+ "min": 1200.0,
52
+ "max": 3600.0
53
+ },
54
+ {
55
+ "current": 1.199,
56
+ "min": 1200.0,
57
+ "max": 3600.0
58
+ },
59
+ {
60
+ "current": 1.601,
61
+ "min": 1200.0,
62
+ "max": 3600.0
63
+ },
64
+ {
65
+ "current": 1.541,
66
+ "min": 1200.0,
67
+ "max": 3600.0
68
+ },
69
+ {
70
+ "current": 1.199,
71
+ "min": 1200.0,
72
+ "max": 3600.0
73
+ },
74
+ {
75
+ "current": 1.199,
76
+ "min": 1200.0,
77
+ "max": 3600.0
78
+ },
79
+ {
80
+ "current": 1.52,
81
+ "min": 1200.0,
82
+ "max": 3600.0
83
+ },
84
+ {
85
+ "current": 2.195,
86
+ "min": 1200.0,
87
+ "max": 3600.0
88
+ },
89
+ {
90
+ "current": 2.198,
91
+ "min": 1200.0,
92
+ "max": 3600.0
93
+ },
94
+ {
95
+ "current": 1.199,
96
+ "min": 1200.0,
97
+ "max": 3600.0
98
+ },
99
+ {
100
+ "current": 1.199,
101
+ "min": 1200.0,
102
+ "max": 3600.0
103
+ },
104
+ {
105
+ "current": 1.198,
106
+ "min": 1200.0,
107
+ "max": 3600.0
108
+ },
109
+ {
110
+ "current": 1.198,
111
+ "min": 1200.0,
112
+ "max": 3600.0
113
+ },
114
+ {
115
+ "current": 1.204,
116
+ "min": 1200.0,
117
+ "max": 3600.0
118
+ },
119
+ {
120
+ "current": 2.7,
121
+ "min": 1200.0,
122
+ "max": 3600.0
123
+ },
124
+ {
125
+ "current": 2.698,
126
+ "min": 1200.0,
127
+ "max": 3600.0
128
+ },
129
+ {
130
+ "current": 1.205,
131
+ "min": 1200.0,
132
+ "max": 3600.0
133
+ },
134
+ {
135
+ "current": 1.2,
136
+ "min": 1200.0,
137
+ "max": 3600.0
138
+ },
139
+ {
140
+ "current": 1.2,
141
+ "min": 1200.0,
142
+ "max": 3600.0
143
+ },
144
+ {
145
+ "current": 1.203,
146
+ "min": 1200.0,
147
+ "max": 3600.0
148
+ },
149
+ {
150
+ "current": 1.207,
151
+ "min": 1200.0,
152
+ "max": 3600.0
153
+ },
154
+ {
155
+ "current": 1.203,
156
+ "min": 1200.0,
157
+ "max": 3600.0
158
+ },
159
+ {
160
+ "current": 1.597,
161
+ "min": 1200.0,
162
+ "max": 3600.0
163
+ },
164
+ {
165
+ "current": 1.595,
166
+ "min": 1200.0,
167
+ "max": 3600.0
168
+ },
169
+ {
170
+ "current": 1.199,
171
+ "min": 1200.0,
172
+ "max": 3600.0
173
+ },
174
+ {
175
+ "current": 1.199,
176
+ "min": 1200.0,
177
+ "max": 3600.0
178
+ },
179
+ {
180
+ "current": 1.548,
181
+ "min": 1200.0,
182
+ "max": 3600.0
183
+ },
184
+ {
185
+ "current": 2.198,
186
+ "min": 1200.0,
187
+ "max": 3600.0
188
+ },
189
+ {
190
+ "current": 2.195,
191
+ "min": 1200.0,
192
+ "max": 3600.0
193
+ },
194
+ {
195
+ "current": 1.197,
196
+ "min": 1200.0,
197
+ "max": 3600.0
198
+ },
199
+ {
200
+ "current": 1.198,
201
+ "min": 1200.0,
202
+ "max": 3600.0
203
+ },
204
+ {
205
+ "current": 1.199,
206
+ "min": 1200.0,
207
+ "max": 3600.0
208
+ },
209
+ {
210
+ "current": 1.199,
211
+ "min": 1200.0,
212
+ "max": 3600.0
213
+ },
214
+ {
215
+ "current": 1.207,
216
+ "min": 1200.0,
217
+ "max": 3600.0
218
+ },
219
+ {
220
+ "current": 2.698,
221
+ "min": 1200.0,
222
+ "max": 3600.0
223
+ }
224
+ ],
225
+ "disk": {
226
+ "/": {
227
+ "total": 1758.95463180542,
228
+ "used": 866.7576103210449
229
+ }
230
+ },
231
+ "gpu": "Tesla V100-DGXS-32GB",
232
+ "gpu_count": 4,
233
+ "gpu_devices": [
234
+ {
235
+ "name": "Tesla V100-DGXS-32GB",
236
+ "memory_total": 34359738368
237
+ },
238
+ {
239
+ "name": "Tesla V100-DGXS-32GB",
240
+ "memory_total": 34359738368
241
+ },
242
+ {
243
+ "name": "Tesla V100-DGXS-32GB",
244
+ "memory_total": 34359738368
245
+ },
246
+ {
247
+ "name": "Tesla V100-DGXS-32GB",
248
+ "memory_total": 34359738368
249
+ }
250
+ ],
251
+ "memory": {
252
+ "total": 251.8238754272461
253
+ }
254
+ }