Trained
This commit is contained in:
parent
3ce16b7010
commit
55cff9b18f
287 changed files with 115778 additions and 177 deletions
9
wandb/run-20200127_143851-1cqtetvf/config.yaml
Normal file
9
wandb/run-20200127_143851-1cqtetvf/config.yaml
Normal file
|
|
@ -0,0 +1,9 @@
|
|||
wandb_version: 1
|
||||
|
||||
_wandb:
|
||||
desc: null
|
||||
value:
|
||||
cli_version: 0.8.22
|
||||
framework: torch
|
||||
is_jupyter_run: false
|
||||
python_version: 3.6.9
|
||||
239
wandb/run-20200127_143851-1cqtetvf/diff.patch
Normal file
239
wandb/run-20200127_143851-1cqtetvf/diff.patch
Normal file
|
|
@ -0,0 +1,239 @@
|
|||
diff --git a/mnist_classifier.py b/mnist_classifier.py
|
||||
index 4578ce3..ea2d4d8 100644
|
||||
--- a/mnist_classifier.py
|
||||
+++ b/mnist_classifier.py
|
||||
@@ -42,6 +42,11 @@ class Net(nn.Module):
|
||||
net = Net()
|
||||
wandb.watch(net)
|
||||
|
||||
+device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
|
||||
+print('runnning on %s' % device)
|
||||
+
|
||||
+net = net.to(device)
|
||||
+
|
||||
loss_function = nn.CrossEntropyLoss()
|
||||
optimizer = optim.Adam(net.parameters(), lr=0.001)
|
||||
|
||||
@@ -49,19 +54,24 @@ for epoch in range(10): # 10 full passes over the data
|
||||
for data in tqdm(trainset): # `data` is a batch of data
|
||||
X, y = data # X is the batch of features, y is the batch of targets.
|
||||
net.zero_grad() # sets gradients to 0 before loss calc. You will do this likely every step.
|
||||
+ X = X.to(device)
|
||||
output = net(X.view(-1, 784)) # pass in the reshaped batch (recall they are 28x28 atm)
|
||||
+ output = output.cpu()
|
||||
loss = loss_function(output, y) # calc and grab the loss value
|
||||
loss.backward() # apply this loss backwards thru the network's parameters
|
||||
optimizer.step() # attempt to optimize weights to account for loss/gradients
|
||||
wandb.log({'loss': loss})
|
||||
-
|
||||
- # torch.save(net, './nets/net_' + str(epoch) + ".pt")
|
||||
+ net = net.cpu()
|
||||
+ torch.save(net, './nets/net_gpu_' + str(epoch) + ".pt")
|
||||
+ net = net.to(device)
|
||||
correct = 0
|
||||
total = 0
|
||||
with torch.no_grad():
|
||||
for data in testset:
|
||||
X, y = data
|
||||
+ X = X.to(device)
|
||||
output = net(X.view(-1, 784))
|
||||
+ output = output.cpu()
|
||||
for idx, i in enumerate(output):
|
||||
if torch.argmax(i) == y[idx]:
|
||||
correct += 1
|
||||
diff --git a/wandb/debug.log b/wandb/debug.log
|
||||
index 0c37b2a..a961583 100644
|
||||
--- a/wandb/debug.log
|
||||
+++ b/wandb/debug.log
|
||||
@@ -1,173 +1,18 @@
|
||||
-2020-01-26 15:40:59,370 DEBUG MainThread:14805 [wandb_config.py:_load_defaults():111] no defaults not found in config-defaults.yaml
|
||||
-2020-01-26 15:40:59,388 DEBUG MainThread:14805 [cmd.py:execute():728] Popen(['git', 'cat-file', '--batch-check'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=<valid stream>)
|
||||
-2020-01-26 15:40:59,411 DEBUG MainThread:14805 [cmd.py:execute():728] Popen(['git', 'rev-parse', '--show-toplevel'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:40:59,424 DEBUG MainThread:14805 [cmd.py:execute():728] Popen(['git', 'status', '--porcelain', '--untracked-files'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:40:59,443 DEBUG MainThread:14805 [run_manager.py:__init__():535] Initialized sync for pytorch_ai/y7pjuj9j
|
||||
-2020-01-26 15:40:59,504 INFO MainThread:14805 [run_manager.py:wrap_existing_process():1133] wrapping existing process 14799
|
||||
-2020-01-26 15:40:59,505 WARNING MainThread:14805 [io_wrap.py:register():104] SIGWINCH handler was not None: <Handlers.SIG_DFL: 0>
|
||||
-2020-01-26 15:40:59,515 DEBUG MainThread:14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): pypi.org:443
|
||||
-2020-01-26 15:40:59,647 DEBUG MainThread:14805 [connectionpool.py:_make_request():393] https://pypi.org:443 "GET /pypi/wandb/json HTTP/1.1" 200 39767
|
||||
-2020-01-26 15:40:59,700 INFO MainThread:14805 [run_manager.py:init_run():918] system metrics and metadata threads started
|
||||
-2020-01-26 15:40:59,700 INFO MainThread:14805 [run_manager.py:init_run():952] upserting run before process can begin, waiting at most 10 seconds
|
||||
-2020-01-26 15:40:59,717 DEBUG Thread-14 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:00,007 DEBUG Thread-14 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 540
|
||||
-2020-01-26 15:41:00,046 INFO Thread-14 :14805 [run_manager.py:_upsert_run():1037] saving patches
|
||||
-2020-01-26 15:41:00,048 DEBUG Thread-14 :14805 [cmd.py:execute():728] Popen(['git', 'rev-parse', '--show-toplevel'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:41:00,077 DEBUG Thread-14 :14805 [cmd.py:execute():728] Popen(['git', 'diff', '--cached', '--abbrev=40', '--full-index', '--raw'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:41:00,086 DEBUG Thread-14 :14805 [cmd.py:execute():728] Popen(['git', 'diff', '--abbrev=40', '--full-index', '--raw'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:41:00,098 DEBUG Thread-14 :14805 [cmd.py:execute():728] Popen(['git', 'version'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:41:00,127 DEBUG Thread-14 :14805 [cmd.py:execute():728] Popen(['git', 'merge-base', 'HEAD', '8aec5e4d07a210e412aaea245303788228d5cf72'], cwd=/home/clemens/repositorys/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
-2020-01-26 15:41:00,139 INFO Thread-14 :14805 [run_manager.py:_upsert_run():1041] saving pip packages
|
||||
-2020-01-26 15:41:00,141 INFO Thread-14 :14805 [run_manager.py:_upsert_run():1043] initializing streaming files api
|
||||
-2020-01-26 15:41:00,144 INFO Thread-14 :14805 [run_manager.py:_upsert_run():1050] unblocking file change observer, beginning sync with W&B servers
|
||||
-2020-01-26 15:41:00,145 INFO MainThread:14805 [run_manager.py:wrap_existing_process():1150] informing user process we are ready to proceed
|
||||
-2020-01-26 15:41:00,151 INFO MainThread:14805 [run_manager.py:_sync_etc():1257] entering loop for messages from user process
|
||||
-2020-01-26 15:41:00,153 DEBUG Thread-15 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:00,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/config.yaml
|
||||
-2020-01-26 15:41:00,406 DEBUG Thread-3 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:00,426 DEBUG Thread-15 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 46
|
||||
-2020-01-26 15:41:00,647 DEBUG Thread-3 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 588
|
||||
-2020-01-26 15:41:00,672 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:00,673 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-metadata.json
|
||||
-2020-01-26 15:41:00,673 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/diff.patch
|
||||
-2020-01-26 15:41:00,674 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/requirements.txt
|
||||
-2020-01-26 15:41:01,380 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:01,381 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:02,263 DEBUG Thread-7 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:02,382 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:02,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:02,386 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:02,399 DEBUG Thread-17 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:02,545 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:02,728 DEBUG Thread-17 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 780
|
||||
-2020-01-26 15:41:02,738 DEBUG Thread-17 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): storage.googleapis.com:443
|
||||
-2020-01-26 15:41:03,308 DEBUG Thread-17 :14805 [connectionpool.py:_make_request():393] https://storage.googleapis.com:443 "PUT /wandb-production.appspot.com/cdautermann/pytorch_ai/y7pjuj9j/___batch_archive_1.tgz?Expires=1580049722&GoogleAccessId=gorilla-cloud-storage%40wandb-production.iam.gserviceaccount.com&Signature=jt9pnrivh9DwvhZq7VR6YpjspO039ipbfmdO%2FSWpipHZfhZTHLFF2Qnlcr2jhGePr5Q4K28M2usKEuiHrO%2BQLx7GP%2FNtMRba%2BN0h6CRNXb3kNeKdrLiGfVFT%2B1dByvGo8%2BBNlxlsbKyHldFBCVmM8JY7hnr5RsAzsP9pZvV4o2r8hh8870ALQd7nFpm1JVhWYQUM19ge%2BTu6VW3%2Bt9HcCA798nxz86WYHHkZh7X0rHHqBZbox5YoDSIIhJ5WdkkLNXidWr2uoO6oFiE0cvEN3YTGHxEZwRTe4J62HpRfI0HcW078ded%2FeU4fSqNCpmmAFzuC8ARKIRmJKEnmCYeAdQ%3D%3D HTTP/1.1" 200 0
|
||||
-2020-01-26 15:41:03,382 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:03,383 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:03,384 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:04,383 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:04,384 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:04,384 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:04,528 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:05,384 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:05,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:05,386 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:06,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:06,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:06,386 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:06,554 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:07,385 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:07,386 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:07,387 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:08,386 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:08,387 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:08,387 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:08,561 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:09,388 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:09,389 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:09,391 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:10,388 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:10,389 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:10,389 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:10,582 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:11,389 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:11,390 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:11,390 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:12,390 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:12,390 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:12,391 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:12,569 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:13,390 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:13,391 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:13,392 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:14,392 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:14,393 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:14,394 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:14,561 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:15,393 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:15,394 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:15,397 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:15,441 DEBUG Thread-15 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:15,660 DEBUG Thread-15 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 46
|
||||
-2020-01-26 15:41:16,393 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:16,394 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:16,395 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-metadata.json
|
||||
-2020-01-26 15:41:16,400 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:16,661 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:17,394 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:17,395 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:17,396 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:18,395 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:18,396 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:18,397 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:18,646 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:19,396 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:19,397 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:19,398 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:20,397 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:20,398 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:20,400 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:20,598 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:21,398 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:21,399 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:21,400 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:22,400 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:22,401 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:22,402 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:23,136 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:23,400 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:23,402 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:23,403 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:24,401 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:24,402 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:24,404 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:24,610 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:25,402 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:25,404 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:25,405 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:26,404 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:26,405 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:26,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:26,635 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:27,404 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:27,405 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:27,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:28,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:28,409 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:28,410 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:28,411 INFO Thread-3 :14805 [run_manager.py:_on_file_created():671] file/dir created: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-events.jsonl
|
||||
-2020-01-26 15:41:28,616 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:29,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:29,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:29,407 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:30,406 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:30,407 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:30,408 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:30,670 DEBUG Thread-15 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:30,685 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:30,878 DEBUG Thread-15 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 46
|
||||
-2020-01-26 15:41:31,407 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:31,409 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:31,410 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:31,557 INFO MainThread:14805 [run_manager.py:_sync_etc():1313] process received interrupt signal, shutting down
|
||||
-2020-01-26 15:41:31,558 INFO MainThread:14805 [run_manager.py:_sync_etc():1366] closing log streams and sending exitcode to W&B
|
||||
-2020-01-26 15:41:31,559 INFO MainThread:14805 [run_manager.py:shutdown():1057] shutting down system stats and metadata service
|
||||
-2020-01-26 15:41:31,741 INFO MainThread:14805 [run_manager.py:shutdown():1069] stopping streaming files and file change observer
|
||||
-2020-01-26 15:41:32,408 INFO Thread-3 :14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-history.jsonl
|
||||
-2020-01-26 15:41:32,410 INFO MainThread:14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-events.jsonl
|
||||
-2020-01-26 15:41:32,411 INFO MainThread:14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/output.log
|
||||
-2020-01-26 15:41:32,412 INFO MainThread:14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-summary.json
|
||||
-2020-01-26 15:41:32,412 INFO MainThread:14805 [run_manager.py:_on_file_modified():682] file/dir modified: /home/clemens/repositorys/pytorch-ai/wandb/run-20200126_144058-y7pjuj9j/wandb-metadata.json
|
||||
-2020-01-26 15:41:32,433 DEBUG MainThread:14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:32,663 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:32,666 DEBUG MainThread:14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 588
|
||||
-2020-01-26 15:41:34,490 DEBUG Thread-19 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): api.wandb.ai:443
|
||||
-2020-01-26 15:41:34,619 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 311
|
||||
-2020-01-26 15:41:34,771 DEBUG Thread-7 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /files/cdautermann/pytorch_ai/y7pjuj9j/file_stream HTTP/1.1" 200 310
|
||||
-2020-01-26 15:41:34,775 INFO MainThread:14805 [run_manager.py:_sync_etc():1385] rendering summary
|
||||
-2020-01-26 15:41:34,783 INFO MainThread:14805 [run_manager.py:_sync_etc():1418] syncing files to cloud storage
|
||||
-2020-01-26 15:41:34,789 DEBUG Thread-19 :14805 [connectionpool.py:_make_request():393] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 782
|
||||
-2020-01-26 15:41:34,798 DEBUG Thread-19 :14805 [connectionpool.py:_new_conn():815] Starting new HTTPS connection (1): storage.googleapis.com:443
|
||||
-2020-01-26 15:41:35,834 DEBUG Thread-19 :14805 [connectionpool.py:_make_request():393] https://storage.googleapis.com:443 "PUT /wandb-production.appspot.com/cdautermann/pytorch_ai/y7pjuj9j/___batch_archive_2.tgz?Expires=1580049754&GoogleAccessId=gorilla-cloud-storage%40wandb-production.iam.gserviceaccount.com&Signature=JjXpVxc7dAgkJqvThshwnsrp%2Bd12Uwd3tTS5zFxz%2FEXgnM47eQp0R%2F%2FEsuOBxK0hYeITTtsW%2BpQxneTuRV6jMHBNbbjkDwREkLBYqz4T4SG3EPVB3Eowbe1JD8EV%2B47Tfz5lfZLEDHnuBdVdbCGfojn0Ej9d2vzn9rkajQkceM%2FSFf7qp%2ByHlK6HZoRIpXKhyl04EQECNZ68%2BNsAR76XxGtbEHXdRwWZK5LTv9Y3YkqejqILPAMqIBehF1kDaRIJ3tUaLjll32e6Nex2VzWSRacPGTvIqBausxBOzJJhFxdwxMvUlZmF5TQT4MQHk4ah5vaqHu0U8A%2FXo08xbXY97A%3D%3D HTTP/1.1" 200 0
|
||||
-2020-01-26 15:41:37,044 INFO MainThread:14805 [run_manager.py:_sync_etc():1433] syncing complete: https://app.wandb.ai/cdautermann/pytorch_ai/runs/y7pjuj9j
|
||||
-2020-01-26 15:41:37,044 INFO MainThread:14805 [y7pjuj9j:run_manager.py:_sync_etc():1433] syncing complete: https://app.wandb.ai/cdautermann/pytorch_ai/runs/y7pjuj9j
|
||||
+2020-01-27 15:38:51,913 DEBUG MainThread:7679 [wandb_config.py:_load_defaults():111] no defaults not found in config-defaults.yaml
|
||||
+2020-01-27 15:38:51,925 DEBUG MainThread:7679 [cmd.py:execute():728] Popen(['git', 'cat-file', '--batch-check'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=<valid stream>)
|
||||
+2020-01-27 15:38:51,932 DEBUG MainThread:7679 [cmd.py:execute():728] Popen(['git', 'rev-parse', '--show-toplevel'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
+2020-01-27 15:38:51,938 DEBUG MainThread:7679 [cmd.py:execute():728] Popen(['git', 'status', '--porcelain', '--untracked-files'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
+2020-01-27 15:38:51,958 DEBUG MainThread:7679 [run_manager.py:__init__():535] Initialized sync for pytorch_ai/1cqtetvf
|
||||
+2020-01-27 15:38:51,963 INFO MainThread:7679 [run_manager.py:wrap_existing_process():1133] wrapping existing process 7669
|
||||
+2020-01-27 15:38:51,963 WARNING MainThread:7679 [io_wrap.py:register():104] SIGWINCH handler was not None: <Handlers.SIG_DFL: 0>
|
||||
+2020-01-27 15:38:51,968 DEBUG MainThread:7679 [connectionpool.py:_new_conn():824] Starting new HTTPS connection (1): pypi.org
|
||||
+2020-01-27 15:38:52,085 DEBUG MainThread:7679 [connectionpool.py:_make_request():396] https://pypi.org:443 "GET /pypi/wandb/json HTTP/1.1" 200 39767
|
||||
+2020-01-27 15:38:52,124 INFO MainThread:7679 [run_manager.py:init_run():918] system metrics and metadata threads started
|
||||
+2020-01-27 15:38:52,124 INFO MainThread:7679 [run_manager.py:init_run():952] upserting run before process can begin, waiting at most 10 seconds
|
||||
+2020-01-27 15:38:52,136 DEBUG Thread-14 :7679 [connectionpool.py:_new_conn():824] Starting new HTTPS connection (1): api.wandb.ai
|
||||
+2020-01-27 15:38:52,392 DEBUG Thread-14 :7679 [connectionpool.py:_make_request():396] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 536
|
||||
+2020-01-27 15:38:52,406 INFO Thread-14 :7679 [run_manager.py:_upsert_run():1037] saving patches
|
||||
+2020-01-27 15:38:52,406 DEBUG Thread-14 :7679 [cmd.py:execute():728] Popen(['git', 'rev-parse', '--show-toplevel'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
+2020-01-27 15:38:52,413 DEBUG Thread-14 :7679 [cmd.py:execute():728] Popen(['git', 'diff', '--cached', '--abbrev=40', '--full-index', '--raw'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
+2020-01-27 15:38:52,421 DEBUG Thread-14 :7679 [cmd.py:execute():728] Popen(['git', 'diff', '--abbrev=40', '--full-index', '--raw'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
+2020-01-27 15:38:52,431 DEBUG Thread-14 :7679 [cmd.py:execute():728] Popen(['git', 'version'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
8
wandb/run-20200127_143851-1cqtetvf/output.log
Normal file
8
wandb/run-20200127_143851-1cqtetvf/output.log
Normal file
File diff suppressed because one or more lines are too long
322
wandb/run-20200127_143851-1cqtetvf/requirements.txt
Normal file
322
wandb/run-20200127_143851-1cqtetvf/requirements.txt
Normal file
|
|
@ -0,0 +1,322 @@
|
|||
absl-py==0.7.1
|
||||
adal==1.2.1
|
||||
advancedhtmlparser==8.1.6
|
||||
aenum==2.1.2
|
||||
altgraph==0.16.1
|
||||
amqp==1.4.9
|
||||
anyjson==0.3.3
|
||||
apturl==0.5.2
|
||||
asn1crypto==0.24.0
|
||||
astor==0.8.0
|
||||
atomicwrites==1.3.0
|
||||
attrs==19.1.0
|
||||
autopep8==1.3.3
|
||||
azure-applicationinsights==0.1.0
|
||||
azure-batch==4.1.3
|
||||
azure-common==1.1.18
|
||||
azure-cosmosdb-nspkg==2.0.2
|
||||
azure-cosmosdb-table==1.0.5
|
||||
azure-datalake-store==0.0.41
|
||||
azure-eventgrid==1.2.0
|
||||
azure-graphrbac==0.40.0
|
||||
azure-keyvault==1.1.0
|
||||
azure-loganalytics==0.1.0
|
||||
azure-mgmt-advisor==1.0.1
|
||||
azure-mgmt-applicationinsights==0.1.1
|
||||
azure-mgmt-authorization==0.50.0
|
||||
azure-mgmt-batch==5.0.1
|
||||
azure-mgmt-batchai==2.0.0
|
||||
azure-mgmt-billing==0.2.0
|
||||
azure-mgmt-cdn==3.0.0
|
||||
azure-mgmt-cognitiveservices==3.0.0
|
||||
azure-mgmt-commerce==1.0.1
|
||||
azure-mgmt-compute==4.4.0
|
||||
azure-mgmt-consumption==2.0.0
|
||||
azure-mgmt-containerinstance==1.4.0
|
||||
azure-mgmt-containerregistry==2.7.0
|
||||
azure-mgmt-containerservice==4.4.0
|
||||
azure-mgmt-cosmosdb==0.4.1
|
||||
azure-mgmt-datafactory==0.6.0
|
||||
azure-mgmt-datalake-analytics==0.6.0
|
||||
azure-mgmt-datalake-nspkg==3.0.1
|
||||
azure-mgmt-datalake-store==0.5.0
|
||||
azure-mgmt-datamigration==1.0.0
|
||||
azure-mgmt-devspaces==0.1.0
|
||||
azure-mgmt-devtestlabs==2.2.0
|
||||
azure-mgmt-dns==2.1.0
|
||||
azure-mgmt-eventgrid==1.0.0
|
||||
azure-mgmt-eventhub==2.3.0
|
||||
azure-mgmt-hanaonazure==0.1.1
|
||||
azure-mgmt-iotcentral==0.1.0
|
||||
azure-mgmt-iothub==0.5.0
|
||||
azure-mgmt-iothubprovisioningservices==0.2.0
|
||||
azure-mgmt-keyvault==1.1.0
|
||||
azure-mgmt-loganalytics==0.2.0
|
||||
azure-mgmt-logic==3.0.0
|
||||
azure-mgmt-machinelearningcompute==0.4.1
|
||||
azure-mgmt-managementgroups==0.1.0
|
||||
azure-mgmt-managementpartner==0.1.0
|
||||
azure-mgmt-maps==0.1.0
|
||||
azure-mgmt-marketplaceordering==0.1.0
|
||||
azure-mgmt-media==1.0.0
|
||||
azure-mgmt-monitor==0.5.2
|
||||
azure-mgmt-msi==0.2.0
|
||||
azure-mgmt-network==2.5.1
|
||||
azure-mgmt-notificationhubs==2.0.0
|
||||
azure-mgmt-nspkg==3.0.2
|
||||
azure-mgmt-policyinsights==0.1.0
|
||||
azure-mgmt-powerbiembedded==2.0.0
|
||||
azure-mgmt-rdbms==1.5.0
|
||||
azure-mgmt-recoveryservices==0.3.0
|
||||
azure-mgmt-recoveryservicesbackup==0.3.0
|
||||
azure-mgmt-redis==5.0.0
|
||||
azure-mgmt-relay==0.1.0
|
||||
azure-mgmt-reservations==0.2.1
|
||||
azure-mgmt-resource==2.1.0
|
||||
azure-mgmt-scheduler==2.0.0
|
||||
azure-mgmt-search==2.0.0
|
||||
azure-mgmt-servicebus==0.5.3
|
||||
azure-mgmt-servicefabric==0.2.0
|
||||
azure-mgmt-signalr==0.1.1
|
||||
azure-mgmt-sql==0.9.1
|
||||
azure-mgmt-storage==2.0.0
|
||||
azure-mgmt-subscription==0.2.0
|
||||
azure-mgmt-trafficmanager==0.50.0
|
||||
azure-mgmt-web==0.35.0
|
||||
azure-mgmt==4.0.0
|
||||
azure-nspkg==3.0.2
|
||||
azure-servicebus==0.21.1
|
||||
azure-servicefabric==6.3.0.0
|
||||
azure-servicemanagement-legacy==0.20.6
|
||||
azure-storage-blob==1.5.0
|
||||
azure-storage-common==1.4.0
|
||||
azure-storage-file==1.4.0
|
||||
azure-storage-queue==1.4.0
|
||||
azure==4.0.0
|
||||
backcall==0.1.0
|
||||
bcrypt==3.1.4
|
||||
beautifulsoup4==4.6.0
|
||||
billiard==3.3.0.23
|
||||
binwalk==2.1.1
|
||||
bleach==1.5.0
|
||||
blinker==1.4
|
||||
brlapi==0.6.6
|
||||
browser-cookie3==0.6.4
|
||||
celery==3.1.26.post2
|
||||
certifi==2017.11.5
|
||||
cffi==1.11.5
|
||||
chardet==3.0.4
|
||||
click==7.0
|
||||
cloudpickle==1.2.1
|
||||
command-not-found==0.3
|
||||
configparser==4.0.2
|
||||
cryptography==2.1.4
|
||||
cupshelpers==1.0
|
||||
cycler==0.10.0
|
||||
dataclasses==0.6
|
||||
dbf==0.97.11
|
||||
dbfread==2.0.7
|
||||
decorator==4.4.0
|
||||
defer==1.0.6
|
||||
defusedxml==0.5.0
|
||||
distro-info==0.18ubuntu0.18.04.1
|
||||
django-celery==3.2.2
|
||||
django==2.1
|
||||
djongo==1.2.29
|
||||
docker-pycreds==0.4.0
|
||||
docopt==0.6.2
|
||||
docx==0.2.4
|
||||
entrypoints==0.3
|
||||
enum34==1.1.6
|
||||
f.lux-indicator-applet==1.1.11-pre
|
||||
feedparser==5.2.1
|
||||
flask==1.0.2
|
||||
future==0.16.0
|
||||
gast==0.2.2
|
||||
gephistreamer==2.0.3
|
||||
gitdb2==2.0.6
|
||||
gitpython==3.0.5
|
||||
gql==0.2.0
|
||||
graphql-core==1.1
|
||||
grpcio==1.11.1
|
||||
html2markdown==0.1.7
|
||||
html5lib==0.9999999
|
||||
httplib2==0.9.2
|
||||
idna==2.6
|
||||
ifaddr==0.1.4
|
||||
imageio==2.5.0
|
||||
importlib-metadata==0.19
|
||||
ipaddress==1.0.22
|
||||
ipykernel==5.1.1
|
||||
ipython-genutils==0.2.0
|
||||
ipython==7.5.0
|
||||
ipywidgets==7.4.2
|
||||
isodate==0.6.0
|
||||
itsdangerous==1.1.0
|
||||
jedi==0.13.3
|
||||
jinja2==2.10.1
|
||||
jsonschema==3.0.1
|
||||
jupyter-client==5.2.4
|
||||
jupyter-console==6.0.0
|
||||
jupyter-core==4.4.0
|
||||
jupyter==1.0.0
|
||||
keyring==10.6.0
|
||||
keyrings.alt==3.0
|
||||
kiwisolver==1.0.1
|
||||
kombu==3.0.37
|
||||
language-selector==0.1
|
||||
launchpadlib==1.10.6
|
||||
lazr.restfulclient==0.13.5
|
||||
lazr.uri==1.0.3
|
||||
llvmlite==0.29.0
|
||||
louis==3.5.0
|
||||
lxml==4.2.1
|
||||
macaroonbakery==1.1.3
|
||||
macholib==1.11
|
||||
mako==1.0.7
|
||||
markdown==3.1.1
|
||||
markupsafe==1.0
|
||||
matplotlib==2.2.0
|
||||
mechanize==0.2.5
|
||||
mistune==0.8.4
|
||||
mlagents-envs==0.9.1
|
||||
mlagents==0.9.1
|
||||
more-itertools==7.2.0
|
||||
msrest==0.6.4
|
||||
msrestazure==0.6.0
|
||||
nbconvert==5.5.0
|
||||
nbformat==4.4.0
|
||||
netifaces==0.10.4
|
||||
networkx==2.3
|
||||
notebook==5.7.8
|
||||
numba==0.44.1
|
||||
numpy==1.14.2
|
||||
nvidia-ml-py3==7.352.0
|
||||
oauth==1.0.1
|
||||
oauthlib==3.0.1
|
||||
olefile==0.45.1
|
||||
pandocfilters==1.4.2
|
||||
paramiko==2.4.1
|
||||
parso==0.4.0
|
||||
pathtools==0.1.2
|
||||
pbkdf2==1.3
|
||||
pefile==2018.8.8
|
||||
pexpect==4.2.1
|
||||
pickleshare==0.7.5
|
||||
pillow==5.2.0
|
||||
pip==19.0.1
|
||||
plotly==3.9.0
|
||||
pluggy==0.12.0
|
||||
pocketsphinx==0.1.3
|
||||
prometheus-client==0.6.0
|
||||
promise==2.3
|
||||
prompt-toolkit==2.0.9
|
||||
protobuf==3.6.1
|
||||
psutil==5.6.7
|
||||
psycopg2==2.7.5
|
||||
ptyprocess==0.6.0
|
||||
py==1.8.0
|
||||
pyaes==1.6.1
|
||||
pyasn1==0.4.2
|
||||
pyaudio==0.2.11
|
||||
pycairo==1.16.2
|
||||
pycodestyle==2.3.1
|
||||
pycparser==2.18
|
||||
pycrypto==2.6.1
|
||||
pycups==1.9.73
|
||||
pydeepl==0.9
|
||||
pyglet==1.4.1
|
||||
pygments==2.3.1
|
||||
pygobject==3.26.1
|
||||
pyinstaller==3.4
|
||||
pyjwt==1.5.3
|
||||
pymacaroons==0.13.0
|
||||
pymongo==3.7.1
|
||||
pynacl==1.1.2
|
||||
pyopengl==3.1.0
|
||||
pyparsing==2.2.0
|
||||
pypdf2==1.26.0
|
||||
pyqtgraph==0.10.0
|
||||
pyrfc3339==1.0
|
||||
pyrsistent==0.15.2
|
||||
pytest==3.10.1
|
||||
python-apt==1.6.5+ubuntu0.2
|
||||
python-dateutil==2.7.3
|
||||
python-debian==0.1.32
|
||||
python-docx==0.8.6
|
||||
python-gitlab==1.3.0
|
||||
pytz==2018.4
|
||||
pywavelets==1.0.3
|
||||
pyxdg==0.25
|
||||
pyyaml==3.12
|
||||
pyzmq==18.0.1
|
||||
qtconsole==4.4.4
|
||||
queryablelist==3.1.0
|
||||
reportlab==3.4.0
|
||||
requests-oauthlib==1.2.0
|
||||
requests-unixsocket==0.1.5
|
||||
requests==2.21.0
|
||||
retrying==1.3.3
|
||||
scikit-image==0.15.0
|
||||
scipy==1.3.0
|
||||
scour==0.36
|
||||
screen-resolution-extra==0.0.0
|
||||
secretstorage==2.3.1
|
||||
selenium==3.7.0
|
||||
send2trash==1.5.0
|
||||
sentry-sdk==0.14.1
|
||||
setuptools==38.4.0
|
||||
shortuuid==0.5.0
|
||||
simplejson==3.13.2
|
||||
six==1.11.0
|
||||
smmap2==2.0.5
|
||||
speechrecognition==3.8.1
|
||||
sqlparse==0.2.4
|
||||
subprocess32==3.5.4
|
||||
system-service==0.3
|
||||
systemd-python==234
|
||||
tensorboard==1.7.0
|
||||
tensorflow==1.7.1
|
||||
termcolor==1.1.0
|
||||
terminado==0.8.2
|
||||
testpath==0.4.2
|
||||
torch==1.4.0
|
||||
torchfile==0.1.0
|
||||
torchvision==0.5.0
|
||||
tornado==6.0.1
|
||||
tqdm==4.23.4
|
||||
traitlets==4.3.2
|
||||
ubuntu-drivers-common==0.0.0
|
||||
ufw==0.36
|
||||
unattended-upgrades==0.1
|
||||
unity-scope-calculator==0.1
|
||||
unity-scope-chromiumbookmarks==0.1
|
||||
unity-scope-colourlovers==0.1
|
||||
unity-scope-devhelp==0.1
|
||||
unity-scope-firefoxbookmarks==0.1
|
||||
unity-scope-manpages==0.1
|
||||
unity-scope-openclipart==0.1
|
||||
unity-scope-texdoc==0.1
|
||||
unity-scope-tomboy==0.1
|
||||
unity-scope-virtualbox==0.1
|
||||
unity-scope-yelp==0.1
|
||||
unity-scope-zotero==0.1
|
||||
urllib3==1.22
|
||||
usb-creator==0.3.3
|
||||
vine==1.1.4
|
||||
visdom==0.1.8.8
|
||||
wadllib==1.3.2
|
||||
wakeonlan==1.1.6
|
||||
wandb==0.8.22
|
||||
watchdog==0.10.0
|
||||
wcwidth==0.1.7
|
||||
webencodings==0.5.1
|
||||
websocket-client==0.55.0
|
||||
werkzeug==0.15.2
|
||||
wheel==0.30.0
|
||||
widgetsnbextension==3.4.2
|
||||
ws4py==0.5.1
|
||||
xkit==0.0.0
|
||||
zeroconf==0.21.3
|
||||
zipp==0.5.2
|
||||
zope.interface==4.3.2
|
||||
56
wandb/run-20200127_143851-1cqtetvf/wandb-events.jsonl
Normal file
56
wandb/run-20200127_143851-1cqtetvf/wandb-events.jsonl
Normal file
|
|
@ -0,0 +1,56 @@
|
|||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 1.13, "system.gpu.0.memoryAllocated": 12.79, "system.gpu.0.temp": 48.4, "system.gpu.0.powerWatts": 25.32, "system.gpu.0.powerPercent": 14.06, "system.cpu": 8.93, "system.memory": 35.81, "system.disk": 4.7, "system.proc.memory.availableMB": 5130.31, "system.proc.memory.rssMB": 1517.57, "system.proc.memory.percent": 18.99, "system.proc.cpu.threads": 7.27, "system.network.sent": 281684, "system.network.recv": 128015, "_wandb": true, "_timestamp": 1580135960, "_runtime": 28}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.77, "system.gpu.0.temp": 49.53, "system.gpu.0.powerWatts": 26.46, "system.gpu.0.powerPercent": 14.7, "system.cpu": 5.61, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.84, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 684744, "system.network.recv": 174395, "_wandb": true, "_timestamp": 1580135990, "_runtime": 59}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.78, "system.gpu.0.temp": 50.67, "system.gpu.0.powerWatts": 26.5, "system.gpu.0.powerPercent": 14.72, "system.cpu": 5.54, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.49, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 847352, "system.network.recv": 203293, "_wandb": true, "_timestamp": 1580136020, "_runtime": 89}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.78, "system.gpu.0.temp": 51.73, "system.gpu.0.powerWatts": 26.54, "system.gpu.0.powerPercent": 14.74, "system.cpu": 5.44, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.56, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1000072, "system.network.recv": 227889, "_wandb": true, "_timestamp": 1580136050, "_runtime": 119}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 52.47, "system.gpu.0.powerWatts": 26.59, "system.gpu.0.powerPercent": 14.77, "system.cpu": 5.44, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.22, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1172725, "system.network.recv": 256168, "_wandb": true, "_timestamp": 1580136081, "_runtime": 149}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 53.27, "system.gpu.0.powerWatts": 26.64, "system.gpu.0.powerPercent": 14.8, "system.cpu": 5.55, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.34, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1400772, "system.network.recv": 284220, "_wandb": true, "_timestamp": 1580136111, "_runtime": 179}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 54.07, "system.gpu.0.powerWatts": 26.72, "system.gpu.0.powerPercent": 14.85, "system.cpu": 5.59, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.0, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1551124, "system.network.recv": 314440, "_wandb": true, "_timestamp": 1580136141, "_runtime": 210}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 55.0, "system.gpu.0.powerWatts": 26.79, "system.gpu.0.powerPercent": 14.88, "system.cpu": 5.56, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.08, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1725156, "system.network.recv": 341285, "_wandb": true, "_timestamp": 1580136171, "_runtime": 240}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 55.47, "system.gpu.0.powerWatts": 26.82, "system.gpu.0.powerPercent": 14.9, "system.cpu": 5.59, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5009.04, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 1878977, "system.network.recv": 387741, "_wandb": true, "_timestamp": 1580136201, "_runtime": 270}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.77, "system.gpu.0.temp": 56.0, "system.gpu.0.powerWatts": 26.87, "system.gpu.0.powerPercent": 14.93, "system.cpu": 5.47, "system.memory": 37.3, "system.disk": 4.7, "system.proc.memory.availableMB": 5008.98, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2052603, "system.network.recv": 414811, "_wandb": true, "_timestamp": 1580136232, "_runtime": 300}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.85, "system.gpu.0.temp": 56.2, "system.gpu.0.powerWatts": 26.77, "system.gpu.0.powerPercent": 14.87, "system.cpu": 5.93, "system.memory": 37.36, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.5, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2179289, "system.network.recv": 441312, "_wandb": true, "_timestamp": 1580136262, "_runtime": 330}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 57.0, "system.gpu.0.powerWatts": 26.74, "system.gpu.0.powerPercent": 14.85, "system.cpu": 5.35, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5002.79, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2307296, "system.network.recv": 460534, "_wandb": true, "_timestamp": 1580136292, "_runtime": 361}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 57.0, "system.gpu.0.powerWatts": 26.79, "system.gpu.0.powerPercent": 14.88, "system.cpu": 5.33, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.03, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2435527, "system.network.recv": 484125, "_wandb": true, "_timestamp": 1580136322, "_runtime": 391}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 57.8, "system.gpu.0.powerWatts": 26.8, "system.gpu.0.powerPercent": 14.89, "system.cpu": 5.52, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.65, "system.proc.memory.rssMB": 1657.66, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2544337, "system.network.recv": 506597, "_wandb": true, "_timestamp": 1580136352, "_runtime": 421}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 58.0, "system.gpu.0.powerWatts": 26.83, "system.gpu.0.powerPercent": 14.9, "system.cpu": 6.83, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.71, "system.proc.memory.rssMB": 1658.12, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 2670262, "system.network.recv": 531404, "_wandb": true, "_timestamp": 1580136383, "_runtime": 451}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 58.0, "system.gpu.0.powerWatts": 26.84, "system.gpu.0.powerPercent": 14.91, "system.cpu": 5.42, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.26, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 2799970, "system.network.recv": 550148, "_wandb": true, "_timestamp": 1580136413, "_runtime": 481}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 58.67, "system.gpu.0.powerWatts": 26.86, "system.gpu.0.powerPercent": 14.92, "system.cpu": 5.45, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5003.85, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 2929574, "system.network.recv": 571611, "_wandb": true, "_timestamp": 1580136443, "_runtime": 512}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 59.0, "system.gpu.0.powerWatts": 26.87, "system.gpu.0.powerPercent": 14.93, "system.cpu": 5.51, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5003.64, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3038735, "system.network.recv": 592221, "_wandb": true, "_timestamp": 1580136473, "_runtime": 542}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 59.0, "system.gpu.0.powerWatts": 26.9, "system.gpu.0.powerPercent": 14.95, "system.cpu": 5.26, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5003.68, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3166720, "system.network.recv": 618195, "_wandb": true, "_timestamp": 1580136503, "_runtime": 572}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 59.0, "system.gpu.0.powerWatts": 26.97, "system.gpu.0.powerPercent": 14.98, "system.cpu": 5.31, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.75, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3295255, "system.network.recv": 636949, "_wandb": true, "_timestamp": 1580136534, "_runtime": 602}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 59.53, "system.gpu.0.powerWatts": 26.99, "system.gpu.0.powerPercent": 14.99, "system.cpu": 5.62, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5006.29, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3423177, "system.network.recv": 661464, "_wandb": true, "_timestamp": 1580136564, "_runtime": 632}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 59.87, "system.gpu.0.powerWatts": 27.08, "system.gpu.0.powerPercent": 15.04, "system.cpu": 5.42, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5006.11, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3551837, "system.network.recv": 683300, "_wandb": true, "_timestamp": 1580136594, "_runtime": 663}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 55.6, "system.gpu.0.powerWatts": 26.98, "system.gpu.0.powerPercent": 14.99, "system.cpu": 5.73, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5006.38, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3678728, "system.network.recv": 709678, "_wandb": true, "_timestamp": 1580136624, "_runtime": 693}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 50.2, "system.gpu.0.powerWatts": 26.6, "system.gpu.0.powerPercent": 14.78, "system.cpu": 5.54, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.82, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3785789, "system.network.recv": 729338, "_wandb": true, "_timestamp": 1580136654, "_runtime": 723}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 46.07, "system.gpu.0.powerWatts": 26.33, "system.gpu.0.powerPercent": 14.63, "system.cpu": 5.66, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.81, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 3914166, "system.network.recv": 752936, "_wandb": true, "_timestamp": 1580136684, "_runtime": 753}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 43.27, "system.gpu.0.powerWatts": 26.18, "system.gpu.0.powerPercent": 14.55, "system.cpu": 5.47, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.9, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4042721, "system.network.recv": 775917, "_wandb": true, "_timestamp": 1580136715, "_runtime": 783}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 41.33, "system.gpu.0.powerWatts": 26.05, "system.gpu.0.powerPercent": 14.47, "system.cpu": 5.54, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.79, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4171235, "system.network.recv": 800697, "_wandb": true, "_timestamp": 1580136745, "_runtime": 814}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 39.73, "system.gpu.0.powerWatts": 25.98, "system.gpu.0.powerPercent": 14.43, "system.cpu": 5.31, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.67, "system.proc.memory.rssMB": 1658.77, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4300238, "system.network.recv": 822337, "_wandb": true, "_timestamp": 1580136775, "_runtime": 844}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 38.53, "system.gpu.0.powerWatts": 25.93, "system.gpu.0.powerPercent": 14.4, "system.cpu": 6.85, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5006.01, "system.proc.memory.rssMB": 1658.52, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4408556, "system.network.recv": 843957, "_wandb": true, "_timestamp": 1580136805, "_runtime": 874}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 37.6, "system.gpu.0.powerWatts": 25.86, "system.gpu.0.powerPercent": 14.37, "system.cpu": 5.41, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5006.21, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4542525, "system.network.recv": 877811, "_wandb": true, "_timestamp": 1580136836, "_runtime": 904}
|
||||
{"system.gpu.0.gpu": 0.87, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 37.0, "system.gpu.0.powerWatts": 25.82, "system.gpu.0.powerPercent": 14.35, "system.cpu": 5.43, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.86, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4672327, "system.network.recv": 901288, "_wandb": true, "_timestamp": 1580136866, "_runtime": 934}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 36.13, "system.gpu.0.powerWatts": 25.84, "system.gpu.0.powerPercent": 14.35, "system.cpu": 5.61, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.81, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4803251, "system.network.recv": 926285, "_wandb": true, "_timestamp": 1580136896, "_runtime": 965}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 36.0, "system.gpu.0.powerWatts": 25.82, "system.gpu.0.powerPercent": 14.34, "system.cpu": 5.32, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.42, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 4932862, "system.network.recv": 948441, "_wandb": true, "_timestamp": 1580136926, "_runtime": 995}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 35.67, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 5.18, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.25, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5040630, "system.network.recv": 973548, "_wandb": true, "_timestamp": 1580136956, "_runtime": 1025}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 35.13, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.35, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.52, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5169383, "system.network.recv": 995663, "_wandb": true, "_timestamp": 1580136987, "_runtime": 1055}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.51, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.54, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5298051, "system.network.recv": 1018115, "_wandb": true, "_timestamp": 1580137017, "_runtime": 1085}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.62, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.14, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5425660, "system.network.recv": 1037312, "_wandb": true, "_timestamp": 1580137047, "_runtime": 1116}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.59, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.11, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5552512, "system.network.recv": 1060636, "_wandb": true, "_timestamp": 1580137077, "_runtime": 1146}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.87, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.66, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5005.22, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5662023, "system.network.recv": 1082851, "_wandb": true, "_timestamp": 1580137107, "_runtime": 1176}
|
||||
{"system.gpu.0.gpu": 0.8, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.6, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.35, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.94, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5786633, "system.network.recv": 1099247, "_wandb": true, "_timestamp": 1580137138, "_runtime": 1206}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.2, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.55, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.76, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 5892296, "system.network.recv": 1119103, "_wandb": true, "_timestamp": 1580137168, "_runtime": 1236}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.07, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.47, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.51, "system.proc.memory.rssMB": 1658.69, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6019494, "system.network.recv": 1140730, "_wandb": true, "_timestamp": 1580137198, "_runtime": 1267}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.29, "system.cpu": 6.61, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.64, "system.proc.memory.rssMB": 1658.63, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.13, "system.network.sent": 6146125, "system.network.recv": 1161925, "_wandb": true, "_timestamp": 1580137228, "_runtime": 1297}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.33, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5004.7, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6251626, "system.network.recv": 1182550, "_wandb": true, "_timestamp": 1580137258, "_runtime": 1327}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.28, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5003.11, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6378615, "system.network.recv": 1202161, "_wandb": true, "_timestamp": 1580137289, "_runtime": 1357}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.57, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5000.82, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6506998, "system.network.recv": 1223039, "_wandb": true, "_timestamp": 1580137319, "_runtime": 1387}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.66, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.0, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6635765, "system.network.recv": 1244364, "_wandb": true, "_timestamp": 1580137349, "_runtime": 1418}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.31, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.03, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6764407, "system.network.recv": 1265935, "_wandb": true, "_timestamp": 1580137379, "_runtime": 1448}
|
||||
{"system.gpu.0.gpu": 0.87, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.41, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.08, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 6872988, "system.network.recv": 1284072, "_wandb": true, "_timestamp": 1580137409, "_runtime": 1478}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.49, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.36, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7003267, "system.network.recv": 1307665, "_wandb": true, "_timestamp": 1580137440, "_runtime": 1508}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.69, "system.gpu.0.powerPercent": 14.27, "system.cpu": 5.39, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.23, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7131180, "system.network.recv": 1329596, "_wandb": true, "_timestamp": 1580137470, "_runtime": 1538}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 5.35, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.12, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7256958, "system.network.recv": 1350439, "_wandb": true, "_timestamp": 1580137500, "_runtime": 1569}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 5.44, "system.memory": 37.4, "system.disk": 4.7, "system.proc.memory.availableMB": 5001.03, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7385265, "system.network.recv": 1369862, "_wandb": true, "_timestamp": 1580137530, "_runtime": 1599}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.93, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 7.33, "system.memory": 37.47, "system.disk": 4.7, "system.proc.memory.availableMB": 4996.67, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7499502, "system.network.recv": 1394824, "_wandb": true, "_timestamp": 1580137560, "_runtime": 1629}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.85, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.85, "system.gpu.0.powerPercent": 14.36, "system.cpu": 7.85, "system.memory": 37.56, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.89, "system.proc.memory.rssMB": 1658.82, "system.proc.memory.percent": 20.75, "system.proc.cpu.threads": 8.0, "system.network.sent": 7628416, "system.network.recv": 1416529, "_wandb": true, "_timestamp": 1580137591, "_runtime": 1659}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.76, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.99, "system.gpu.0.powerPercent": 14.44, "system.cpu": 6.05, "system.memory": 37.45, "system.disk": 4.7, "system.proc.memory.availableMB": 4998.71, "system.proc.memory.rssMB": 1658.07, "system.proc.memory.percent": 20.74, "system.proc.cpu.threads": 8.0, "system.network.sent": 7628661, "system.network.recv": 1416991, "_wandb": true, "_timestamp": 1580137594, "_runtime": 1663}
|
||||
15485
wandb/run-20200127_143851-1cqtetvf/wandb-history.jsonl
Normal file
15485
wandb/run-20200127_143851-1cqtetvf/wandb-history.jsonl
Normal file
File diff suppressed because one or more lines are too long
25
wandb/run-20200127_143851-1cqtetvf/wandb-metadata.json
Normal file
25
wandb/run-20200127_143851-1cqtetvf/wandb-metadata.json
Normal file
|
|
@ -0,0 +1,25 @@
|
|||
{
|
||||
"root": "/home/clemens/Dokumente/repos/pytorch-ai",
|
||||
"program": "mnist_classifier.py",
|
||||
"git": {
|
||||
"remote": "git@github.com:Clemens-Dautermann/pytorch-ai.git",
|
||||
"commit": "1fe643d464bc16b62628d9cc0149a97a96b1f1a6"
|
||||
},
|
||||
"email": "clemens.dautermann@t-online.de",
|
||||
"startedAt": "2020-01-27T14:38:51.278547",
|
||||
"host": "clemens-ubuntu",
|
||||
"username": "clemens",
|
||||
"executable": "/usr/bin/python3",
|
||||
"os": "Linux-4.15.0-58-generic-x86_64-with-Ubuntu-18.04-bionic",
|
||||
"python": "3.6.9",
|
||||
"gpu": "GeForce GTX 960",
|
||||
"gpu_count": 1,
|
||||
"cpu_count": 4,
|
||||
"args": [],
|
||||
"state": "killed",
|
||||
"jobType": null,
|
||||
"mode": "run",
|
||||
"project": "pytorch_ai",
|
||||
"heartbeatAt": "2020-01-27T15:06:34.949727",
|
||||
"exitcode": 255
|
||||
}
|
||||
1
wandb/run-20200127_143851-1cqtetvf/wandb-summary.json
Normal file
1
wandb/run-20200127_143851-1cqtetvf/wandb-summary.json
Normal file
File diff suppressed because one or more lines are too long
Loading…
Add table
Add a link
Reference in a new issue