Trained
This commit is contained in:
parent
3ce16b7010
commit
55cff9b18f
287 changed files with 115778 additions and 177 deletions
9
wandb/run-20200127_151617-6htqx9qa/config.yaml
Normal file
9
wandb/run-20200127_151617-6htqx9qa/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
|
||||
249
wandb/run-20200127_151617-6htqx9qa/diff.patch
Normal file
249
wandb/run-20200127_151617-6htqx9qa/diff.patch
Normal file
|
|
@ -0,0 +1,249 @@
|
|||
diff --git a/mnist_classifier.py b/mnist_classifier.py
|
||||
index 4578ce3..989207b 100644
|
||||
--- a/mnist_classifier.py
|
||||
+++ b/mnist_classifier.py
|
||||
@@ -17,7 +17,7 @@ test = datasets.MNIST('./datasets', train=False, download=True,
|
||||
transforms.ToTensor()
|
||||
]))
|
||||
|
||||
-trainset = torch.utils.data.DataLoader(train, batch_size=15, shuffle=True)
|
||||
+trainset = torch.utils.data.DataLoader(train, batch_size=200, shuffle=True)
|
||||
testset = torch.utils.data.DataLoader(test, batch_size=10, shuffle=False)
|
||||
|
||||
|
||||
@@ -42,26 +42,36 @@ 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)
|
||||
|
||||
-for epoch in range(10): # 10 full passes over the data
|
||||
+for epoch in range(200): # 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_large_batch_' + 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..ed5b516 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 16:16:18,368 DEBUG MainThread:9930 [wandb_config.py:_load_defaults():111] no defaults not found in config-defaults.yaml
|
||||
+2020-01-27 16:16:18,379 DEBUG MainThread:9930 [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 16:16:18,386 DEBUG MainThread:9930 [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 16:16:18,394 DEBUG MainThread:9930 [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 16:16:18,411 DEBUG MainThread:9930 [run_manager.py:__init__():535] Initialized sync for pytorch_ai/6htqx9qa
|
||||
+2020-01-27 16:16:18,416 INFO MainThread:9930 [run_manager.py:wrap_existing_process():1133] wrapping existing process 9920
|
||||
+2020-01-27 16:16:18,416 WARNING MainThread:9930 [io_wrap.py:register():104] SIGWINCH handler was not None: <Handlers.SIG_DFL: 0>
|
||||
+2020-01-27 16:16:18,421 DEBUG MainThread:9930 [connectionpool.py:_new_conn():824] Starting new HTTPS connection (1): pypi.org
|
||||
+2020-01-27 16:16:18,531 DEBUG MainThread:9930 [connectionpool.py:_make_request():396] https://pypi.org:443 "GET /pypi/wandb/json HTTP/1.1" 200 39767
|
||||
+2020-01-27 16:16:18,571 INFO MainThread:9930 [run_manager.py:init_run():918] system metrics and metadata threads started
|
||||
+2020-01-27 16:16:18,571 INFO MainThread:9930 [run_manager.py:init_run():952] upserting run before process can begin, waiting at most 10 seconds
|
||||
+2020-01-27 16:16:18,582 DEBUG Thread-14 :9930 [connectionpool.py:_new_conn():824] Starting new HTTPS connection (1): api.wandb.ai
|
||||
+2020-01-27 16:16:18,882 DEBUG Thread-14 :9930 [connectionpool.py:_make_request():396] https://api.wandb.ai:443 "POST /graphql HTTP/1.1" 200 538
|
||||
+2020-01-27 16:16:18,897 INFO Thread-14 :9930 [run_manager.py:_upsert_run():1037] saving patches
|
||||
+2020-01-27 16:16:18,897 DEBUG Thread-14 :9930 [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 16:16:18,904 DEBUG Thread-14 :9930 [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 16:16:18,912 DEBUG Thread-14 :9930 [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 16:16:18,922 DEBUG Thread-14 :9930 [cmd.py:execute():728] Popen(['git', 'version'], cwd=/home/clemens/Dokumente/repos/pytorch-ai, universal_newlines=False, shell=None, istream=None)
|
||||
401
wandb/run-20200127_151617-6htqx9qa/output.log
Normal file
401
wandb/run-20200127_151617-6htqx9qa/output.log
Normal file
File diff suppressed because one or more lines are too long
323
wandb/run-20200127_151617-6htqx9qa/requirements.txt
Normal file
323
wandb/run-20200127_151617-6htqx9qa/requirements.txt
Normal file
|
|
@ -0,0 +1,323 @@
|
|||
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
|
||||
ssh-import-id==5.7
|
||||
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
|
||||
269
wandb/run-20200127_151617-6htqx9qa/wandb-events.jsonl
Normal file
269
wandb/run-20200127_151617-6htqx9qa/wandb-events.jsonl
Normal file
|
|
@ -0,0 +1,269 @@
|
|||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 1.13, "system.gpu.0.memoryAllocated": 12.9, "system.gpu.0.temp": 47.53, "system.gpu.0.powerWatts": 25.27, "system.gpu.0.powerPercent": 14.04, "system.cpu": 10.64, "system.memory": 36.07, "system.disk": 4.7, "system.proc.memory.availableMB": 5112.8, "system.proc.memory.rssMB": 1527.56, "system.proc.memory.percent": 19.11, "system.proc.cpu.threads": 7.27, "system.network.sent": 259436, "system.network.recv": 124259, "_wandb": true, "_timestamp": 1580138206, "_runtime": 28}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 48.8, "system.gpu.0.powerWatts": 26.37, "system.gpu.0.powerPercent": 14.65, "system.cpu": 10.08, "system.memory": 37.59, "system.disk": 4.7, "system.proc.memory.availableMB": 4990.23, "system.proc.memory.rssMB": 1670.4, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 754834, "system.network.recv": 188741, "_wandb": true, "_timestamp": 1580138236, "_runtime": 59}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 50.0, "system.gpu.0.powerWatts": 26.38, "system.gpu.0.powerPercent": 14.65, "system.cpu": 10.1, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.16, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 938513, "system.network.recv": 228272, "_wandb": true, "_timestamp": 1580138267, "_runtime": 89}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 51.0, "system.gpu.0.powerWatts": 26.47, "system.gpu.0.powerPercent": 14.71, "system.cpu": 8.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.92, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 1147118, "system.network.recv": 270509, "_wandb": true, "_timestamp": 1580138297, "_runtime": 119}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 51.73, "system.gpu.0.powerWatts": 26.57, "system.gpu.0.powerPercent": 14.76, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.23, "system.proc.memory.rssMB": 1670.67, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 1348002, "system.network.recv": 308084, "_wandb": true, "_timestamp": 1580138327, "_runtime": 149}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 52.73, "system.gpu.0.powerWatts": 26.63, "system.gpu.0.powerPercent": 14.8, "system.cpu": 9.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.82, "system.proc.memory.rssMB": 1670.68, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 1569753, "system.network.recv": 354141, "_wandb": true, "_timestamp": 1580138357, "_runtime": 179}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 53.6, "system.gpu.0.powerWatts": 26.63, "system.gpu.0.powerPercent": 14.8, "system.cpu": 10.01, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4990.18, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 1775974, "system.network.recv": 392684, "_wandb": true, "_timestamp": 1580138387, "_runtime": 210}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 54.0, "system.gpu.0.powerWatts": 26.63, "system.gpu.0.powerPercent": 14.8, "system.cpu": 9.23, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.72, "system.proc.memory.rssMB": 1670.86, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 1962279, "system.network.recv": 436345, "_wandb": true, "_timestamp": 1580138418, "_runtime": 240}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 55.0, "system.gpu.0.powerWatts": 26.63, "system.gpu.0.powerPercent": 14.79, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4990.14, "system.proc.memory.rssMB": 1670.7, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 2163116, "system.network.recv": 474839, "_wandb": true, "_timestamp": 1580138448, "_runtime": 270}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 55.4, "system.gpu.0.powerWatts": 26.68, "system.gpu.0.powerPercent": 14.82, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4990.23, "system.proc.memory.rssMB": 1670.7, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 2385863, "system.network.recv": 519301, "_wandb": true, "_timestamp": 1580138478, "_runtime": 300}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 55.93, "system.gpu.0.powerWatts": 26.72, "system.gpu.0.powerPercent": 14.84, "system.cpu": 9.87, "system.memory": 37.54, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.34, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 2544314, "system.network.recv": 552390, "_wandb": true, "_timestamp": 1580138508, "_runtime": 330}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 56.27, "system.gpu.0.powerWatts": 26.79, "system.gpu.0.powerPercent": 14.88, "system.cpu": 8.55, "system.memory": 37.53, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.73, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 2707527, "system.network.recv": 592817, "_wandb": true, "_timestamp": 1580138538, "_runtime": 361}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 57.0, "system.gpu.0.powerWatts": 26.81, "system.gpu.0.powerPercent": 14.89, "system.cpu": 9.91, "system.memory": 37.53, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.68, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 2861431, "system.network.recv": 628233, "_wandb": true, "_timestamp": 1580138569, "_runtime": 391}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 57.0, "system.gpu.0.powerWatts": 26.85, "system.gpu.0.powerPercent": 14.92, "system.cpu": 10.12, "system.memory": 37.52, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.76, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 3017616, "system.network.recv": 667599, "_wandb": true, "_timestamp": 1580138599, "_runtime": 421}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 57.93, "system.gpu.0.powerWatts": 26.88, "system.gpu.0.powerPercent": 14.93, "system.cpu": 9.89, "system.memory": 37.58, "system.disk": 4.7, "system.proc.memory.availableMB": 4991.49, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 3196082, "system.network.recv": 704358, "_wandb": true, "_timestamp": 1580138629, "_runtime": 451}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 58.0, "system.gpu.0.powerWatts": 26.9, "system.gpu.0.powerPercent": 14.94, "system.cpu": 8.57, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.61, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 3364053, "system.network.recv": 759892, "_wandb": true, "_timestamp": 1580138659, "_runtime": 481}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 58.13, "system.gpu.0.powerWatts": 26.94, "system.gpu.0.powerPercent": 14.96, "system.cpu": 9.63, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.62, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 3518570, "system.network.recv": 793867, "_wandb": true, "_timestamp": 1580138689, "_runtime": 512}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 59.0, "system.gpu.0.powerWatts": 26.92, "system.gpu.0.powerPercent": 14.95, "system.cpu": 9.87, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.55, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 3675503, "system.network.recv": 835014, "_wandb": true, "_timestamp": 1580138719, "_runtime": 542}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 59.0, "system.gpu.0.powerWatts": 26.99, "system.gpu.0.powerPercent": 14.99, "system.cpu": 9.67, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.69, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 3853707, "system.network.recv": 869715, "_wandb": true, "_timestamp": 1580138750, "_runtime": 572}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 59.07, "system.gpu.0.powerWatts": 27.06, "system.gpu.0.powerPercent": 15.03, "system.cpu": 8.71, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.64, "system.proc.memory.rssMB": 1671.09, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 4016601, "system.network.recv": 910863, "_wandb": true, "_timestamp": 1580138780, "_runtime": 602}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 59.67, "system.gpu.0.powerWatts": 27.05, "system.gpu.0.powerPercent": 15.03, "system.cpu": 9.81, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.06, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4171528, "system.network.recv": 945797, "_wandb": true, "_timestamp": 1580138810, "_runtime": 632}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 60.0, "system.gpu.0.powerWatts": 27.08, "system.gpu.0.powerPercent": 15.04, "system.cpu": 9.81, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.13, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4328211, "system.network.recv": 984963, "_wandb": true, "_timestamp": 1580138840, "_runtime": 663}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 57.87, "system.gpu.0.powerWatts": 27.26, "system.gpu.0.powerPercent": 15.14, "system.cpu": 9.69, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.07, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4507656, "system.network.recv": 1019140, "_wandb": true, "_timestamp": 1580138870, "_runtime": 693}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 52.2, "system.gpu.0.powerWatts": 26.84, "system.gpu.0.powerPercent": 14.91, "system.cpu": 8.92, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.08, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4667588, "system.network.recv": 1061935, "_wandb": true, "_timestamp": 1580138901, "_runtime": 723}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 47.67, "system.gpu.0.powerWatts": 26.5, "system.gpu.0.powerPercent": 14.72, "system.cpu": 9.85, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.17, "system.proc.memory.rssMB": 1670.92, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4823298, "system.network.recv": 1098690, "_wandb": true, "_timestamp": 1580138931, "_runtime": 753}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 44.47, "system.gpu.0.powerWatts": 26.32, "system.gpu.0.powerPercent": 14.62, "system.cpu": 10.05, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.18, "system.proc.memory.rssMB": 1670.9, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 4980971, "system.network.recv": 1144566, "_wandb": true, "_timestamp": 1580138961, "_runtime": 783}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 42.27, "system.gpu.0.powerWatts": 26.21, "system.gpu.0.powerPercent": 14.56, "system.cpu": 9.87, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.26, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 5141812, "system.network.recv": 1181189, "_wandb": true, "_timestamp": 1580138991, "_runtime": 814}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 40.6, "system.gpu.0.powerWatts": 26.08, "system.gpu.0.powerPercent": 14.49, "system.cpu": 8.58, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.1, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 5321181, "system.network.recv": 1222503, "_wandb": true, "_timestamp": 1580139021, "_runtime": 844}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 39.33, "system.gpu.0.powerWatts": 26.02, "system.gpu.0.powerPercent": 14.46, "system.cpu": 9.72, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.0, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 5476695, "system.network.recv": 1259130, "_wandb": true, "_timestamp": 1580139052, "_runtime": 874}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 38.13, "system.gpu.0.powerWatts": 26.02, "system.gpu.0.powerPercent": 14.46, "system.cpu": 9.91, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.1, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 5632748, "system.network.recv": 1301598, "_wandb": true, "_timestamp": 1580139082, "_runtime": 904}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 37.47, "system.gpu.0.powerWatts": 25.94, "system.gpu.0.powerPercent": 14.41, "system.cpu": 9.71, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.27, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 5792236, "system.network.recv": 1337163, "_wandb": true, "_timestamp": 1580139112, "_runtime": 934}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 36.87, "system.gpu.0.powerWatts": 25.87, "system.gpu.0.powerPercent": 14.37, "system.cpu": 8.59, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.39, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 5973607, "system.network.recv": 1378499, "_wandb": true, "_timestamp": 1580139142, "_runtime": 965}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 36.0, "system.gpu.0.powerWatts": 25.87, "system.gpu.0.powerPercent": 14.37, "system.cpu": 9.7, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.26, "system.proc.memory.rssMB": 1670.9, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6126594, "system.network.recv": 1411289, "_wandb": true, "_timestamp": 1580139172, "_runtime": 995}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 36.0, "system.gpu.0.powerWatts": 25.83, "system.gpu.0.powerPercent": 14.35, "system.cpu": 9.78, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.23, "system.proc.memory.rssMB": 1670.91, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6285048, "system.network.recv": 1451872, "_wandb": true, "_timestamp": 1580139203, "_runtime": 1025}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 35.8, "system.gpu.0.powerWatts": 25.84, "system.gpu.0.powerPercent": 14.36, "system.cpu": 10.0, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.13, "system.proc.memory.rssMB": 1670.83, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6445818, "system.network.recv": 1487997, "_wandb": true, "_timestamp": 1580139233, "_runtime": 1055}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.82, "system.gpu.0.powerPercent": 14.34, "system.cpu": 8.6, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.29, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6627363, "system.network.recv": 1530878, "_wandb": true, "_timestamp": 1580139263, "_runtime": 1085}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.93, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.34, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6783532, "system.network.recv": 1567720, "_wandb": true, "_timestamp": 1580139293, "_runtime": 1116}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.84, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.27, "system.proc.memory.rssMB": 1670.81, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 6941853, "system.network.recv": 1606668, "_wandb": true, "_timestamp": 1580139324, "_runtime": 1146}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.23, "system.proc.memory.rssMB": 1670.94, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 7104874, "system.network.recv": 1644545, "_wandb": true, "_timestamp": 1580139354, "_runtime": 1176}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 35.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.28, "system.proc.memory.rssMB": 1670.85, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 7264036, "system.network.recv": 1685371, "_wandb": true, "_timestamp": 1580139384, "_runtime": 1206}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.93, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.67, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.29, "system.proc.memory.rssMB": 1670.74, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 7440712, "system.network.recv": 1726211, "_wandb": true, "_timestamp": 1580139414, "_runtime": 1236}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.6, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.86, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.13, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 7577668, "system.network.recv": 1766449, "_wandb": true, "_timestamp": 1580139444, "_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.67, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.79, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.37, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 7741017, "system.network.recv": 1804942, "_wandb": true, "_timestamp": 1580139474, "_runtime": 1297}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.4, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.39, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 7900919, "system.network.recv": 1846311, "_wandb": true, "_timestamp": 1580139505, "_runtime": 1327}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.27, "system.gpu.0.powerWatts": 25.8, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.78, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.29, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 8076599, "system.network.recv": 1892828, "_wandb": true, "_timestamp": 1580139535, "_runtime": 1357}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.81, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.09, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 8234663, "system.network.recv": 1932005, "_wandb": true, "_timestamp": 1580139565, "_runtime": 1387}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.91, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.77, "system.proc.memory.rssMB": 1670.95, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 8398551, "system.network.recv": 1971542, "_wandb": true, "_timestamp": 1580139595, "_runtime": 1417}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.57, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.98, "system.proc.memory.rssMB": 1670.85, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 8558694, "system.network.recv": 2010644, "_wandb": true, "_timestamp": 1580139625, "_runtime": 1448}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.78, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.05, "system.proc.memory.rssMB": 1670.74, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 8714761, "system.network.recv": 2049919, "_wandb": true, "_timestamp": 1580139656, "_runtime": 1478}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.66, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4992.88, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 8892122, "system.network.recv": 2086277, "_wandb": true, "_timestamp": 1580139686, "_runtime": 1508}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.67, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.11, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9053894, "system.network.recv": 2128706, "_wandb": true, "_timestamp": 1580139716, "_runtime": 1538}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.8, "system.gpu.0.powerPercent": 14.33, "system.cpu": 8.64, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.29, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9212058, "system.network.recv": 2167796, "_wandb": true, "_timestamp": 1580139746, "_runtime": 1568}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.8, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.18, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9370325, "system.network.recv": 2206700, "_wandb": true, "_timestamp": 1580139776, "_runtime": 1599}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.13, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9549272, "system.network.recv": 2244803, "_wandb": true, "_timestamp": 1580139807, "_runtime": 1629}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.82, "system.gpu.0.powerPercent": 14.34, "system.cpu": 9.79, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.06, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9712569, "system.network.recv": 2286345, "_wandb": true, "_timestamp": 1580139837, "_runtime": 1659}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.86, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.15, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 9872968, "system.network.recv": 2326611, "_wandb": true, "_timestamp": 1580139867, "_runtime": 1689}
|
||||
{"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.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.14, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 10029381, "system.network.recv": 2366188, "_wandb": true, "_timestamp": 1580139897, "_runtime": 1719}
|
||||
{"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.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.73, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.2, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 10207255, "system.network.recv": 2402111, "_wandb": true, "_timestamp": 1580139927, "_runtime": 1750}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.58, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.42, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 10369868, "system.network.recv": 2441961, "_wandb": true, "_timestamp": 1580139958, "_runtime": 1780}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.22, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 10527683, "system.network.recv": 2476617, "_wandb": true, "_timestamp": 1580139988, "_runtime": 1810}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.81, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.13, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 10684469, "system.network.recv": 2531504, "_wandb": true, "_timestamp": 1580140018, "_runtime": 1840}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.69, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.27, "system.proc.memory.rssMB": 1670.8, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 10863052, "system.network.recv": 2565670, "_wandb": true, "_timestamp": 1580140048, "_runtime": 1870}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.55, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.15, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 11025511, "system.network.recv": 2605139, "_wandb": true, "_timestamp": 1580140078, "_runtime": 1901}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.07, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.52, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 11185777, "system.network.recv": 2644002, "_wandb": true, "_timestamp": 1580140109, "_runtime": 1931}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.75, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.54, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 11341705, "system.network.recv": 2682896, "_wandb": true, "_timestamp": 1580140139, "_runtime": 1961}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.73, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.53, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 11522224, "system.network.recv": 2719710, "_wandb": true, "_timestamp": 1580140169, "_runtime": 1991}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.39, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.66, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 11684565, "system.network.recv": 2759876, "_wandb": true, "_timestamp": 1580140199, "_runtime": 2021}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.31, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.79, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 11842085, "system.network.recv": 2798773, "_wandb": true, "_timestamp": 1580140229, "_runtime": 2052}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.8, "system.memory": 37.5, "system.disk": 4.7, "system.proc.memory.availableMB": 4993.7, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 11999667, "system.network.recv": 2836418, "_wandb": true, "_timestamp": 1580140259, "_runtime": 2082}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 10.17, "system.memory": 37.59, "system.disk": 4.7, "system.proc.memory.availableMB": 4990.12, "system.proc.memory.rssMB": 1670.8, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 12187746, "system.network.recv": 2939303, "_wandb": true, "_timestamp": 1580140290, "_runtime": 2112}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.5, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.42, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 12352749, "system.network.recv": 2978410, "_wandb": true, "_timestamp": 1580140320, "_runtime": 2142}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.07, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.66, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 12510525, "system.network.recv": 3024356, "_wandb": true, "_timestamp": 1580140350, "_runtime": 2172}
|
||||
{"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.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.95, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.67, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 12669840, "system.network.recv": 3062189, "_wandb": true, "_timestamp": 1580140380, "_runtime": 2202}
|
||||
{"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.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.47, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 12848579, "system.network.recv": 3099147, "_wandb": true, "_timestamp": 1580140410, "_runtime": 2233}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.47, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.43, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 13012114, "system.network.recv": 3150018, "_wandb": true, "_timestamp": 1580140441, "_runtime": 2263}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.08, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 13170487, "system.network.recv": 3189175, "_wandb": true, "_timestamp": 1580140471, "_runtime": 2293}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.74, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.97, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 13326861, "system.network.recv": 3227127, "_wandb": true, "_timestamp": 1580140501, "_runtime": 2323}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.84, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.98, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 13509661, "system.network.recv": 3262692, "_wandb": true, "_timestamp": 1580140531, "_runtime": 2353}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.04, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.97, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 13675128, "system.network.recv": 3303574, "_wandb": true, "_timestamp": 1580140561, "_runtime": 2384}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.31, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.96, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 13830884, "system.network.recv": 3344701, "_wandb": true, "_timestamp": 1580140591, "_runtime": 2414}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.7, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 13986715, "system.network.recv": 3382022, "_wandb": true, "_timestamp": 1580140622, "_runtime": 2444}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.95, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.65, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 14169824, "system.network.recv": 3416845, "_wandb": true, "_timestamp": 1580140652, "_runtime": 2474}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.74, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 14331892, "system.network.recv": 3453794, "_wandb": true, "_timestamp": 1580140682, "_runtime": 2504}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.91, "system.proc.memory.rssMB": 1670.95, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 14487525, "system.network.recv": 3493072, "_wandb": true, "_timestamp": 1580140712, "_runtime": 2535}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.88, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 14644284, "system.network.recv": 3534785, "_wandb": true, "_timestamp": 1580140742, "_runtime": 2565}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.67, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 14804086, "system.network.recv": 3569170, "_wandb": true, "_timestamp": 1580140773, "_runtime": 2595}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.82, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 14987753, "system.network.recv": 3610038, "_wandb": true, "_timestamp": 1580140803, "_runtime": 2625}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.78, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.82, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 15143227, "system.network.recv": 3648531, "_wandb": true, "_timestamp": 1580140833, "_runtime": 2655}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 33.93, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 10.08, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4989.03, "system.proc.memory.rssMB": 1670.76, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 15302605, "system.network.recv": 3688070, "_wandb": true, "_timestamp": 1580140863, "_runtime": 2686}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.08, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 15464179, "system.network.recv": 3722631, "_wandb": true, "_timestamp": 1580140893, "_runtime": 2716}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.42, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 15627104, "system.network.recv": 3761854, "_wandb": true, "_timestamp": 1580140924, "_runtime": 2746}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.82, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.83, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 15804717, "system.network.recv": 3798887, "_wandb": true, "_timestamp": 1580140954, "_runtime": 2776}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.92, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.45, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 15962037, "system.network.recv": 3838454, "_wandb": true, "_timestamp": 1580140984, "_runtime": 2806}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.73, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.58, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16123485, "system.network.recv": 3874308, "_wandb": true, "_timestamp": 1580141014, "_runtime": 2836}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 8.68, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.56, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16286352, "system.network.recv": 3915587, "_wandb": true, "_timestamp": 1580141044, "_runtime": 2867}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.73, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16462031, "system.network.recv": 3952529, "_wandb": true, "_timestamp": 1580141075, "_runtime": 2897}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.55, "system.proc.memory.rssMB": 1670.77, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16620450, "system.network.recv": 3991686, "_wandb": true, "_timestamp": 1580141105, "_runtime": 2927}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.37, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16780052, "system.network.recv": 4024775, "_wandb": true, "_timestamp": 1580141135, "_runtime": 2957}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.39, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 16946009, "system.network.recv": 4063054, "_wandb": true, "_timestamp": 1580141165, "_runtime": 2987}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.47, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17124303, "system.network.recv": 4102241, "_wandb": true, "_timestamp": 1580141195, "_runtime": 3018}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.8, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.64, "system.proc.memory.rssMB": 1670.79, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17260672, "system.network.recv": 4139591, "_wandb": true, "_timestamp": 1580141226, "_runtime": 3048}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.82, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.5, "system.proc.memory.rssMB": 1670.81, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17423183, "system.network.recv": 4176898, "_wandb": true, "_timestamp": 1580141256, "_runtime": 3078}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.55, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17588249, "system.network.recv": 4214115, "_wandb": true, "_timestamp": 1580141286, "_runtime": 3108}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.92, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.67, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17747060, "system.network.recv": 4252170, "_wandb": true, "_timestamp": 1580141316, "_runtime": 3138}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.8, "system.gpu.0.powerPercent": 14.34, "system.cpu": 10.13, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.52, "system.proc.memory.rssMB": 1670.85, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 17928614, "system.network.recv": 4299749, "_wandb": true, "_timestamp": 1580141346, "_runtime": 3169}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.92, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.98, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 18093269, "system.network.recv": 4346314, "_wandb": true, "_timestamp": 1580141377, "_runtime": 3199}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.28, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 18256122, "system.network.recv": 4381215, "_wandb": true, "_timestamp": 1580141407, "_runtime": 3229}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.8, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.99, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.26, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 18429820, "system.network.recv": 4426799, "_wandb": true, "_timestamp": 1580141437, "_runtime": 3259}
|
||||
{"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.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.09, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 18627334, "system.network.recv": 4470227, "_wandb": true, "_timestamp": 1580141467, "_runtime": 3289}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.87, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 18790951, "system.network.recv": 4507472, "_wandb": true, "_timestamp": 1580141497, "_runtime": 3320}
|
||||
{"system.gpu.0.gpu": 1.0, "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.29, "system.cpu": 8.66, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.03, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 18953877, "system.network.recv": 4542999, "_wandb": true, "_timestamp": 1580141527, "_runtime": 3350}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.74, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.05, "system.proc.memory.rssMB": 1670.86, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 19110898, "system.network.recv": 4581438, "_wandb": true, "_timestamp": 1580141558, "_runtime": 3380}
|
||||
{"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.8, "system.gpu.0.powerPercent": 14.34, "system.cpu": 10.04, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.92, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 19294625, "system.network.recv": 4618913, "_wandb": true, "_timestamp": 1580141588, "_runtime": 3410}
|
||||
{"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.28, "system.cpu": 9.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.86, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 19455987, "system.network.recv": 4656020, "_wandb": true, "_timestamp": 1580141618, "_runtime": 3440}
|
||||
{"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.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.85, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.01, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 19619918, "system.network.recv": 4692615, "_wandb": true, "_timestamp": 1580141648, "_runtime": 3471}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.0, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 19777696, "system.network.recv": 4733878, "_wandb": true, "_timestamp": 1580141678, "_runtime": 3501}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.97, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.46, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 19940479, "system.network.recv": 4769877, "_wandb": true, "_timestamp": 1580141709, "_runtime": 3531}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.8, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.92, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.52, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 20123147, "system.network.recv": 4810478, "_wandb": true, "_timestamp": 1580141739, "_runtime": 3561}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.55, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.92, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 20284164, "system.network.recv": 4843109, "_wandb": true, "_timestamp": 1580141769, "_runtime": 3591}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.78, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4988.05, "system.proc.memory.rssMB": 1670.87, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 20441163, "system.network.recv": 4882270, "_wandb": true, "_timestamp": 1580141799, "_runtime": 3622}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.66, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 20605917, "system.network.recv": 4924702, "_wandb": true, "_timestamp": 1580141829, "_runtime": 3652}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.86, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 20767734, "system.network.recv": 4970895, "_wandb": true, "_timestamp": 1580141860, "_runtime": 3682}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.62, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.91, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 20951298, "system.network.recv": 5011407, "_wandb": true, "_timestamp": 1580141890, "_runtime": 3712}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.01, "system.proc.memory.rssMB": 1670.74, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 21110369, "system.network.recv": 5054519, "_wandb": true, "_timestamp": 1580141920, "_runtime": 3742}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 10.07, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.33, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 21273679, "system.network.recv": 5094872, "_wandb": true, "_timestamp": 1580141950, "_runtime": 3772}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.8, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.54, "system.proc.memory.rssMB": 1670.73, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 21435548, "system.network.recv": 5139637, "_wandb": true, "_timestamp": 1580141980, "_runtime": 3803}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.8, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.35, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 21619805, "system.network.recv": 5179874, "_wandb": true, "_timestamp": 1580142011, "_runtime": 3833}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.73, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.58, "system.proc.memory.rssMB": 1670.87, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 21777517, "system.network.recv": 5219974, "_wandb": true, "_timestamp": 1580142041, "_runtime": 3863}
|
||||
{"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.28, "system.cpu": 9.93, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.47, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 21942070, "system.network.recv": 5256945, "_wandb": true, "_timestamp": 1580142071, "_runtime": 3893}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.76, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.56, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 22102889, "system.network.recv": 5299814, "_wandb": true, "_timestamp": 1580142101, "_runtime": 3923}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.61, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.82, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 22263024, "system.network.recv": 5335143, "_wandb": true, "_timestamp": 1580142131, "_runtime": 3954}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.77, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 22442472, "system.network.recv": 5393308, "_wandb": true, "_timestamp": 1580142162, "_runtime": 3984}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.64, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 22604899, "system.network.recv": 5427027, "_wandb": true, "_timestamp": 1580142192, "_runtime": 4014}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.31, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.64, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 22769529, "system.network.recv": 5467862, "_wandb": true, "_timestamp": 1580142222, "_runtime": 4044}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.18, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.57, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 22930515, "system.network.recv": 5530243, "_wandb": true, "_timestamp": 1580142252, "_runtime": 4074}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.85, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.52, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 23114575, "system.network.recv": 5575647, "_wandb": true, "_timestamp": 1580142282, "_runtime": 4104}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.62, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.3, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 23275111, "system.network.recv": 5610793, "_wandb": true, "_timestamp": 1580142312, "_runtime": 4135}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.24, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 23441510, "system.network.recv": 5653219, "_wandb": true, "_timestamp": 1580142343, "_runtime": 4165}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.28, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 23597577, "system.network.recv": 5689161, "_wandb": true, "_timestamp": 1580142373, "_runtime": 4195}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.61, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.31, "system.proc.memory.rssMB": 1670.76, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 23778156, "system.network.recv": 5730653, "_wandb": true, "_timestamp": 1580142403, "_runtime": 4225}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.15, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 23939026, "system.network.recv": 5765187, "_wandb": true, "_timestamp": 1580142433, "_runtime": 4256}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.08, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 24102487, "system.network.recv": 5807345, "_wandb": true, "_timestamp": 1580142463, "_runtime": 4286}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.99, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.0, "system.proc.memory.rssMB": 1670.95, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 24259977, "system.network.recv": 5843286, "_wandb": true, "_timestamp": 1580142494, "_runtime": 4316}
|
||||
{"system.gpu.0.gpu": 1.4, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.0, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 24420719, "system.network.recv": 5884472, "_wandb": true, "_timestamp": 1580142524, "_runtime": 4346}
|
||||
{"system.gpu.0.gpu": 1.13, "system.gpu.0.memory": 0.8, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.04, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 24600863, "system.network.recv": 5916676, "_wandb": true, "_timestamp": 1580142554, "_runtime": 4376}
|
||||
{"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.8, "system.gpu.0.powerPercent": 14.33, "system.cpu": 8.5, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.73, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 24765168, "system.network.recv": 5958407, "_wandb": true, "_timestamp": 1580142584, "_runtime": 4407}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.96, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.84, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 24924101, "system.network.recv": 5995216, "_wandb": true, "_timestamp": 1580142614, "_runtime": 4437}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.84, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.82, "system.proc.memory.rssMB": 1670.77, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 25086229, "system.network.recv": 6035500, "_wandb": true, "_timestamp": 1580142645, "_runtime": 4467}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.82, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.91, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 25267712, "system.network.recv": 6071652, "_wandb": true, "_timestamp": 1580142675, "_runtime": 4497}
|
||||
{"system.gpu.0.gpu": 1.0, "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": 8.49, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.39, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 25430939, "system.network.recv": 6110647, "_wandb": true, "_timestamp": 1580142705, "_runtime": 4527}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.22, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 25588633, "system.network.recv": 6150998, "_wandb": true, "_timestamp": 1580142735, "_runtime": 4558}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.8, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.29, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 25749498, "system.network.recv": 6186945, "_wandb": true, "_timestamp": 1580142766, "_runtime": 4588}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 10.0, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.13, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 25912247, "system.network.recv": 6223910, "_wandb": true, "_timestamp": 1580142796, "_runtime": 4618}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.66, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.15, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26096274, "system.network.recv": 6259601, "_wandb": true, "_timestamp": 1580142826, "_runtime": 4648}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.88, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.21, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26254830, "system.network.recv": 6301454, "_wandb": true, "_timestamp": 1580142856, "_runtime": 4678}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.73, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.29, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26417486, "system.network.recv": 6338256, "_wandb": true, "_timestamp": 1580142886, "_runtime": 4709}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.88, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.1, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26578278, "system.network.recv": 6375801, "_wandb": true, "_timestamp": 1580142917, "_runtime": 4739}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.78, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.32, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26739753, "system.network.recv": 6412750, "_wandb": true, "_timestamp": 1580142947, "_runtime": 4769}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.24, "system.proc.memory.rssMB": 1670.92, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 26919043, "system.network.recv": 6454548, "_wandb": true, "_timestamp": 1580142977, "_runtime": 4799}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.39, "system.proc.memory.rssMB": 1670.9, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 27080297, "system.network.recv": 6491161, "_wandb": true, "_timestamp": 1580143007, "_runtime": 4829}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.8, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.86, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.34, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 27241733, "system.network.recv": 6530294, "_wandb": true, "_timestamp": 1580143037, "_runtime": 4860}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.61, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.19, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 27403111, "system.network.recv": 6567805, "_wandb": true, "_timestamp": 1580143068, "_runtime": 4890}
|
||||
{"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.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.48, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 27581638, "system.network.recv": 6609456, "_wandb": true, "_timestamp": 1580143098, "_runtime": 4920}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.56, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 27742263, "system.network.recv": 6646039, "_wandb": true, "_timestamp": 1580143128, "_runtime": 4950}
|
||||
{"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.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 10.11, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.13, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 27882131, "system.network.recv": 6694685, "_wandb": true, "_timestamp": 1580143158, "_runtime": 4980}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.54, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.47, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 28042300, "system.network.recv": 6731169, "_wandb": true, "_timestamp": 1580143188, "_runtime": 5011}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.95, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.41, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 28202878, "system.network.recv": 6773360, "_wandb": true, "_timestamp": 1580143218, "_runtime": 5041}
|
||||
{"system.gpu.0.gpu": 1.4, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.31, "system.proc.memory.rssMB": 1670.91, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 28384570, "system.network.recv": 6810076, "_wandb": true, "_timestamp": 1580143249, "_runtime": 5071}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.67, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.45, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 28546428, "system.network.recv": 6848767, "_wandb": true, "_timestamp": 1580143279, "_runtime": 5101}
|
||||
{"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.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.84, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.3, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 28705407, "system.network.recv": 6885967, "_wandb": true, "_timestamp": 1580143309, "_runtime": 5131}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.18, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 28843883, "system.network.recv": 6928383, "_wandb": true, "_timestamp": 1580143339, "_runtime": 5162}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 10.03, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.36, "system.proc.memory.rssMB": 1670.79, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 29026305, "system.network.recv": 6964887, "_wandb": true, "_timestamp": 1580143369, "_runtime": 5192}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.19, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.36, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 29190182, "system.network.recv": 7003874, "_wandb": true, "_timestamp": 1580143400, "_runtime": 5222}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 9.4, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.44, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 29346833, "system.network.recv": 7039926, "_wandb": true, "_timestamp": 1580143430, "_runtime": 5252}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.01, "system.proc.memory.rssMB": 1670.87, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 29507947, "system.network.recv": 7082110, "_wandb": true, "_timestamp": 1580143460, "_runtime": 5282}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.18, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 29667790, "system.network.recv": 7117543, "_wandb": true, "_timestamp": 1580143490, "_runtime": 5312}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.2, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 29852081, "system.network.recv": 7155060, "_wandb": true, "_timestamp": 1580143520, "_runtime": 5343}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.29, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30008404, "system.network.recv": 7190096, "_wandb": true, "_timestamp": 1580143551, "_runtime": 5373}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.96, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.25, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30168864, "system.network.recv": 7230412, "_wandb": true, "_timestamp": 1580143581, "_runtime": 5403}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.8, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.32, "system.proc.memory.rssMB": 1670.8, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30328012, "system.network.recv": 7267076, "_wandb": true, "_timestamp": 1580143611, "_runtime": 5433}
|
||||
{"system.gpu.0.gpu": 0.93, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.22, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30489852, "system.network.recv": 7302305, "_wandb": true, "_timestamp": 1580143641, "_runtime": 5463}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.78, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.39, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 30666951, "system.network.recv": 7337652, "_wandb": true, "_timestamp": 1580143671, "_runtime": 5494}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.99, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.54, "system.proc.memory.rssMB": 1670.85, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30828835, "system.network.recv": 7379073, "_wandb": true, "_timestamp": 1580143702, "_runtime": 5524}
|
||||
{"system.gpu.0.gpu": 1.33, "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": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.43, "system.proc.memory.rssMB": 1670.94, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 30987810, "system.network.recv": 7416953, "_wandb": true, "_timestamp": 1580143732, "_runtime": 5554}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.97, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.31, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 31149904, "system.network.recv": 7456906, "_wandb": true, "_timestamp": 1580143762, "_runtime": 5584}
|
||||
{"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.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.98, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 31327095, "system.network.recv": 7493029, "_wandb": true, "_timestamp": 1580143792, "_runtime": 5614}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.24, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 31485246, "system.network.recv": 7532854, "_wandb": true, "_timestamp": 1580143822, "_runtime": 5645}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.78, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.51, "system.proc.memory.rssMB": 1670.82, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 31644627, "system.network.recv": 7569752, "_wandb": true, "_timestamp": 1580143852, "_runtime": 5675}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.68, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.36, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 31805357, "system.network.recv": 7609487, "_wandb": true, "_timestamp": 1580143883, "_runtime": 5705}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.82, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.59, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 31961385, "system.network.recv": 7646257, "_wandb": true, "_timestamp": 1580143913, "_runtime": 5735}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.85, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.34, "system.proc.memory.rssMB": 1670.83, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 32138223, "system.network.recv": 7685746, "_wandb": true, "_timestamp": 1580143943, "_runtime": 5765}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.25, "system.proc.memory.rssMB": 1670.95, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 7.93, "system.network.sent": 32296422, "system.network.recv": 7722216, "_wandb": true, "_timestamp": 1580143973, "_runtime": 5795}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.82, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.3, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 32455252, "system.network.recv": 7760746, "_wandb": true, "_timestamp": 1580144003, "_runtime": 5826}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.89, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.1, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 32612041, "system.network.recv": 7797666, "_wandb": true, "_timestamp": 1580144034, "_runtime": 5856}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.98, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.74, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 32769425, "system.network.recv": 7847507, "_wandb": true, "_timestamp": 1580144064, "_runtime": 5886}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.69, "system.gpu.0.powerPercent": 14.27, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.67, "system.proc.memory.rssMB": 1670.83, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 32952263, "system.network.recv": 7884510, "_wandb": true, "_timestamp": 1580144094, "_runtime": 5916}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.7, "system.gpu.0.powerPercent": 14.28, "system.cpu": 8.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.52, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 33111668, "system.network.recv": 7925079, "_wandb": true, "_timestamp": 1580144124, "_runtime": 5946}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.74, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.65, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 33267865, "system.network.recv": 7960527, "_wandb": true, "_timestamp": 1580144154, "_runtime": 5977}
|
||||
{"system.gpu.0.gpu": 1.33, "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": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.8, "system.proc.memory.rssMB": 1670.8, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 33426212, "system.network.recv": 8000660, "_wandb": true, "_timestamp": 1580144185, "_runtime": 6007}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.43, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.78, "system.proc.memory.rssMB": 1670.96, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 33586419, "system.network.recv": 8040154, "_wandb": true, "_timestamp": 1580144215, "_runtime": 6037}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.37, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.87, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 33763164, "system.network.recv": 8078979, "_wandb": true, "_timestamp": 1580144245, "_runtime": 6067}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.98, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 33918687, "system.network.recv": 8117194, "_wandb": true, "_timestamp": 1580144275, "_runtime": 6097}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.84, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.86, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 34074292, "system.network.recv": 8154414, "_wandb": true, "_timestamp": 1580144305, "_runtime": 6128}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.93, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 34234454, "system.network.recv": 8196000, "_wandb": true, "_timestamp": 1580144336, "_runtime": 6158}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 10.03, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.93, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 34408288, "system.network.recv": 8232450, "_wandb": true, "_timestamp": 1580144366, "_runtime": 6188}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.65, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 34563653, "system.network.recv": 8271344, "_wandb": true, "_timestamp": 1580144396, "_runtime": 6218}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.97, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 34719677, "system.network.recv": 8308257, "_wandb": true, "_timestamp": 1580144426, "_runtime": 6248}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 8.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.96, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 34878950, "system.network.recv": 8348721, "_wandb": true, "_timestamp": 1580144456, "_runtime": 6279}
|
||||
{"system.gpu.0.gpu": 1.4, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.94, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.23, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 35033027, "system.network.recv": 8385384, "_wandb": true, "_timestamp": 1580144487, "_runtime": 6309}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 9.96, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.12, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 35208751, "system.network.recv": 8425087, "_wandb": true, "_timestamp": 1580144517, "_runtime": 6339}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.98, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.89, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 35365269, "system.network.recv": 8462010, "_wandb": true, "_timestamp": 1580144547, "_runtime": 6369}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.63, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.99, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 35524110, "system.network.recv": 8501986, "_wandb": true, "_timestamp": 1580144577, "_runtime": 6399}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.98, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4987.2, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 35678480, "system.network.recv": 8538434, "_wandb": true, "_timestamp": 1580144607, "_runtime": 6430}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.97, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 35833320, "system.network.recv": 8576942, "_wandb": true, "_timestamp": 1580144638, "_runtime": 6460}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.71, "system.gpu.0.powerPercent": 14.28, "system.cpu": 9.77, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.79, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 36030432, "system.network.recv": 8662851, "_wandb": true, "_timestamp": 1580144668, "_runtime": 6490}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.91, "system.memory": 37.65, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.55, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 36189559, "system.network.recv": 8702792, "_wandb": true, "_timestamp": 1580144698, "_runtime": 6520}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.99, "system.memory": 37.63, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.69, "system.proc.memory.rssMB": 1670.86, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 36344294, "system.network.recv": 8740183, "_wandb": true, "_timestamp": 1580144728, "_runtime": 6550}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.76, "system.memory": 37.61, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.91, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 36498744, "system.network.recv": 8778545, "_wandb": true, "_timestamp": 1580144758, "_runtime": 6581}
|
||||
{"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.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.76, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.33, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 36653614, "system.network.recv": 8814932, "_wandb": true, "_timestamp": 1580144788, "_runtime": 6611}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.58, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.15, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 36830452, "system.network.recv": 8850753, "_wandb": true, "_timestamp": 1580144819, "_runtime": 6641}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.03, "system.proc.memory.rssMB": 1670.74, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 36983334, "system.network.recv": 8888346, "_wandb": true, "_timestamp": 1580144849, "_runtime": 6671}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.85, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.21, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 37137752, "system.network.recv": 8926227, "_wandb": true, "_timestamp": 1580144879, "_runtime": 6701}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.9, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.66, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 37296428, "system.network.recv": 8964196, "_wandb": true, "_timestamp": 1580144909, "_runtime": 6731}
|
||||
{"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.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.8, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.65, "system.proc.memory.rssMB": 1670.97, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 37473279, "system.network.recv": 9004499, "_wandb": true, "_timestamp": 1580144939, "_runtime": 6762}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.13, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 37630064, "system.network.recv": 9052297, "_wandb": true, "_timestamp": 1580144970, "_runtime": 6792}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.12, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 37881529, "system.network.recv": 9102809, "_wandb": true, "_timestamp": 1580145000, "_runtime": 6822}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.12, "system.memory": 37.64, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.7, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 38064638, "system.network.recv": 9139993, "_wandb": true, "_timestamp": 1580145030, "_runtime": 6852}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.61, "system.memory": 37.61, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.83, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 38237324, "system.network.recv": 9185145, "_wandb": true, "_timestamp": 1580145060, "_runtime": 6882}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.77, "system.gpu.0.powerPercent": 14.32, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.0, "system.proc.memory.rssMB": 1670.75, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 38407211, "system.network.recv": 9227079, "_wandb": true, "_timestamp": 1580145090, "_runtime": 6913}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.84, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 38564206, "system.network.recv": 9265893, "_wandb": true, "_timestamp": 1580145121, "_runtime": 6943}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 8.65, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.97, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 38726069, "system.network.recv": 9321593, "_wandb": true, "_timestamp": 1580145151, "_runtime": 6973}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.79, "system.gpu.0.powerPercent": 14.33, "system.cpu": 9.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.55, "system.proc.memory.rssMB": 1670.95, "system.proc.memory.percent": 20.91, "system.proc.cpu.threads": 8.0, "system.network.sent": 38878846, "system.network.recv": 9359789, "_wandb": true, "_timestamp": 1580145181, "_runtime": 7003}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 10.05, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.07, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 39053541, "system.network.recv": 9399281, "_wandb": true, "_timestamp": 1580145211, "_runtime": 7033}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.92, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 39212124, "system.network.recv": 9438839, "_wandb": true, "_timestamp": 1580145241, "_runtime": 7064}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.01, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 39371568, "system.network.recv": 9476234, "_wandb": true, "_timestamp": 1580145272, "_runtime": 7094}
|
||||
{"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.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 10.03, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.64, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 39526638, "system.network.recv": 9514638, "_wandb": true, "_timestamp": 1580145302, "_runtime": 7124}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.83, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.53, "system.proc.memory.rssMB": 1670.77, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 39704198, "system.network.recv": 9551456, "_wandb": true, "_timestamp": 1580145332, "_runtime": 7154}
|
||||
{"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.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.58, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 39859849, "system.network.recv": 9590682, "_wandb": true, "_timestamp": 1580145362, "_runtime": 7184}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.63, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.61, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40020611, "system.network.recv": 9628197, "_wandb": true, "_timestamp": 1580145392, "_runtime": 7215}
|
||||
{"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.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.81, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.35, "system.proc.memory.rssMB": 1670.93, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40174965, "system.network.recv": 9667326, "_wandb": true, "_timestamp": 1580145423, "_runtime": 7245}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.92, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.99, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.99, "system.proc.memory.rssMB": 1670.89, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40332541, "system.network.recv": 9706704, "_wandb": true, "_timestamp": 1580145453, "_runtime": 7275}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.91, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.32, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 40514243, "system.network.recv": 9747963, "_wandb": true, "_timestamp": 1580145483, "_runtime": 7305}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.79, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.24, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40675697, "system.network.recv": 9785150, "_wandb": true, "_timestamp": 1580145513, "_runtime": 7335}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 10.14, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.36, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40832442, "system.network.recv": 9824107, "_wandb": true, "_timestamp": 1580145543, "_runtime": 7366}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.86, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.47, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 40989066, "system.network.recv": 9860117, "_wandb": true, "_timestamp": 1580145573, "_runtime": 7396}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.96, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.67, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 41170807, "system.network.recv": 9900096, "_wandb": true, "_timestamp": 1580145604, "_runtime": 7426}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.8, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.55, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 41332087, "system.network.recv": 9938546, "_wandb": true, "_timestamp": 1580145634, "_runtime": 7456}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.73, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.33, "system.proc.memory.rssMB": 1670.92, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 41484241, "system.network.recv": 9977965, "_wandb": true, "_timestamp": 1580145664, "_runtime": 7486}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.69, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.45, "system.proc.memory.rssMB": 1670.91, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 41640894, "system.network.recv": 10013858, "_wandb": true, "_timestamp": 1580145694, "_runtime": 7517}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.84, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.66, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 41803247, "system.network.recv": 10053336, "_wandb": true, "_timestamp": 1580145724, "_runtime": 7547}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 8.67, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.76, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 41980836, "system.network.recv": 10090490, "_wandb": true, "_timestamp": 1580145755, "_runtime": 7577}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.78, "system.gpu.0.powerPercent": 14.32, "system.cpu": 10.03, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.65, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 42135957, "system.network.recv": 10128944, "_wandb": true, "_timestamp": 1580145785, "_runtime": 7607}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.99, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.42, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 42294192, "system.network.recv": 10167682, "_wandb": true, "_timestamp": 1580145815, "_runtime": 7637}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.95, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.29, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 42456848, "system.network.recv": 10208417, "_wandb": true, "_timestamp": 1580145845, "_runtime": 7668}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 8.71, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.17, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 42640807, "system.network.recv": 10260077, "_wandb": true, "_timestamp": 1580145875, "_runtime": 7698}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.91, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.64, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.93, "system.proc.memory.rssMB": 1670.88, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.93, "system.network.sent": 42793842, "system.network.recv": 10291232, "_wandb": true, "_timestamp": 1580145906, "_runtime": 7728}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.89, "system.proc.memory.rssMB": 1670.92, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 42949864, "system.network.recv": 10330305, "_wandb": true, "_timestamp": 1580145936, "_runtime": 7758}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.7, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4985.59, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43112118, "system.network.recv": 10368748, "_wandb": true, "_timestamp": 1580145966, "_runtime": 7788}
|
||||
{"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.73, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.02, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.09, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43268679, "system.network.recv": 10410203, "_wandb": true, "_timestamp": 1580145996, "_runtime": 7819}
|
||||
{"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.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.87, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.34, "system.proc.memory.rssMB": 1670.84, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43444217, "system.network.recv": 10445855, "_wandb": true, "_timestamp": 1580146026, "_runtime": 7849}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 10.0, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.42, "system.proc.memory.rssMB": 1670.78, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43600176, "system.network.recv": 10485360, "_wandb": true, "_timestamp": 1580146057, "_runtime": 7879}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.89, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.68, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4986.38, "system.proc.memory.rssMB": 1670.7, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43773020, "system.network.recv": 10594516, "_wandb": true, "_timestamp": 1580146087, "_runtime": 7909}
|
||||
{"system.gpu.0.gpu": 1.0, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.43, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.48, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 43928485, "system.network.recv": 10637443, "_wandb": true, "_timestamp": 1580146117, "_runtime": 7939}
|
||||
{"system.gpu.0.gpu": 1.2, "system.gpu.0.memory": 0.87, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.95, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.78, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 44105222, "system.network.recv": 10675565, "_wandb": true, "_timestamp": 1580146147, "_runtime": 7969}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.3, "system.cpu": 10.02, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.54, "system.proc.memory.rssMB": 1670.74, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 44262320, "system.network.recv": 10716323, "_wandb": true, "_timestamp": 1580146177, "_runtime": 8000}
|
||||
{"system.gpu.0.gpu": 1.33, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.72, "system.gpu.0.powerPercent": 14.29, "system.cpu": 9.09, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4983.91, "system.proc.memory.rssMB": 1670.83, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 44427606, "system.network.recv": 10752630, "_wandb": true, "_timestamp": 1580146208, "_runtime": 8030}
|
||||
{"system.gpu.0.gpu": 1.07, "system.gpu.0.memory": 1.0, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.75, "system.gpu.0.powerPercent": 14.31, "system.cpu": 9.41, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.24, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 44584587, "system.network.recv": 10810312, "_wandb": true, "_timestamp": 1580146238, "_runtime": 8060}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.93, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.74, "system.gpu.0.powerPercent": 14.3, "system.cpu": 9.75, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.01, "system.proc.memory.rssMB": 1670.72, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 8.0, "system.network.sent": 44762163, "system.network.recv": 10844429, "_wandb": true, "_timestamp": 1580146268, "_runtime": 8090}
|
||||
{"system.gpu.0.gpu": 1.27, "system.gpu.0.memory": 0.82, "system.gpu.0.memoryAllocated": 13.9, "system.gpu.0.temp": 34.0, "system.gpu.0.powerWatts": 25.76, "system.gpu.0.powerPercent": 14.31, "system.cpu": 10.1, "system.memory": 37.6, "system.disk": 4.7, "system.proc.memory.availableMB": 4984.21, "system.proc.memory.rssMB": 1670.71, "system.proc.memory.percent": 20.9, "system.proc.cpu.threads": 7.91, "system.network.sent": 44809471, "system.network.recv": 10866846, "_wandb": true, "_timestamp": 1580146290, "_runtime": 8112}
|
||||
60400
wandb/run-20200127_151617-6htqx9qa/wandb-history.jsonl
Normal file
60400
wandb/run-20200127_151617-6htqx9qa/wandb-history.jsonl
Normal file
File diff suppressed because one or more lines are too long
25
wandb/run-20200127_151617-6htqx9qa/wandb-metadata.json
Normal file
25
wandb/run-20200127_151617-6htqx9qa/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-27T15:16:17.740722",
|
||||
"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": "finished",
|
||||
"jobType": null,
|
||||
"mode": "run",
|
||||
"project": "pytorch_ai",
|
||||
"heartbeatAt": "2020-01-27T17:31:31.529271",
|
||||
"exitcode": 0
|
||||
}
|
||||
1
wandb/run-20200127_151617-6htqx9qa/wandb-summary.json
Normal file
1
wandb/run-20200127_151617-6htqx9qa/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