├── LICENSE ├── README.md ├── docker-compose-experiment.yml ├── graphs.sh ├── installation.sh ├── python ├── connect_nodes.py ├── plot-blockI.py ├── plot-blockO.py ├── plot-cpu.py ├── plot-mem.py ├── plot-netI.py └── plot-netO.py ├── results ├── connect.pcap ├── connect_nodes_output.txt ├── connect_stats.csv ├── connect_stats.txt └── graphs │ ├── BlockIN.png │ ├── BlockO_usage.png │ ├── CPU_usage.png │ ├── NetI_usage.png │ ├── NetO_usage.png │ ├── connect_stats.csv │ ├── gridexperiment_alice_1 │ ├── blockinput.csv │ ├── blockoutput.csv │ ├── cpu.csv │ ├── memory.csv │ ├── networkinput.csv │ ├── networkoutput.csv │ ├── stats.csv │ └── time.csv │ ├── gridexperiment_bill_1 │ ├── blockinput.csv │ ├── blockoutput.csv │ ├── cpu.csv │ ├── memory.csv │ ├── networkinput.csv │ ├── networkoutput.csv │ ├── stats.csv │ └── time.csv │ ├── gridexperiment_bob_1 │ ├── blockinput.csv │ ├── blockoutput.csv │ ├── cpu.csv │ ├── memory.csv │ ├── networkinput.csv │ ├── networkoutput.csv │ ├── stats.csv │ └── time.csv │ ├── gridexperiment_gateway_1 │ ├── blockinput.csv │ ├── blockoutput.csv │ ├── cpu.csv │ ├── memory.csv │ ├── networkinput.csv │ ├── networkoutput.csv │ ├── stats.csv │ └── time.csv │ ├── gridexperiment_james_1 │ ├── blockinput.csv │ ├── blockoutput.csv │ ├── cpu.csv │ ├── memory.csv │ ├── networkinput.csv │ ├── networkoutput.csv │ ├── stats.csv │ └── time.csv │ └── memory_usage.png ├── run_entire_experiment.sh └── run_experiment.sh /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2020 Adam James Hall 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # GridExperiment 2 | 3 | Open a fresh ubuntu instance; 4 | 5 | ``` 6 | git clone https://github.com/H4LL/GridExperiment.git 7 | source GridExperiment/run_entire_experiment.sh 8 | ``` 9 | 10 | This should work for any training scenario. Just put your data distribution and training logic into the 'python/connect_nodes.py'. Then run the master script on your fresh host and it will run the experiment and report back with graphs of how it went. For now we are using the logic from [the mnist tutorials on the PyGrid repo](https://github.com/OpenMined/PyGrid/tree/dev/examples/experimental/mnist_federated_example). 11 | 12 | ## Example Graphs 13 | 14 | # CPU Usage 15 | ![CPU Usage](results/graphs/CPU_usage.png) 16 | 17 | # Memory Usage 18 | ![memory Usage](results/graphs/memory_usage.png) 19 | 20 | # Block Output 21 | ![BlockO Usage](results/graphs/BlockO_usage.png) 22 | 23 | # Block Input 24 | ![BlockI Usage](results/graphs/BlockIN.png) 25 | 26 | # Network Input 27 | ![Bandwith Out](results/graphs/NetI_usage.png) 28 | 29 | # Network Output 30 | ![Bandwidth Input](results/graphs/NetO_usage.png) 31 | 32 | ### TODO 33 | 34 | - Maybe a Byte metric would be better than the percentage metric for memory 35 | -------------------------------------------------------------------------------- /docker-compose-experiment.yml: -------------------------------------------------------------------------------- 1 | version: '3' 2 | services: 3 | gateway: 4 | image: openmined/grid-gateway:latest 5 | environment: 6 | - PORT=5000 7 | - SECRET_KEY=ineedtoputasecrethere 8 | - DATABASE_URL=sqlite:///databasegateway.db 9 | ports: 10 | - 5000:5000 11 | redis: 12 | image: redis:latest 13 | expose: 14 | - 6379 15 | ports: 16 | - 6379:6379 17 | bob: 18 | image: openmined/grid-node:latest 19 | environment: 20 | - GRID_NETWORK_URL=http://gateway:5000 21 | - ID=Bob 22 | - ADDRESS=http://host.docker.internal:3000/ 23 | - PORT=3000 24 | depends_on: 25 | - "gateway" 26 | - "redis" 27 | ports: 28 | - 3000:3000 29 | alice: 30 | image: openmined/grid-node:latest 31 | environment: 32 | - GRID_NETWORK_URL=http://gateway:5000 33 | - ID=Alice 34 | - ADDRESS=http://host.docker.internal:3001/ 35 | - PORT=3001 36 | depends_on: 37 | - "gateway" 38 | - "redis" 39 | ports: 40 | - 3001:3001 41 | bill: 42 | image: openmined/grid-node:latest 43 | environment: 44 | - GRID_NETWORK_URL=http://gateway:5000 45 | - ID=Bill 46 | - ADDRESS=http://host.docker.internal:3002/ 47 | - PORT=3002 48 | depends_on: 49 | - "gateway" 50 | - "redis" 51 | ports: 52 | - 3002:3002 53 | james: 54 | image: openmined/grid-node:latest 55 | environment: 56 | - GRID_NETWORK_URL=http://gateway:5000 57 | - ID=James 58 | - ADDRESS=http://host.docker.internal:3003/ 59 | - PORT=3003 60 | depends_on: 61 | - "gateway" 62 | - "redis" 63 | ports: 64 | - 3003:3003 65 | -------------------------------------------------------------------------------- /graphs.sh: -------------------------------------------------------------------------------- 1 | #!/ bin / bash 2 | 3 | cd ~ 4 | cat GridExperiment/results/connect_stats.txt > GridExperiment/results/connect_stats.csv 5 | sed -i -e 's/] /],/g' GridExperiment/results/connect_stats.csv 6 | sed -i -e 's/ /,/g' GridExperiment/results/connect_stats.csv 7 | sed -i -e 's/ /,/g' GridExperiment/results/connect_stats.csv 8 | sed -i -e 's/ /,/g' GridExperiment/results/connect_stats.csv 9 | sed -i -e 's/ /,/g' GridExperiment/results/connect_stats.csv 10 | sed -i -e 's/ \/ /,/g' GridExperiment/results/connect_stats.csv 11 | sed -i -e 's/, /,/g' GridExperiment/results/connect_stats.csv 12 | sed -i -e 's/\[//g' GridExperiment/results/connect_stats.csv 13 | sed -i -e 's/\]//g' GridExperiment/results/connect_stats.csv 14 | sed -i -e 's/,,/,/g' GridExperiment/results/connect_stats.csv 15 | sed -i -e 's/,,/,/g' GridExperiment/results/connect_stats.csv 16 | sed -i -e 's/%//g' GridExperiment/results/connect_stats.csv 17 | sed -i -e 's/ //g' GridExperiment/results/connect_stats.csv 18 | 19 | rm -r GridExperiment/results/graphs 20 | mkdir GridExperiment/results/graphs 21 | cp GridExperiment/results/connect_stats.csv GridExperiment/results/graphs/connect_stats.csv 22 | 23 | #Sort the coordinator info 24 | mkdir GridExperiment/results/graphs/gridexperiment_gateway_1 25 | grep gridexperiment_gateway_1 GridExperiment/results/graphs/connect_stats.csv > GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv 26 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f1 > GridExperiment/results/graphs/gridexperiment_gateway_1/time.csv 27 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f4 > GridExperiment/results/graphs/gridexperiment_gateway_1/cpu.csv 28 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f7 > GridExperiment/results/graphs/gridexperiment_gateway_1/memory.csv 29 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f8 > GridExperiment/results/graphs/gridexperiment_gateway_1/networkinput.csv 30 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f9 > GridExperiment/results/graphs/gridexperiment_gateway_1/networkoutput.csv 31 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f10 > GridExperiment/results/graphs/gridexperiment_gateway_1/blockinput.csv 32 | cat GridExperiment/results/graphs/gridexperiment_gateway_1/stats.csv | cut -d ',' -f11 > GridExperiment/results/graphs/gridexperiment_gateway_1/blockoutput.csv 33 | 34 | #Sort the coordinator info 35 | mkdir GridExperiment/results/graphs/gridexperiment_bob_1 36 | grep gridexperiment_bob_1 GridExperiment/results/graphs/connect_stats.csv > GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv 37 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f1 > GridExperiment/results/graphs/gridexperiment_bob_1/time.csv 38 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f4 > GridExperiment/results/graphs/gridexperiment_bob_1/cpu.csv 39 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f7 > GridExperiment/results/graphs/gridexperiment_bob_1/memory.csv 40 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f8 > GridExperiment/results/graphs/gridexperiment_bob_1/networkinput.csv 41 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f9 > GridExperiment/results/graphs/gridexperiment_bob_1/networkoutput.csv 42 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f10 > GridExperiment/results/graphs/gridexperiment_bob_1/blockinput.csv 43 | cat GridExperiment/results/graphs/gridexperiment_bob_1/stats.csv | cut -d ',' -f11 > GridExperiment/results/graphs/gridexperiment_bob_1/blockoutput.csv 44 | 45 | #Sort the coordinator info 46 | mkdir GridExperiment/results/graphs/gridexperiment_alice_1 47 | grep gridexperiment_alice_1 GridExperiment/results/graphs/connect_stats.csv > GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv 48 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f1 > GridExperiment/results/graphs/gridexperiment_alice_1/time.csv 49 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f4 > GridExperiment/results/graphs/gridexperiment_alice_1/cpu.csv 50 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f7 > GridExperiment/results/graphs/gridexperiment_alice_1/memory.csv 51 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f8 > GridExperiment/results/graphs/gridexperiment_alice_1/networkinput.csv 52 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f9 > GridExperiment/results/graphs/gridexperiment_alice_1/networkoutput.csv 53 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f10 > GridExperiment/results/graphs/gridexperiment_alice_1/blockinput.csv 54 | cat GridExperiment/results/graphs/gridexperiment_alice_1/stats.csv | cut -d ',' -f11 > GridExperiment/results/graphs/gridexperiment_alice_1/blockoutput.csv 55 | 56 | #Sort the coordinator info 57 | mkdir GridExperiment/results/graphs/gridexperiment_bill_1 58 | grep gridexperiment_bill_1 GridExperiment/results/graphs/connect_stats.csv > GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv 59 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f1 > GridExperiment/results/graphs/gridexperiment_bill_1/time.csv 60 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f4 > GridExperiment/results/graphs/gridexperiment_bill_1/cpu.csv 61 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f7 > GridExperiment/results/graphs/gridexperiment_bill_1/memory.csv 62 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f8 > GridExperiment/results/graphs/gridexperiment_bill_1/networkinput.csv 63 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f9 > GridExperiment/results/graphs/gridexperiment_bill_1/networkoutput.csv 64 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f10 > GridExperiment/results/graphs/gridexperiment_bill_1/blockinput.csv 65 | cat GridExperiment/results/graphs/gridexperiment_bill_1/stats.csv | cut -d ',' -f11 > GridExperiment/results/graphs/gridexperiment_bill_1/blockoutput.csv 66 | 67 | #Sort the coordinator info 68 | mkdir GridExperiment/results/graphs/gridexperiment_james_1 69 | grep gridexperiment_james_1 GridExperiment/results/graphs/connect_stats.csv > GridExperiment/results/graphs/gridexperiment_james_1/stats.csv 70 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f1 > GridExperiment/results/graphs/gridexperiment_james_1/time.csv 71 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f4 > GridExperiment/results/graphs/gridexperiment_james_1/cpu.csv 72 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f7 > GridExperiment/results/graphs/gridexperiment_james_1/memory.csv 73 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f8 > GridExperiment/results/graphs/gridexperiment_james_1/networkinput.csv 74 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f9 > GridExperiment/results/graphs/gridexperiment_james_1/networkoutput.csv 75 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f10 > GridExperiment/results/graphs/gridexperiment_james_1/blockinput.csv 76 | cat GridExperiment/results/graphs/gridexperiment_james_1/stats.csv | cut -d ',' -f11 > GridExperiment/results/graphs/gridexperiment_james_1/blockoutput.csv 77 | 78 | cd GridExperiment 79 | python python/plot-cpu.py 80 | python python/plot-mem.py 81 | python python/plot-blockO.py 82 | python python/plot-blockI.py 83 | python python/plot-netO.py 84 | python python/plot-netI.py 85 | -------------------------------------------------------------------------------- /installation.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | #Get Updates 4 | sudo apt update -y 5 | 6 | #Get GCC 7 | sudo apt install gcc -y 8 | sudo apt install moreutils -y 9 | sudo apt install curl -y 10 | 11 | #Install Docker 12 | sudo snap install docker 13 | sudo apt install docker-compose -y 14 | 15 | #Install Anaconda 16 | cd /tmp 17 | curl -O https://repo.anaconda.com/archive/Anaconda3-2019.03-Linux-x86_64.sh 18 | bash Anaconda3-2019.03-Linux-x86_64.sh 19 | export PATH=~/anaconda3/bin:$PATH 20 | source ~/.bashrc 21 | 22 | #Add the domain 23 | sudo echo '127.0.0.1 host.docker.internal' >> /etc/hosts 24 | 25 | #Install PySyft req 26 | conda create -n pysyft python=3.7 27 | conda activate pysyft 28 | conda install jupyter notebook 29 | pip install --upgrade --force-reinstall zstd 30 | pip install tqdm 31 | pip install pandas 32 | pip install matplotlib 33 | 34 | # Install PySyft Library 35 | cd ~ 36 | git clone https://github.com/OpenMined/PySyft.git 37 | cd PySyft/ 38 | pip install . 39 | 40 | # Create PyGrid images 41 | cd ~ 42 | git clone https://github.com/OpenMined/PyGrid.git 43 | cd PyGrid 44 | sudo docker build -t openmined/grid-node ./app/websocket/ 45 | sudo docker build -t openmined/grid-gateway ./gateway/ 46 | 47 | cd ~ 48 | -------------------------------------------------------------------------------- /python/connect_nodes.py: -------------------------------------------------------------------------------- 1 | import syft as sy 2 | from syft.workers.node_client import NodeClient 3 | import torch 4 | import pickle 5 | import time 6 | import torchvision 7 | from torchvision import datasets, transforms 8 | import tqdm 9 | 10 | import torch as th 11 | import torch.nn as nn 12 | import torch.optim as optim 13 | import torch.nn.functional as F 14 | 15 | hook = sy.TorchHook(torch) 16 | 17 | # Connect directly to grid nodes 18 | nodes = ["ws://localhost:3000/", 19 | "ws://localhost:3001/"] 20 | 21 | compute_nodes = [] 22 | for node in nodes: 23 | compute_nodes.append( NodeClient(hook, node) ) 24 | 25 | N_SAMPLES = 10000 26 | MNIST_PATH = './dataset' 27 | 28 | transform = transforms.Compose([ 29 | transforms.ToTensor(), 30 | transforms.Normalize((0.1307,), (0.3081,)), 31 | ]) 32 | 33 | trainset = datasets.MNIST(MNIST_PATH, download=True, train=True, transform=transform) 34 | trainloader = torch.utils.data.DataLoader(trainset, batch_size=N_SAMPLES, shuffle=False) 35 | 36 | dataiter = iter(trainloader) 37 | 38 | images_train_mnist, labels_train_mnist = dataiter.next() 39 | 40 | datasets_mnist = torch.split(images_train_mnist, int(len(images_train_mnist) / len(compute_nodes)), dim=0 ) #tuple of chunks (dataset / number of nodes) 41 | labels_mnist = torch.split(labels_train_mnist, int(len(labels_train_mnist) / len(compute_nodes)), dim=0 ) #tuple of chunks (labels / number of nodes) 42 | 43 | 44 | data = [] 45 | label = [] 46 | 47 | for i in range(len(compute_nodes)): 48 | data.append(datasets_mnist[i].send(compute_nodes[i])) 49 | label.append(labels_mnist[i].send(compute_nodes[i])) 50 | 51 | print("X tensor pointers: ", data) 52 | print("Y tensor pointers: ", label) 53 | 54 | hook = sy.TorchHook(th) 55 | class Net(nn.Module): 56 | def __init__(self): 57 | super(Net, self).__init__() 58 | self.conv1 = nn.Conv2d(1, 20, 5, 1) 59 | self.conv2 = nn.Conv2d(20, 50, 5, 1) 60 | self.fc1 = nn.Linear(4*4*50, 500) 61 | self.fc2 = nn.Linear(500, 10) 62 | 63 | def forward(self, x): 64 | x = F.relu(self.conv1(x)) 65 | x = F.max_pool2d(x, 2, 2) 66 | x = F.relu(self.conv2(x)) 67 | x = F.max_pool2d(x, 2, 2) 68 | x = x.view(-1, 4*4*50) 69 | x = F.relu(self.fc1(x)) 70 | x = self.fc2(x) 71 | return F.log_softmax(x, dim=1) 72 | 73 | 74 | device = th.device("cuda:0" if th.cuda.is_available() else "cpu") 75 | 76 | if(th.cuda.is_available()): 77 | th.set_default_tensor_type(th.cuda.FloatTensor) 78 | 79 | model = Net() 80 | optimizer = optim.SGD(model.parameters(), lr=0.01) 81 | criterion = nn.CrossEntropyLoss() 82 | 83 | 84 | def train(x, target, model, opt): 85 | 86 | #1) Zero our grads 87 | model.zero_grad() 88 | 89 | #2) Make a prediction 90 | pred = model(x) 91 | 92 | #3) Figure out how much we missed by 93 | criterion = nn.NLLLoss() 94 | loss = criterion(pred, target) 95 | 96 | #4) Backprop the loss on the end layer 97 | loss.backward() 98 | 99 | #6) Change the weights 100 | opt.step() 101 | 102 | return loss 103 | 104 | epochs = 5 105 | 106 | for j in range(epochs): 107 | for i in range(2): 108 | model.send(compute_nodes[i]) 109 | loss = train(data[i], label[i], model, optimizer).get() 110 | model.get() 111 | print("Epoch: ",j," Loss: ",loss) 112 | -------------------------------------------------------------------------------- /python/plot-blockI.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | def convkb(text): 5 | try: 6 | if text[-2:]=='kB': 7 | return float(text[:-2]) 8 | elif text[-2:]=='MB': 9 | return float(text[:-2])*1024 10 | elif text[-1:]=='B': 11 | return float((text[:-1]))/1024 12 | except AttributeError: 13 | return text 14 | 15 | # load cpu data 16 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/blockinput.csv', delimiter=' ', names=['val']) 17 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/blockinput.csv', delimiter=' ', names=['val']) 18 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/blockinput.csv', delimiter=' ', names=['val']) 19 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/blockinput.csv', delimiter=' ', names=['val']) 20 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/blockinput.csv', delimiter=' ', names=['val']) 21 | 22 | # Create seconds labels 23 | x = [] 24 | i = 1 25 | while (i < (len(gridexperiment_james_1)+1)): 26 | x.append(i*3) 27 | i+=1 28 | 29 | # Convert to KB 30 | gridexperiment_james_1['val'] = gridexperiment_james_1['val'].apply(convkb) 31 | gridexperiment_bill_1['val'] = gridexperiment_bill_1['val'].apply(convkb) 32 | gridexperiment_alice_1['val'] = gridexperiment_alice_1['val'].apply(convkb) 33 | gridexperiment_bob_1['val'] = gridexperiment_bob_1['val'].apply(convkb) 34 | gridexperiment_gateway_1['val'] = gridexperiment_gateway_1['val'].apply(convkb) 35 | 36 | 37 | # plot 38 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 39 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 40 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 41 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 42 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 43 | plt.legend() 44 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 45 | plt.xlabel("Time (seconds)") 46 | plt.ylabel("Block Input (KB)") 47 | plt.savefig('results/graphs/BlockIN.png', dpi=800, bbox_inches='tight') 48 | -------------------------------------------------------------------------------- /python/plot-blockO.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | def convkb(text): 5 | try: 6 | if text[-2:]=='kB': 7 | return float(text[:-2]) 8 | elif text[-2:]=='MB': 9 | return float(text[:-2])*1024 10 | elif text[-1:]=='B': 11 | return float((text[:-1]))/1024 12 | except AttributeError: 13 | return text 14 | 15 | # load cpu data 16 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/blockoutput.csv', delimiter=' ', names=['val']) 17 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/blockoutput.csv', delimiter=' ', names=['val']) 18 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/blockoutput.csv', delimiter=' ', names=['val']) 19 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/blockoutput.csv', delimiter=' ', names=['val']) 20 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/blockoutput.csv', delimiter=' ', names=['val']) 21 | 22 | # Create seconds labels 23 | x = [] 24 | i = 1 25 | while (i < (len(gridexperiment_james_1)+1)): 26 | x.append(i*3) 27 | i+=1 28 | 29 | # Convert to KB 30 | gridexperiment_james_1['val'] = gridexperiment_james_1['val'].apply(convkb) 31 | gridexperiment_bill_1['val'] = gridexperiment_bill_1['val'].apply(convkb) 32 | gridexperiment_alice_1['val'] = gridexperiment_alice_1['val'].apply(convkb) 33 | gridexperiment_bob_1['val'] = gridexperiment_bob_1['val'].apply(convkb) 34 | gridexperiment_gateway_1['val'] = gridexperiment_gateway_1['val'].apply(convkb) 35 | 36 | # plot 37 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 38 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 39 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 40 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 41 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 42 | plt.legend() 43 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 44 | plt.xlabel("Time (seconds)") 45 | plt.ylabel("Block Output (KB)") 46 | plt.savefig('results/graphs/BlockO_usage.png', dpi=800, bbox_inches='tight') 47 | -------------------------------------------------------------------------------- /python/plot-cpu.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | # load cpu data 5 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/cpu.csv', delimiter=' ', names=['val']) 6 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/cpu.csv', delimiter=' ', names=['val']) 7 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/cpu.csv', delimiter=' ', names=['val']) 8 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/cpu.csv', delimiter=' ', names=['val']) 9 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/cpu.csv', delimiter=' ', names=['val']) 10 | 11 | # Create seconds labels 12 | x = [] 13 | i = 1 14 | while (i < (len(gridexperiment_james_1)+1)): 15 | x.append(i*3) 16 | i+=1 17 | 18 | # plot 19 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 20 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 21 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 22 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 23 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 24 | plt.legend() 25 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 26 | plt.xlabel("Time (seconds)") 27 | plt.ylabel("CPU Usage (%)") 28 | plt.savefig('results/graphs/CPU_usage.png', dpi=800, bbox_inches='tight') 29 | -------------------------------------------------------------------------------- /python/plot-mem.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | # load memory data 5 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/memory.csv', delimiter=' ', names=['val']) 6 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/memory.csv', delimiter=' ', names=['val']) 7 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/memory.csv', delimiter=' ', names=['val']) 8 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/memory.csv', delimiter=' ', names=['val']) 9 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/memory.csv', delimiter=' ', names=['val']) 10 | 11 | # Create seconds labels 12 | x = [] 13 | i = 1 14 | while (i < (len(gridexperiment_james_1)+1)): 15 | x.append(i*3) 16 | i+=1 17 | 18 | # plot 19 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 20 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 21 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 22 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 23 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 24 | plt.legend() 25 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 26 | plt.xlabel("Time (seconds)") 27 | plt.ylabel("memory Usage (%)") 28 | plt.savefig('results/graphs/memory_usage.png', dpi=800, bbox_inches='tight') 29 | -------------------------------------------------------------------------------- /python/plot-netI.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | 5 | # load cpu data 6 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/networkinput.csv', delimiter=' ', names=['val']) 7 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/networkinput.csv', delimiter=' ', names=['val']) 8 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/networkinput.csv', delimiter=' ', names=['val']) 9 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/networkinput.csv', delimiter=' ', names=['val']) 10 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/networkinput.csv', delimiter=' ', names=['val']) 11 | 12 | # Create seconds labels 13 | x = [] 14 | i = 1 15 | while (i < (len(gridexperiment_james_1)+1)): 16 | x.append(i*3) 17 | i+=1 18 | 19 | def convkb(text): 20 | try: 21 | if text[-2:]=='kB': 22 | return float(text[:-2]) 23 | elif text[-2:]=='MB': 24 | return float(text[:-2])*1024 25 | elif text[-1:]=='B': 26 | return float((text[:-1]))/1024 27 | except AttributeError: 28 | return text 29 | 30 | # Convert to KB 31 | gridexperiment_james_1['val'] = gridexperiment_james_1['val'].apply(convkb) 32 | gridexperiment_bill_1['val'] = gridexperiment_bill_1['val'].apply(convkb) 33 | gridexperiment_alice_1['val'] = gridexperiment_alice_1['val'].apply(convkb) 34 | gridexperiment_bob_1['val'] = gridexperiment_bob_1['val'].apply(convkb) 35 | gridexperiment_gateway_1['val'] = gridexperiment_gateway_1['val'].apply(convkb) 36 | 37 | # plot 38 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 39 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 40 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 41 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 42 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 43 | plt.legend() 44 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 45 | plt.xlabel("Time (seconds)") 46 | plt.ylabel("Download (KB)") 47 | plt.savefig('results/graphs/NetI_usage.png', dpi=800, bbox_inches='tight') 48 | -------------------------------------------------------------------------------- /python/plot-netO.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import matplotlib.pyplot as plt 3 | 4 | 5 | # load cpu data 6 | gridexperiment_james_1 = pd.read_csv('results/graphs/gridexperiment_james_1/networkoutput.csv', delimiter=' ', names=['val']) 7 | gridexperiment_bill_1 = pd.read_csv('results/graphs/gridexperiment_bill_1/networkoutput.csv', delimiter=' ', names=['val']) 8 | gridexperiment_alice_1 = pd.read_csv('results/graphs/gridexperiment_alice_1/networkoutput.csv', delimiter=' ', names=['val']) 9 | gridexperiment_bob_1 = pd.read_csv('results/graphs/gridexperiment_bob_1/networkoutput.csv', delimiter=' ', names=['val']) 10 | gridexperiment_gateway_1 = pd.read_csv('results/graphs/gridexperiment_gateway_1/networkoutput.csv', delimiter=' ', names=['val']) 11 | 12 | # Create seconds labels 13 | x = [] 14 | i = 1 15 | while (i < (len(gridexperiment_james_1)+1)): 16 | x.append(i*3) 17 | i+=1 18 | 19 | def convkb(text): 20 | try: 21 | if text[-2:]=='kB': 22 | return float(text[:-2]) 23 | elif text[-2:]=='MB': 24 | return float(text[:-2])*1024 25 | elif text[-1:]=='B': 26 | return float((text[:-1]))/1024 27 | except AttributeError: 28 | return text 29 | 30 | # Convert to KB 31 | gridexperiment_james_1['val'] = gridexperiment_james_1['val'].apply(convkb) 32 | gridexperiment_bill_1['val'] = gridexperiment_bill_1['val'].apply(convkb) 33 | gridexperiment_alice_1['val'] = gridexperiment_alice_1['val'].apply(convkb) 34 | gridexperiment_bob_1['val'] = gridexperiment_bob_1['val'].apply(convkb) 35 | gridexperiment_gateway_1['val'] = gridexperiment_gateway_1['val'].apply(convkb) 36 | 37 | # plot 38 | plt.plot(x, gridexperiment_james_1['val'], label='gridexperiment_james_1') 39 | plt.plot(x, gridexperiment_bill_1['val'], label='gridexperiment_bill_1') 40 | plt.plot(x, gridexperiment_alice_1['val'], label='gridexperiment_alice_1') 41 | plt.plot(x, gridexperiment_bob_1['val'], label='gridexperiment_bob_1') 42 | plt.plot(x, gridexperiment_gateway_1['val'], label='gridexperiment_gateway_1') 43 | plt.legend() 44 | plt.legend(loc='center left', bbox_to_anchor=(1, 0.5)) 45 | plt.xlabel("Time (seconds)") 46 | plt.ylabel("Upload (KB)") 47 | plt.savefig('results/graphs/NetO_usage.png', dpi=800, bbox_inches='tight') 48 | -------------------------------------------------------------------------------- /results/connect_nodes_output.txt: -------------------------------------------------------------------------------- 1 | X tensor pointers: [(Wrapper)>[PointerTensor | me:71576182402 -> Bob:97128014446], (Wrapper)>[PointerTensor | me:56005013729 -> Alice:87354271441]] 2 | Y tensor pointers: [(Wrapper)>[PointerTensor | me:47244730508 -> Bob:50486883103], (Wrapper)>[PointerTensor | me:25226399573 -> Alice:46193303228]] 3 | Epoch: 0 Loss: tensor(2.2948, requires_grad=True) 4 | Epoch: 1 Loss: tensor(2.2883, requires_grad=True) 5 | Epoch: 2 Loss: tensor(2.2819, requires_grad=True) 6 | Epoch: 3 Loss: tensor(2.2753, requires_grad=True) 7 | Epoch: 4 Loss: tensor(2.2687, requires_grad=True) 8 | -------------------------------------------------------------------------------- /results/connect_stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 2 | 20:50:04,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 3 | 20:50:04,71105f46cf57,gridexperiment_bob_1,9.51,94.95MiB,8.301GiB,1.12,3.4kB,817B,0B,0B,3 4 | 20:50:04,38ced2022e89,gridexperiment_alice_1,7.17,94.98MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 5 | 20:50:04,7ef9fc4f5828,gridexperiment_bill_1,25.75,95.05MiB,8.301GiB,1.12,3.36kB,818B,0B,0B,3 6 | 20:50:04,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.37kB,2.57kB,0B,0B,3 7 | 20:50:04,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.13kB,0B,0B,0B,4 8 | 20:50:07,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 9 | 20:50:07,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.69kB,819B,0B,0B,3 10 | 20:50:07,71105f46cf57,gridexperiment_bob_1,63.68,159.4MiB,8.301GiB,1.88,4.59MB,11.7kB,0B,0B,3 11 | 20:50:07,38ced2022e89,gridexperiment_alice_1,12.35,103.8MiB,8.301GiB,1.22,4.57MB,10.4kB,0B,0B,3 12 | 20:50:07,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 13 | 20:50:07,e6c50557e217,gridexperiment_gateway_1,0.03,127.5MiB,8.301GiB,1.50,6.54kB,2.65kB,0B,0B,3 14 | 20:50:07,90b723c5e2ad,gridexperiment_redis_1,0.11,2.25MiB,8.301GiB,0.03,3.29kB,0B,0B,0B,4 15 | 20:50:10,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 16 | 20:50:10,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.76kB,819B,0B,0B,3 17 | 20:50:10,71105f46cf57,gridexperiment_bob_1,79.17,1.039GiB,8.301GiB,12.51,6.35MB,23.8kB,0B,0B,5 18 | 20:50:10,38ced2022e89,gridexperiment_alice_1,0.02,159.5MiB,8.301GiB,1.88,4.6MB,10.8kB,0B,0B,3 19 | 20:50:10,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 20 | 20:50:10,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 21 | 20:50:10,90b723c5e2ad,gridexperiment_redis_1,0.09,2.25MiB,8.301GiB,0.03,3.29kB,0B,0B,0B,4 22 | 20:50:13,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 23 | 20:50:13,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 24 | 20:50:13,71105f46cf57,gridexperiment_bob_1,0.27,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 25 | 20:50:13,38ced2022e89,gridexperiment_alice_1,63.26,507.5MiB,8.301GiB,5.97,8.01MB,21.9kB,0B,0B,3 26 | 20:50:13,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.76kB,860B,0B,0B,3 27 | 20:50:13,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 28 | 20:50:13,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 29 | 20:50:16,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 30 | 20:50:16,475f715a2366,gridexperiment_james_1,0.03,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 31 | 20:50:16,71105f46cf57,gridexperiment_bob_1,0.02,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 32 | 20:50:16,38ced2022e89,gridexperiment_alice_1,48.40,1.074GiB,8.301GiB,12.94,8.01MB,25.4kB,5.4MB,0B,5 33 | 20:50:16,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 34 | 20:50:16,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 35 | 20:50:16,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 36 | 20:50:19,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 37 | 20:50:19,475f715a2366,gridexperiment_james_1,0.02,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 38 | 20:50:19,71105f46cf57,gridexperiment_bob_1,82.07,787.9MiB,8.301GiB,9.27,9.78MB,3.44MB,2.31MB,0B,5 39 | 20:50:19,38ced2022e89,gridexperiment_alice_1,0.03,279.8MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 40 | 20:50:19,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 41 | 20:50:19,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 42 | 20:50:19,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 43 | 20:50:22,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 44 | 20:50:22,475f715a2366,gridexperiment_james_1,0.12,94.79MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 45 | 20:50:22,71105f46cf57,gridexperiment_bob_1,82.18,934.6MiB,8.301GiB,10.99,9.78MB,3.45MB,8.22MB,0B,5 46 | 20:50:22,38ced2022e89,gridexperiment_alice_1,0.02,279.6MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 47 | 20:50:22,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 48 | 20:50:22,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 49 | 20:50:22,90b723c5e2ad,gridexperiment_redis_1,0.08,2.246MiB,8.301GiB,0.03,3.56kB,0B,0B,0B,4 50 | 20:50:26,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 51 | 20:50:26,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.03kB,819B,0B,0B,3 52 | 20:50:26,71105f46cf57,gridexperiment_bob_1,0.02,330.1MiB,8.301GiB,3.88,9.79MB,6.85MB,8.71MB,0B,5 53 | 20:50:26,38ced2022e89,gridexperiment_alice_1,89.76,1.147GiB,8.301GiB,13.81,11.4MB,3.45MB,9.22MB,0B,5 54 | 20:50:26,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 55 | 20:50:26,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.88kB,2.65kB,0B,0B,3 56 | 20:50:26,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.56kB,0B,0B,0B,4 57 | 20:50:29,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 58 | 20:50:29,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 59 | 20:50:29,71105f46cf57,gridexperiment_bob_1,91.66,909.6MiB,8.301GiB,10.70,13.2MB,6.86MB,8.71MB,0B,5 60 | 20:50:29,38ced2022e89,gridexperiment_alice_1,0.02,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 61 | 20:50:29,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.03kB,860B,0B,0B,3 62 | 20:50:29,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 63 | 20:50:29,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 64 | 20:50:32,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 65 | 20:50:32,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 66 | 20:50:32,71105f46cf57,gridexperiment_bob_1,78.35,814.7MiB,8.301GiB,9.58,13.2MB,6.87MB,8.71MB,0B,5 67 | 20:50:32,38ced2022e89,gridexperiment_alice_1,0.04,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 68 | 20:50:32,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 69 | 20:50:32,e6c50557e217,gridexperiment_gateway_1,0.03,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 70 | 20:50:32,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 71 | 20:50:35,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 72 | 20:50:35,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 73 | 20:50:35,71105f46cf57,gridexperiment_bob_1,0.03,345.4MiB,8.301GiB,4.06,13.2MB,10.3MB,8.71MB,0B,5 74 | 20:50:35,38ced2022e89,gridexperiment_alice_1,70.18,985.4MiB,8.301GiB,11.59,14.9MB,6.87MB,9.22MB,0B,5 75 | 20:50:35,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 76 | 20:50:35,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 77 | 20:50:35,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 78 | 20:50:38,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 79 | 20:50:38,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 80 | 20:50:38,71105f46cf57,gridexperiment_bob_1,1.41,345.3MiB,8.301GiB,4.06,13.4MB,10.3MB,8.71MB,0B,5 81 | 20:50:38,38ced2022e89,gridexperiment_alice_1,86.12,344.7MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 82 | 20:50:38,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 83 | 20:50:38,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 84 | 20:50:38,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 85 | 20:50:41,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 86 | 20:50:41,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 87 | 20:50:41,71105f46cf57,gridexperiment_bob_1,90.93,1.173GiB,8.301GiB,14.14,16.6MB,10.3MB,8.71MB,0B,5 88 | 20:50:41,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 89 | 20:50:41,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 90 | 20:50:41,e6c50557e217,gridexperiment_gateway_1,0.03,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 91 | 20:50:41,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 92 | 20:50:44,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 93 | 20:50:44,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 94 | 20:50:44,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,16.6MB,13.7MB,8.71MB,0B,5 95 | 20:50:44,38ced2022e89,gridexperiment_alice_1,92.34,956.6MiB,8.301GiB,11.25,18.3MB,10.3MB,9.22MB,0B,5 96 | 20:50:44,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 97 | 20:50:44,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 98 | 20:50:44,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 99 | 20:50:47,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 100 | 20:50:47,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 101 | 20:50:47,71105f46cf57,gridexperiment_bob_1,45.06,345.5MiB,8.301GiB,4.06,20MB,13.7MB,8.71MB,0B,5 102 | 20:50:47,38ced2022e89,gridexperiment_alice_1,41.99,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 103 | 20:50:47,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 104 | 20:50:47,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 105 | 20:50:47,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 106 | 20:50:50,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 107 | 20:50:50,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 108 | 20:50:50,71105f46cf57,gridexperiment_bob_1,94.59,949.6MiB,8.301GiB,11.17,20.1MB,13.7MB,8.71MB,0B,5 109 | 20:50:50,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 110 | 20:50:50,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 111 | 20:50:50,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 112 | 20:50:50,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 113 | 20:50:53,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 114 | 20:50:53,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 115 | 20:50:53,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,20.1MB,17.1MB,8.71MB,0B,5 116 | 20:50:53,38ced2022e89,gridexperiment_alice_1,94.02,1.178GiB,8.301GiB,14.19,21.7MB,13.7MB,9.22MB,0B,5 117 | 20:50:53,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 118 | 20:50:53,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 119 | 20:50:53,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 120 | 20:50:56,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 121 | -------------------------------------------------------------------------------- /results/connect_stats.txt: -------------------------------------------------------------------------------- 1 | [20:50:04] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 2 | [20:50:04] 475f715a2366 gridexperiment_james_1 0.02% 95MiB / 8.301GiB 1.12% 3.4kB / 819B 0B / 0B 3 3 | [20:50:04] 71105f46cf57 gridexperiment_bob_1 9.51% 94.95MiB / 8.301GiB 1.12% 3.4kB / 817B 0B / 0B 3 4 | [20:50:04] 38ced2022e89 gridexperiment_alice_1 7.17% 94.98MiB / 8.301GiB 1.12% 3.4kB / 819B 0B / 0B 3 5 | [20:50:04] 7ef9fc4f5828 gridexperiment_bill_1 25.75% 95.05MiB / 8.301GiB 1.12% 3.36kB / 818B 0B / 0B 3 6 | [20:50:04] e6c50557e217 gridexperiment_gateway_1 0.02% 127.5MiB / 8.301GiB 1.50% 6.37kB / 2.57kB 0B / 0B 3 7 | [20:50:04] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.25MiB / 8.301GiB 0.03% 3.13kB / 0B 0B / 0B 4 8 | [20:50:07] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 9 | [20:50:07] 475f715a2366 gridexperiment_james_1 0.02% 95MiB / 8.301GiB 1.12% 3.69kB / 819B 0B / 0B 3 10 | [20:50:07] 71105f46cf57 gridexperiment_bob_1 63.68% 159.4MiB / 8.301GiB 1.88% 4.59MB / 11.7kB 0B / 0B 3 11 | [20:50:07] 38ced2022e89 gridexperiment_alice_1 12.35% 103.8MiB / 8.301GiB 1.22% 4.57MB / 10.4kB 0B / 0B 3 12 | [20:50:07] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.97MiB / 8.301GiB 1.12% 3.69kB / 860B 0B / 0B 3 13 | [20:50:07] e6c50557e217 gridexperiment_gateway_1 0.03% 127.5MiB / 8.301GiB 1.50% 6.54kB / 2.65kB 0B / 0B 3 14 | [20:50:07] 90b723c5e2ad gridexperiment_redis_1 0.11% 2.25MiB / 8.301GiB 0.03% 3.29kB / 0B 0B / 0B 4 15 | [20:50:10] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 16 | [20:50:10] 475f715a2366 gridexperiment_james_1 0.02% 95MiB / 8.301GiB 1.12% 3.76kB / 819B 0B / 0B 3 17 | [20:50:10] 71105f46cf57 gridexperiment_bob_1 79.17% 1.039GiB / 8.301GiB 12.51% 6.35MB / 23.8kB 0B / 0B 5 18 | [20:50:10] 38ced2022e89 gridexperiment_alice_1 0.02% 159.5MiB / 8.301GiB 1.88% 4.6MB / 10.8kB 0B / 0B 3 19 | [20:50:10] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.97MiB / 8.301GiB 1.12% 3.69kB / 860B 0B / 0B 3 20 | [20:50:10] e6c50557e217 gridexperiment_gateway_1 0.02% 127.5MiB / 8.301GiB 1.50% 6.81kB / 2.65kB 0B / 0B 3 21 | [20:50:10] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.25MiB / 8.301GiB 0.03% 3.29kB / 0B 0B / 0B 4 22 | [20:50:13] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 23 | [20:50:13] 475f715a2366 gridexperiment_james_1 0.02% 95MiB / 8.301GiB 1.12% 3.96kB / 819B 0B / 0B 3 24 | [20:50:13] 71105f46cf57 gridexperiment_bob_1 0.27% 270.9MiB / 8.301GiB 3.19% 6.36MB / 3.43MB 0B / 0B 5 25 | [20:50:13] 38ced2022e89 gridexperiment_alice_1 63.26% 507.5MiB / 8.301GiB 5.97% 8.01MB / 21.9kB 0B / 0B 3 26 | [20:50:13] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.97MiB / 8.301GiB 1.12% 3.76kB / 860B 0B / 0B 3 27 | [20:50:13] e6c50557e217 gridexperiment_gateway_1 0.02% 127.5MiB / 8.301GiB 1.50% 6.81kB / 2.65kB 0B / 0B 3 28 | [20:50:13] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.25MiB / 8.301GiB 0.03% 3.49kB / 0B 0B / 0B 4 29 | [20:50:16] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 30 | [20:50:16] 475f715a2366 gridexperiment_james_1 0.03% 94.98MiB / 8.301GiB 1.12% 3.96kB / 819B 0B / 0B 3 31 | [20:50:16] 71105f46cf57 gridexperiment_bob_1 0.02% 270.9MiB / 8.301GiB 3.19% 6.36MB / 3.43MB 0B / 0B 5 32 | [20:50:16] 38ced2022e89 gridexperiment_alice_1 48.40% 1.074GiB / 8.301GiB 12.94% 8.01MB / 25.4kB 5.4MB / 0B 5 33 | [20:50:16] 7ef9fc4f5828 gridexperiment_bill_1 0.03% 94.93MiB / 8.301GiB 1.12% 3.96kB / 860B 0B / 0B 3 34 | [20:50:16] e6c50557e217 gridexperiment_gateway_1 0.02% 127.5MiB / 8.301GiB 1.50% 6.81kB / 2.65kB 0B / 0B 3 35 | [20:50:16] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.25MiB / 8.301GiB 0.03% 3.49kB / 0B 0B / 0B 4 36 | [20:50:19] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 37 | [20:50:19] 475f715a2366 gridexperiment_james_1 0.02% 94.98MiB / 8.301GiB 1.12% 3.96kB / 819B 0B / 0B 3 38 | [20:50:19] 71105f46cf57 gridexperiment_bob_1 82.07% 787.9MiB / 8.301GiB 9.27% 9.78MB / 3.44MB 2.31MB / 0B 5 39 | [20:50:19] 38ced2022e89 gridexperiment_alice_1 0.03% 279.8MiB / 8.301GiB 3.29% 8.02MB / 3.44MB 7.7MB / 0B 5 40 | [20:50:19] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.93MiB / 8.301GiB 1.12% 3.96kB / 860B 0B / 0B 3 41 | [20:50:19] e6c50557e217 gridexperiment_gateway_1 0.02% 127.5MiB / 8.301GiB 1.50% 6.81kB / 2.65kB 0B / 0B 3 42 | [20:50:19] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.25MiB / 8.301GiB 0.03% 3.49kB / 0B 0B / 0B 4 43 | [20:50:22] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 44 | [20:50:22] 475f715a2366 gridexperiment_james_1 0.12% 94.79MiB / 8.301GiB 1.12% 3.96kB / 819B 0B / 0B 3 45 | [20:50:22] 71105f46cf57 gridexperiment_bob_1 82.18% 934.6MiB / 8.301GiB 10.99% 9.78MB / 3.45MB 8.22MB / 0B 5 46 | [20:50:22] 38ced2022e89 gridexperiment_alice_1 0.02% 279.6MiB / 8.301GiB 3.29% 8.02MB / 3.44MB 7.7MB / 0B 5 47 | [20:50:22] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.71MiB / 8.301GiB 1.11% 3.96kB / 860B 0B / 0B 3 48 | [20:50:22] e6c50557e217 gridexperiment_gateway_1 0.02% 127.3MiB / 8.301GiB 1.50% 6.81kB / 2.65kB 0B / 0B 3 49 | [20:50:22] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.246MiB / 8.301GiB 0.03% 3.56kB / 0B 0B / 0B 4 50 | [20:50:26] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 51 | [20:50:26] 475f715a2366 gridexperiment_james_1 0.02% 94.79MiB / 8.301GiB 1.12% 4.03kB / 819B 0B / 0B 3 52 | [20:50:26] 71105f46cf57 gridexperiment_bob_1 0.02% 330.1MiB / 8.301GiB 3.88% 9.79MB / 6.85MB 8.71MB / 0B 5 53 | [20:50:26] 38ced2022e89 gridexperiment_alice_1 89.76% 1.147GiB / 8.301GiB 13.81% 11.4MB / 3.45MB 9.22MB / 0B 5 54 | [20:50:26] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.71MiB / 8.301GiB 1.11% 3.96kB / 860B 0B / 0B 3 55 | [20:50:26] e6c50557e217 gridexperiment_gateway_1 0.02% 127.3MiB / 8.301GiB 1.50% 6.88kB / 2.65kB 0B / 0B 3 56 | [20:50:26] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.246MiB / 8.301GiB 0.03% 3.56kB / 0B 0B / 0B 4 57 | [20:50:29] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 58 | [20:50:29] 475f715a2366 gridexperiment_james_1 0.02% 94.79MiB / 8.301GiB 1.12% 4.23kB / 819B 0B / 0B 3 59 | [20:50:29] 71105f46cf57 gridexperiment_bob_1 91.66% 909.6MiB / 8.301GiB 10.70% 13.2MB / 6.86MB 8.71MB / 0B 5 60 | [20:50:29] 38ced2022e89 gridexperiment_alice_1 0.02% 329.4MiB / 8.301GiB 3.88% 11.4MB / 6.86MB 9.22MB / 0B 5 61 | [20:50:29] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.71MiB / 8.301GiB 1.11% 4.03kB / 860B 0B / 0B 3 62 | [20:50:29] e6c50557e217 gridexperiment_gateway_1 0.02% 127.3MiB / 8.301GiB 1.50% 7.08kB / 2.65kB 0B / 0B 3 63 | [20:50:29] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.246MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 64 | [20:50:32] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 65 | [20:50:32] 475f715a2366 gridexperiment_james_1 0.03% 94.79MiB / 8.301GiB 1.12% 4.23kB / 819B 0B / 0B 3 66 | [20:50:32] 71105f46cf57 gridexperiment_bob_1 78.35% 814.7MiB / 8.301GiB 9.58% 13.2MB / 6.87MB 8.71MB / 0B 5 67 | [20:50:32] 38ced2022e89 gridexperiment_alice_1 0.04% 329.4MiB / 8.301GiB 3.88% 11.4MB / 6.86MB 9.22MB / 0B 5 68 | [20:50:32] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.71MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 69 | [20:50:32] e6c50557e217 gridexperiment_gateway_1 0.03% 127.3MiB / 8.301GiB 1.50% 7.08kB / 2.65kB 0B / 0B 3 70 | [20:50:32] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.246MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 71 | [20:50:35] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 72 | [20:50:35] 475f715a2366 gridexperiment_james_1 0.03% 94.79MiB / 8.301GiB 1.12% 4.23kB / 819B 0B / 0B 3 73 | [20:50:35] 71105f46cf57 gridexperiment_bob_1 0.03% 345.4MiB / 8.301GiB 4.06% 13.2MB / 10.3MB 8.71MB / 0B 5 74 | [20:50:35] 38ced2022e89 gridexperiment_alice_1 70.18% 985.4MiB / 8.301GiB 11.59% 14.9MB / 6.87MB 9.22MB / 0B 5 75 | [20:50:35] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.71MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 76 | [20:50:35] e6c50557e217 gridexperiment_gateway_1 0.02% 127.3MiB / 8.301GiB 1.50% 7.08kB / 2.65kB 0B / 0B 3 77 | [20:50:35] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.246MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 78 | [20:50:38] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 79 | [20:50:38] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 80 | [20:50:38] 71105f46cf57 gridexperiment_bob_1 1.41% 345.3MiB / 8.301GiB 4.06% 13.4MB / 10.3MB 8.71MB / 0B 5 81 | [20:50:38] 38ced2022e89 gridexperiment_alice_1 86.12% 344.7MiB / 8.301GiB 4.05% 14.9MB / 10.3MB 9.22MB / 0B 5 82 | [20:50:38] 7ef9fc4f5828 gridexperiment_bill_1 0.03% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 83 | [20:50:38] e6c50557e217 gridexperiment_gateway_1 0.02% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 84 | [20:50:38] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 85 | [20:50:41] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 86 | [20:50:41] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 87 | [20:50:41] 71105f46cf57 gridexperiment_bob_1 90.93% 1.173GiB / 8.301GiB 14.14% 16.6MB / 10.3MB 8.71MB / 0B 5 88 | [20:50:41] 38ced2022e89 gridexperiment_alice_1 0.02% 344.6MiB / 8.301GiB 4.05% 14.9MB / 10.3MB 9.22MB / 0B 5 89 | [20:50:41] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 90 | [20:50:41] e6c50557e217 gridexperiment_gateway_1 0.03% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 91 | [20:50:41] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 92 | [20:50:44] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 93 | [20:50:44] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 94 | [20:50:44] 71105f46cf57 gridexperiment_bob_1 0.02% 345.3MiB / 8.301GiB 4.06% 16.6MB / 13.7MB 8.71MB / 0B 5 95 | [20:50:44] 38ced2022e89 gridexperiment_alice_1 92.34% 956.6MiB / 8.301GiB 11.25% 18.3MB / 10.3MB 9.22MB / 0B 5 96 | [20:50:44] 7ef9fc4f5828 gridexperiment_bill_1 0.03% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 97 | [20:50:44] e6c50557e217 gridexperiment_gateway_1 0.02% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 98 | [20:50:44] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 99 | [20:50:47] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 100 | [20:50:47] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 101 | [20:50:47] 71105f46cf57 gridexperiment_bob_1 45.06% 345.5MiB / 8.301GiB 4.06% 20MB / 13.7MB 8.71MB / 0B 5 102 | [20:50:47] 38ced2022e89 gridexperiment_alice_1 41.99% 344.6MiB / 8.301GiB 4.05% 18.3MB / 13.7MB 9.22MB / 0B 5 103 | [20:50:47] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 104 | [20:50:47] e6c50557e217 gridexperiment_gateway_1 0.02% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 105 | [20:50:47] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 106 | [20:50:50] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 107 | [20:50:50] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 108 | [20:50:50] 71105f46cf57 gridexperiment_bob_1 94.59% 949.6MiB / 8.301GiB 11.17% 20.1MB / 13.7MB 8.71MB / 0B 5 109 | [20:50:50] 38ced2022e89 gridexperiment_alice_1 0.02% 344.6MiB / 8.301GiB 4.05% 18.3MB / 13.7MB 9.22MB / 0B 5 110 | [20:50:50] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 111 | [20:50:50] e6c50557e217 gridexperiment_gateway_1 0.02% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 112 | [20:50:50] 90b723c5e2ad gridexperiment_redis_1 0.08% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 113 | [20:50:53] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 114 | [20:50:53] 475f715a2366 gridexperiment_james_1 0.02% 94.38MiB / 8.301GiB 1.11% 4.23kB / 819B 0B / 0B 3 115 | [20:50:53] 71105f46cf57 gridexperiment_bob_1 0.02% 345.3MiB / 8.301GiB 4.06% 20.1MB / 17.1MB 8.71MB / 0B 5 116 | [20:50:53] 38ced2022e89 gridexperiment_alice_1 94.02% 1.178GiB / 8.301GiB 14.19% 21.7MB / 13.7MB 9.22MB / 0B 5 117 | [20:50:53] 7ef9fc4f5828 gridexperiment_bill_1 0.02% 94.31MiB / 8.301GiB 1.11% 4.23kB / 860B 0B / 0B 3 118 | [20:50:53] e6c50557e217 gridexperiment_gateway_1 0.02% 126.8MiB / 8.301GiB 1.49% 7.08kB / 2.65kB 0B / 0B 3 119 | [20:50:53] 90b723c5e2ad gridexperiment_redis_1 0.09% 2.238MiB / 8.301GiB 0.03% 3.76kB / 0B 0B / 0B 4 120 | [20:50:56] CONTAINER ID NAME CPU % MEM USAGE / LIMIT MEM % NET I/O BLOCK I/O PIDS 121 | -------------------------------------------------------------------------------- /results/graphs/BlockIN.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/BlockIN.png -------------------------------------------------------------------------------- /results/graphs/BlockO_usage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/BlockO_usage.png -------------------------------------------------------------------------------- /results/graphs/CPU_usage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/CPU_usage.png -------------------------------------------------------------------------------- /results/graphs/NetI_usage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/NetI_usage.png -------------------------------------------------------------------------------- /results/graphs/NetO_usage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/NetO_usage.png -------------------------------------------------------------------------------- /results/graphs/connect_stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 2 | 20:50:04,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 3 | 20:50:04,71105f46cf57,gridexperiment_bob_1,9.51,94.95MiB,8.301GiB,1.12,3.4kB,817B,0B,0B,3 4 | 20:50:04,38ced2022e89,gridexperiment_alice_1,7.17,94.98MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 5 | 20:50:04,7ef9fc4f5828,gridexperiment_bill_1,25.75,95.05MiB,8.301GiB,1.12,3.36kB,818B,0B,0B,3 6 | 20:50:04,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.37kB,2.57kB,0B,0B,3 7 | 20:50:04,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.13kB,0B,0B,0B,4 8 | 20:50:07,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 9 | 20:50:07,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.69kB,819B,0B,0B,3 10 | 20:50:07,71105f46cf57,gridexperiment_bob_1,63.68,159.4MiB,8.301GiB,1.88,4.59MB,11.7kB,0B,0B,3 11 | 20:50:07,38ced2022e89,gridexperiment_alice_1,12.35,103.8MiB,8.301GiB,1.22,4.57MB,10.4kB,0B,0B,3 12 | 20:50:07,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 13 | 20:50:07,e6c50557e217,gridexperiment_gateway_1,0.03,127.5MiB,8.301GiB,1.50,6.54kB,2.65kB,0B,0B,3 14 | 20:50:07,90b723c5e2ad,gridexperiment_redis_1,0.11,2.25MiB,8.301GiB,0.03,3.29kB,0B,0B,0B,4 15 | 20:50:10,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 16 | 20:50:10,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.76kB,819B,0B,0B,3 17 | 20:50:10,71105f46cf57,gridexperiment_bob_1,79.17,1.039GiB,8.301GiB,12.51,6.35MB,23.8kB,0B,0B,5 18 | 20:50:10,38ced2022e89,gridexperiment_alice_1,0.02,159.5MiB,8.301GiB,1.88,4.6MB,10.8kB,0B,0B,3 19 | 20:50:10,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 20 | 20:50:10,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 21 | 20:50:10,90b723c5e2ad,gridexperiment_redis_1,0.09,2.25MiB,8.301GiB,0.03,3.29kB,0B,0B,0B,4 22 | 20:50:13,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 23 | 20:50:13,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 24 | 20:50:13,71105f46cf57,gridexperiment_bob_1,0.27,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 25 | 20:50:13,38ced2022e89,gridexperiment_alice_1,63.26,507.5MiB,8.301GiB,5.97,8.01MB,21.9kB,0B,0B,3 26 | 20:50:13,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.76kB,860B,0B,0B,3 27 | 20:50:13,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 28 | 20:50:13,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 29 | 20:50:16,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 30 | 20:50:16,475f715a2366,gridexperiment_james_1,0.03,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 31 | 20:50:16,71105f46cf57,gridexperiment_bob_1,0.02,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 32 | 20:50:16,38ced2022e89,gridexperiment_alice_1,48.40,1.074GiB,8.301GiB,12.94,8.01MB,25.4kB,5.4MB,0B,5 33 | 20:50:16,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 34 | 20:50:16,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 35 | 20:50:16,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 36 | 20:50:19,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 37 | 20:50:19,475f715a2366,gridexperiment_james_1,0.02,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 38 | 20:50:19,71105f46cf57,gridexperiment_bob_1,82.07,787.9MiB,8.301GiB,9.27,9.78MB,3.44MB,2.31MB,0B,5 39 | 20:50:19,38ced2022e89,gridexperiment_alice_1,0.03,279.8MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 40 | 20:50:19,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 41 | 20:50:19,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 42 | 20:50:19,90b723c5e2ad,gridexperiment_redis_1,0.08,2.25MiB,8.301GiB,0.03,3.49kB,0B,0B,0B,4 43 | 20:50:22,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 44 | 20:50:22,475f715a2366,gridexperiment_james_1,0.12,94.79MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 45 | 20:50:22,71105f46cf57,gridexperiment_bob_1,82.18,934.6MiB,8.301GiB,10.99,9.78MB,3.45MB,8.22MB,0B,5 46 | 20:50:22,38ced2022e89,gridexperiment_alice_1,0.02,279.6MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 47 | 20:50:22,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 48 | 20:50:22,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 49 | 20:50:22,90b723c5e2ad,gridexperiment_redis_1,0.08,2.246MiB,8.301GiB,0.03,3.56kB,0B,0B,0B,4 50 | 20:50:26,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 51 | 20:50:26,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.03kB,819B,0B,0B,3 52 | 20:50:26,71105f46cf57,gridexperiment_bob_1,0.02,330.1MiB,8.301GiB,3.88,9.79MB,6.85MB,8.71MB,0B,5 53 | 20:50:26,38ced2022e89,gridexperiment_alice_1,89.76,1.147GiB,8.301GiB,13.81,11.4MB,3.45MB,9.22MB,0B,5 54 | 20:50:26,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 55 | 20:50:26,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.88kB,2.65kB,0B,0B,3 56 | 20:50:26,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.56kB,0B,0B,0B,4 57 | 20:50:29,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 58 | 20:50:29,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 59 | 20:50:29,71105f46cf57,gridexperiment_bob_1,91.66,909.6MiB,8.301GiB,10.70,13.2MB,6.86MB,8.71MB,0B,5 60 | 20:50:29,38ced2022e89,gridexperiment_alice_1,0.02,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 61 | 20:50:29,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.03kB,860B,0B,0B,3 62 | 20:50:29,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 63 | 20:50:29,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 64 | 20:50:32,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 65 | 20:50:32,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 66 | 20:50:32,71105f46cf57,gridexperiment_bob_1,78.35,814.7MiB,8.301GiB,9.58,13.2MB,6.87MB,8.71MB,0B,5 67 | 20:50:32,38ced2022e89,gridexperiment_alice_1,0.04,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 68 | 20:50:32,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 69 | 20:50:32,e6c50557e217,gridexperiment_gateway_1,0.03,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 70 | 20:50:32,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 71 | 20:50:35,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 72 | 20:50:35,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 73 | 20:50:35,71105f46cf57,gridexperiment_bob_1,0.03,345.4MiB,8.301GiB,4.06,13.2MB,10.3MB,8.71MB,0B,5 74 | 20:50:35,38ced2022e89,gridexperiment_alice_1,70.18,985.4MiB,8.301GiB,11.59,14.9MB,6.87MB,9.22MB,0B,5 75 | 20:50:35,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 76 | 20:50:35,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 77 | 20:50:35,90b723c5e2ad,gridexperiment_redis_1,0.09,2.246MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 78 | 20:50:38,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 79 | 20:50:38,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 80 | 20:50:38,71105f46cf57,gridexperiment_bob_1,1.41,345.3MiB,8.301GiB,4.06,13.4MB,10.3MB,8.71MB,0B,5 81 | 20:50:38,38ced2022e89,gridexperiment_alice_1,86.12,344.7MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 82 | 20:50:38,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 83 | 20:50:38,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 84 | 20:50:38,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 85 | 20:50:41,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 86 | 20:50:41,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 87 | 20:50:41,71105f46cf57,gridexperiment_bob_1,90.93,1.173GiB,8.301GiB,14.14,16.6MB,10.3MB,8.71MB,0B,5 88 | 20:50:41,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 89 | 20:50:41,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 90 | 20:50:41,e6c50557e217,gridexperiment_gateway_1,0.03,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 91 | 20:50:41,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 92 | 20:50:44,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 93 | 20:50:44,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 94 | 20:50:44,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,16.6MB,13.7MB,8.71MB,0B,5 95 | 20:50:44,38ced2022e89,gridexperiment_alice_1,92.34,956.6MiB,8.301GiB,11.25,18.3MB,10.3MB,9.22MB,0B,5 96 | 20:50:44,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 97 | 20:50:44,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 98 | 20:50:44,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 99 | 20:50:47,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 100 | 20:50:47,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 101 | 20:50:47,71105f46cf57,gridexperiment_bob_1,45.06,345.5MiB,8.301GiB,4.06,20MB,13.7MB,8.71MB,0B,5 102 | 20:50:47,38ced2022e89,gridexperiment_alice_1,41.99,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 103 | 20:50:47,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 104 | 20:50:47,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 105 | 20:50:47,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 106 | 20:50:50,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 107 | 20:50:50,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 108 | 20:50:50,71105f46cf57,gridexperiment_bob_1,94.59,949.6MiB,8.301GiB,11.17,20.1MB,13.7MB,8.71MB,0B,5 109 | 20:50:50,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 110 | 20:50:50,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 111 | 20:50:50,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 112 | 20:50:50,90b723c5e2ad,gridexperiment_redis_1,0.08,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 113 | 20:50:53,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 114 | 20:50:53,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 115 | 20:50:53,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,20.1MB,17.1MB,8.71MB,0B,5 116 | 20:50:53,38ced2022e89,gridexperiment_alice_1,94.02,1.178GiB,8.301GiB,14.19,21.7MB,13.7MB,9.22MB,0B,5 117 | 20:50:53,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 118 | 20:50:53,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 119 | 20:50:53,90b723c5e2ad,gridexperiment_redis_1,0.09,2.238MiB,8.301GiB,0.03,3.76kB,0B,0B,0B,4 120 | 20:50:56,CONTAINERID,NAME,CPU,MEMUSAGE,LIMIT,MEM,NETI/O,BLOCKI/O,PIDS 121 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/blockinput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 5.4MB 6 | 7.7MB 7 | 7.7MB 8 | 9.22MB 9 | 9.22MB 10 | 9.22MB 11 | 9.22MB 12 | 9.22MB 13 | 9.22MB 14 | 9.22MB 15 | 9.22MB 16 | 9.22MB 17 | 9.22MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/blockoutput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/cpu.csv: -------------------------------------------------------------------------------- 1 | 7.17 2 | 12.35 3 | 0.02 4 | 63.26 5 | 48.40 6 | 0.03 7 | 0.02 8 | 89.76 9 | 0.02 10 | 0.04 11 | 70.18 12 | 86.12 13 | 0.02 14 | 92.34 15 | 41.99 16 | 0.02 17 | 94.02 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/memory.csv: -------------------------------------------------------------------------------- 1 | 1.12 2 | 1.22 3 | 1.88 4 | 5.97 5 | 12.94 6 | 3.29 7 | 3.29 8 | 13.81 9 | 3.88 10 | 3.88 11 | 11.59 12 | 4.05 13 | 4.05 14 | 11.25 15 | 4.05 16 | 4.05 17 | 14.19 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/networkinput.csv: -------------------------------------------------------------------------------- 1 | 3.4kB 2 | 4.57MB 3 | 4.6MB 4 | 8.01MB 5 | 8.01MB 6 | 8.02MB 7 | 8.02MB 8 | 11.4MB 9 | 11.4MB 10 | 11.4MB 11 | 14.9MB 12 | 14.9MB 13 | 14.9MB 14 | 18.3MB 15 | 18.3MB 16 | 18.3MB 17 | 21.7MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/networkoutput.csv: -------------------------------------------------------------------------------- 1 | 819B 2 | 10.4kB 3 | 10.8kB 4 | 21.9kB 5 | 25.4kB 6 | 3.44MB 7 | 3.44MB 8 | 3.45MB 9 | 6.86MB 10 | 6.86MB 11 | 6.87MB 12 | 10.3MB 13 | 10.3MB 14 | 10.3MB 15 | 13.7MB 16 | 13.7MB 17 | 13.7MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,38ced2022e89,gridexperiment_alice_1,7.17,94.98MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 2 | 20:50:07,38ced2022e89,gridexperiment_alice_1,12.35,103.8MiB,8.301GiB,1.22,4.57MB,10.4kB,0B,0B,3 3 | 20:50:10,38ced2022e89,gridexperiment_alice_1,0.02,159.5MiB,8.301GiB,1.88,4.6MB,10.8kB,0B,0B,3 4 | 20:50:13,38ced2022e89,gridexperiment_alice_1,63.26,507.5MiB,8.301GiB,5.97,8.01MB,21.9kB,0B,0B,3 5 | 20:50:16,38ced2022e89,gridexperiment_alice_1,48.40,1.074GiB,8.301GiB,12.94,8.01MB,25.4kB,5.4MB,0B,5 6 | 20:50:19,38ced2022e89,gridexperiment_alice_1,0.03,279.8MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 7 | 20:50:22,38ced2022e89,gridexperiment_alice_1,0.02,279.6MiB,8.301GiB,3.29,8.02MB,3.44MB,7.7MB,0B,5 8 | 20:50:26,38ced2022e89,gridexperiment_alice_1,89.76,1.147GiB,8.301GiB,13.81,11.4MB,3.45MB,9.22MB,0B,5 9 | 20:50:29,38ced2022e89,gridexperiment_alice_1,0.02,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 10 | 20:50:32,38ced2022e89,gridexperiment_alice_1,0.04,329.4MiB,8.301GiB,3.88,11.4MB,6.86MB,9.22MB,0B,5 11 | 20:50:35,38ced2022e89,gridexperiment_alice_1,70.18,985.4MiB,8.301GiB,11.59,14.9MB,6.87MB,9.22MB,0B,5 12 | 20:50:38,38ced2022e89,gridexperiment_alice_1,86.12,344.7MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 13 | 20:50:41,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,14.9MB,10.3MB,9.22MB,0B,5 14 | 20:50:44,38ced2022e89,gridexperiment_alice_1,92.34,956.6MiB,8.301GiB,11.25,18.3MB,10.3MB,9.22MB,0B,5 15 | 20:50:47,38ced2022e89,gridexperiment_alice_1,41.99,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 16 | 20:50:50,38ced2022e89,gridexperiment_alice_1,0.02,344.6MiB,8.301GiB,4.05,18.3MB,13.7MB,9.22MB,0B,5 17 | 20:50:53,38ced2022e89,gridexperiment_alice_1,94.02,1.178GiB,8.301GiB,14.19,21.7MB,13.7MB,9.22MB,0B,5 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_alice_1/time.csv: -------------------------------------------------------------------------------- 1 | 20:50:04 2 | 20:50:07 3 | 20:50:10 4 | 20:50:13 5 | 20:50:16 6 | 20:50:19 7 | 20:50:22 8 | 20:50:26 9 | 20:50:29 10 | 20:50:32 11 | 20:50:35 12 | 20:50:38 13 | 20:50:41 14 | 20:50:44 15 | 20:50:47 16 | 20:50:50 17 | 20:50:53 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/blockinput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/blockoutput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/cpu.csv: -------------------------------------------------------------------------------- 1 | 25.75 2 | 0.02 3 | 0.02 4 | 0.02 5 | 0.03 6 | 0.02 7 | 0.02 8 | 0.02 9 | 0.02 10 | 0.02 11 | 0.02 12 | 0.03 13 | 0.02 14 | 0.03 15 | 0.02 16 | 0.02 17 | 0.02 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/memory.csv: -------------------------------------------------------------------------------- 1 | 1.12 2 | 1.12 3 | 1.12 4 | 1.12 5 | 1.12 6 | 1.12 7 | 1.11 8 | 1.11 9 | 1.11 10 | 1.11 11 | 1.11 12 | 1.11 13 | 1.11 14 | 1.11 15 | 1.11 16 | 1.11 17 | 1.11 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/networkinput.csv: -------------------------------------------------------------------------------- 1 | 3.36kB 2 | 3.69kB 3 | 3.69kB 4 | 3.76kB 5 | 3.96kB 6 | 3.96kB 7 | 3.96kB 8 | 3.96kB 9 | 4.03kB 10 | 4.23kB 11 | 4.23kB 12 | 4.23kB 13 | 4.23kB 14 | 4.23kB 15 | 4.23kB 16 | 4.23kB 17 | 4.23kB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/networkoutput.csv: -------------------------------------------------------------------------------- 1 | 818B 2 | 860B 3 | 860B 4 | 860B 5 | 860B 6 | 860B 7 | 860B 8 | 860B 9 | 860B 10 | 860B 11 | 860B 12 | 860B 13 | 860B 14 | 860B 15 | 860B 16 | 860B 17 | 860B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,7ef9fc4f5828,gridexperiment_bill_1,25.75,95.05MiB,8.301GiB,1.12,3.36kB,818B,0B,0B,3 2 | 20:50:07,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 3 | 20:50:10,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.69kB,860B,0B,0B,3 4 | 20:50:13,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.97MiB,8.301GiB,1.12,3.76kB,860B,0B,0B,3 5 | 20:50:16,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 6 | 20:50:19,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.93MiB,8.301GiB,1.12,3.96kB,860B,0B,0B,3 7 | 20:50:22,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 8 | 20:50:26,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,3.96kB,860B,0B,0B,3 9 | 20:50:29,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.03kB,860B,0B,0B,3 10 | 20:50:32,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 11 | 20:50:35,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.71MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 12 | 20:50:38,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 13 | 20:50:41,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 14 | 20:50:44,7ef9fc4f5828,gridexperiment_bill_1,0.03,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 15 | 20:50:47,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 16 | 20:50:50,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 17 | 20:50:53,7ef9fc4f5828,gridexperiment_bill_1,0.02,94.31MiB,8.301GiB,1.11,4.23kB,860B,0B,0B,3 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bill_1/time.csv: -------------------------------------------------------------------------------- 1 | 20:50:04 2 | 20:50:07 3 | 20:50:10 4 | 20:50:13 5 | 20:50:16 6 | 20:50:19 7 | 20:50:22 8 | 20:50:26 9 | 20:50:29 10 | 20:50:32 11 | 20:50:35 12 | 20:50:38 13 | 20:50:41 14 | 20:50:44 15 | 20:50:47 16 | 20:50:50 17 | 20:50:53 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/blockinput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 2.31MB 7 | 8.22MB 8 | 8.71MB 9 | 8.71MB 10 | 8.71MB 11 | 8.71MB 12 | 8.71MB 13 | 8.71MB 14 | 8.71MB 15 | 8.71MB 16 | 8.71MB 17 | 8.71MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/blockoutput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/cpu.csv: -------------------------------------------------------------------------------- 1 | 9.51 2 | 63.68 3 | 79.17 4 | 0.27 5 | 0.02 6 | 82.07 7 | 82.18 8 | 0.02 9 | 91.66 10 | 78.35 11 | 0.03 12 | 1.41 13 | 90.93 14 | 0.02 15 | 45.06 16 | 94.59 17 | 0.02 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/memory.csv: -------------------------------------------------------------------------------- 1 | 1.12 2 | 1.88 3 | 12.51 4 | 3.19 5 | 3.19 6 | 9.27 7 | 10.99 8 | 3.88 9 | 10.70 10 | 9.58 11 | 4.06 12 | 4.06 13 | 14.14 14 | 4.06 15 | 4.06 16 | 11.17 17 | 4.06 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/networkinput.csv: -------------------------------------------------------------------------------- 1 | 3.4kB 2 | 4.59MB 3 | 6.35MB 4 | 6.36MB 5 | 6.36MB 6 | 9.78MB 7 | 9.78MB 8 | 9.79MB 9 | 13.2MB 10 | 13.2MB 11 | 13.2MB 12 | 13.4MB 13 | 16.6MB 14 | 16.6MB 15 | 20MB 16 | 20.1MB 17 | 20.1MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/networkoutput.csv: -------------------------------------------------------------------------------- 1 | 817B 2 | 11.7kB 3 | 23.8kB 4 | 3.43MB 5 | 3.43MB 6 | 3.44MB 7 | 3.45MB 8 | 6.85MB 9 | 6.86MB 10 | 6.87MB 11 | 10.3MB 12 | 10.3MB 13 | 10.3MB 14 | 13.7MB 15 | 13.7MB 16 | 13.7MB 17 | 17.1MB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,71105f46cf57,gridexperiment_bob_1,9.51,94.95MiB,8.301GiB,1.12,3.4kB,817B,0B,0B,3 2 | 20:50:07,71105f46cf57,gridexperiment_bob_1,63.68,159.4MiB,8.301GiB,1.88,4.59MB,11.7kB,0B,0B,3 3 | 20:50:10,71105f46cf57,gridexperiment_bob_1,79.17,1.039GiB,8.301GiB,12.51,6.35MB,23.8kB,0B,0B,5 4 | 20:50:13,71105f46cf57,gridexperiment_bob_1,0.27,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 5 | 20:50:16,71105f46cf57,gridexperiment_bob_1,0.02,270.9MiB,8.301GiB,3.19,6.36MB,3.43MB,0B,0B,5 6 | 20:50:19,71105f46cf57,gridexperiment_bob_1,82.07,787.9MiB,8.301GiB,9.27,9.78MB,3.44MB,2.31MB,0B,5 7 | 20:50:22,71105f46cf57,gridexperiment_bob_1,82.18,934.6MiB,8.301GiB,10.99,9.78MB,3.45MB,8.22MB,0B,5 8 | 20:50:26,71105f46cf57,gridexperiment_bob_1,0.02,330.1MiB,8.301GiB,3.88,9.79MB,6.85MB,8.71MB,0B,5 9 | 20:50:29,71105f46cf57,gridexperiment_bob_1,91.66,909.6MiB,8.301GiB,10.70,13.2MB,6.86MB,8.71MB,0B,5 10 | 20:50:32,71105f46cf57,gridexperiment_bob_1,78.35,814.7MiB,8.301GiB,9.58,13.2MB,6.87MB,8.71MB,0B,5 11 | 20:50:35,71105f46cf57,gridexperiment_bob_1,0.03,345.4MiB,8.301GiB,4.06,13.2MB,10.3MB,8.71MB,0B,5 12 | 20:50:38,71105f46cf57,gridexperiment_bob_1,1.41,345.3MiB,8.301GiB,4.06,13.4MB,10.3MB,8.71MB,0B,5 13 | 20:50:41,71105f46cf57,gridexperiment_bob_1,90.93,1.173GiB,8.301GiB,14.14,16.6MB,10.3MB,8.71MB,0B,5 14 | 20:50:44,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,16.6MB,13.7MB,8.71MB,0B,5 15 | 20:50:47,71105f46cf57,gridexperiment_bob_1,45.06,345.5MiB,8.301GiB,4.06,20MB,13.7MB,8.71MB,0B,5 16 | 20:50:50,71105f46cf57,gridexperiment_bob_1,94.59,949.6MiB,8.301GiB,11.17,20.1MB,13.7MB,8.71MB,0B,5 17 | 20:50:53,71105f46cf57,gridexperiment_bob_1,0.02,345.3MiB,8.301GiB,4.06,20.1MB,17.1MB,8.71MB,0B,5 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_bob_1/time.csv: -------------------------------------------------------------------------------- 1 | 20:50:04 2 | 20:50:07 3 | 20:50:10 4 | 20:50:13 5 | 20:50:16 6 | 20:50:19 7 | 20:50:22 8 | 20:50:26 9 | 20:50:29 10 | 20:50:32 11 | 20:50:35 12 | 20:50:38 13 | 20:50:41 14 | 20:50:44 15 | 20:50:47 16 | 20:50:50 17 | 20:50:53 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/blockinput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/blockoutput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/cpu.csv: -------------------------------------------------------------------------------- 1 | 0.02 2 | 0.03 3 | 0.02 4 | 0.02 5 | 0.02 6 | 0.02 7 | 0.02 8 | 0.02 9 | 0.02 10 | 0.03 11 | 0.02 12 | 0.02 13 | 0.03 14 | 0.02 15 | 0.02 16 | 0.02 17 | 0.02 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/memory.csv: -------------------------------------------------------------------------------- 1 | 1.50 2 | 1.50 3 | 1.50 4 | 1.50 5 | 1.50 6 | 1.50 7 | 1.50 8 | 1.50 9 | 1.50 10 | 1.50 11 | 1.50 12 | 1.49 13 | 1.49 14 | 1.49 15 | 1.49 16 | 1.49 17 | 1.49 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/networkinput.csv: -------------------------------------------------------------------------------- 1 | 6.37kB 2 | 6.54kB 3 | 6.81kB 4 | 6.81kB 5 | 6.81kB 6 | 6.81kB 7 | 6.81kB 8 | 6.88kB 9 | 7.08kB 10 | 7.08kB 11 | 7.08kB 12 | 7.08kB 13 | 7.08kB 14 | 7.08kB 15 | 7.08kB 16 | 7.08kB 17 | 7.08kB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/networkoutput.csv: -------------------------------------------------------------------------------- 1 | 2.57kB 2 | 2.65kB 3 | 2.65kB 4 | 2.65kB 5 | 2.65kB 6 | 2.65kB 7 | 2.65kB 8 | 2.65kB 9 | 2.65kB 10 | 2.65kB 11 | 2.65kB 12 | 2.65kB 13 | 2.65kB 14 | 2.65kB 15 | 2.65kB 16 | 2.65kB 17 | 2.65kB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.37kB,2.57kB,0B,0B,3 2 | 20:50:07,e6c50557e217,gridexperiment_gateway_1,0.03,127.5MiB,8.301GiB,1.50,6.54kB,2.65kB,0B,0B,3 3 | 20:50:10,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 4 | 20:50:13,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 5 | 20:50:16,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 6 | 20:50:19,e6c50557e217,gridexperiment_gateway_1,0.02,127.5MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 7 | 20:50:22,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.81kB,2.65kB,0B,0B,3 8 | 20:50:26,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,6.88kB,2.65kB,0B,0B,3 9 | 20:50:29,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 10 | 20:50:32,e6c50557e217,gridexperiment_gateway_1,0.03,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 11 | 20:50:35,e6c50557e217,gridexperiment_gateway_1,0.02,127.3MiB,8.301GiB,1.50,7.08kB,2.65kB,0B,0B,3 12 | 20:50:38,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 13 | 20:50:41,e6c50557e217,gridexperiment_gateway_1,0.03,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 14 | 20:50:44,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 15 | 20:50:47,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 16 | 20:50:50,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 17 | 20:50:53,e6c50557e217,gridexperiment_gateway_1,0.02,126.8MiB,8.301GiB,1.49,7.08kB,2.65kB,0B,0B,3 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_gateway_1/time.csv: -------------------------------------------------------------------------------- 1 | 20:50:04 2 | 20:50:07 3 | 20:50:10 4 | 20:50:13 5 | 20:50:16 6 | 20:50:19 7 | 20:50:22 8 | 20:50:26 9 | 20:50:29 10 | 20:50:32 11 | 20:50:35 12 | 20:50:38 13 | 20:50:41 14 | 20:50:44 15 | 20:50:47 16 | 20:50:50 17 | 20:50:53 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/blockinput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/blockoutput.csv: -------------------------------------------------------------------------------- 1 | 0B 2 | 0B 3 | 0B 4 | 0B 5 | 0B 6 | 0B 7 | 0B 8 | 0B 9 | 0B 10 | 0B 11 | 0B 12 | 0B 13 | 0B 14 | 0B 15 | 0B 16 | 0B 17 | 0B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/cpu.csv: -------------------------------------------------------------------------------- 1 | 0.02 2 | 0.02 3 | 0.02 4 | 0.02 5 | 0.03 6 | 0.02 7 | 0.12 8 | 0.02 9 | 0.02 10 | 0.03 11 | 0.03 12 | 0.02 13 | 0.02 14 | 0.02 15 | 0.02 16 | 0.02 17 | 0.02 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/memory.csv: -------------------------------------------------------------------------------- 1 | 1.12 2 | 1.12 3 | 1.12 4 | 1.12 5 | 1.12 6 | 1.12 7 | 1.12 8 | 1.12 9 | 1.12 10 | 1.12 11 | 1.12 12 | 1.11 13 | 1.11 14 | 1.11 15 | 1.11 16 | 1.11 17 | 1.11 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/networkinput.csv: -------------------------------------------------------------------------------- 1 | 3.4kB 2 | 3.69kB 3 | 3.76kB 4 | 3.96kB 5 | 3.96kB 6 | 3.96kB 7 | 3.96kB 8 | 4.03kB 9 | 4.23kB 10 | 4.23kB 11 | 4.23kB 12 | 4.23kB 13 | 4.23kB 14 | 4.23kB 15 | 4.23kB 16 | 4.23kB 17 | 4.23kB 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/networkoutput.csv: -------------------------------------------------------------------------------- 1 | 819B 2 | 819B 3 | 819B 4 | 819B 5 | 819B 6 | 819B 7 | 819B 8 | 819B 9 | 819B 10 | 819B 11 | 819B 12 | 819B 13 | 819B 14 | 819B 15 | 819B 16 | 819B 17 | 819B 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/stats.csv: -------------------------------------------------------------------------------- 1 | 20:50:04,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.4kB,819B,0B,0B,3 2 | 20:50:07,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.69kB,819B,0B,0B,3 3 | 20:50:10,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.76kB,819B,0B,0B,3 4 | 20:50:13,475f715a2366,gridexperiment_james_1,0.02,95MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 5 | 20:50:16,475f715a2366,gridexperiment_james_1,0.03,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 6 | 20:50:19,475f715a2366,gridexperiment_james_1,0.02,94.98MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 7 | 20:50:22,475f715a2366,gridexperiment_james_1,0.12,94.79MiB,8.301GiB,1.12,3.96kB,819B,0B,0B,3 8 | 20:50:26,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.03kB,819B,0B,0B,3 9 | 20:50:29,475f715a2366,gridexperiment_james_1,0.02,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 10 | 20:50:32,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 11 | 20:50:35,475f715a2366,gridexperiment_james_1,0.03,94.79MiB,8.301GiB,1.12,4.23kB,819B,0B,0B,3 12 | 20:50:38,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 13 | 20:50:41,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 14 | 20:50:44,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 15 | 20:50:47,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 16 | 20:50:50,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 17 | 20:50:53,475f715a2366,gridexperiment_james_1,0.02,94.38MiB,8.301GiB,1.11,4.23kB,819B,0B,0B,3 18 | -------------------------------------------------------------------------------- /results/graphs/gridexperiment_james_1/time.csv: -------------------------------------------------------------------------------- 1 | 20:50:04 2 | 20:50:07 3 | 20:50:10 4 | 20:50:13 5 | 20:50:16 6 | 20:50:19 7 | 20:50:22 8 | 20:50:26 9 | 20:50:29 10 | 20:50:32 11 | 20:50:35 12 | 20:50:38 13 | 20:50:41 14 | 20:50:44 15 | 20:50:47 16 | 20:50:50 17 | 20:50:53 18 | -------------------------------------------------------------------------------- /results/graphs/memory_usage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/H4LL/GridExperiment/9f0d3eb876b0e2c923242cf2c8fd1e59f54ec25d/results/graphs/memory_usage.png -------------------------------------------------------------------------------- /run_entire_experiment.sh: -------------------------------------------------------------------------------- 1 | #!/ bin / bash 2 | cd GridExperiment 3 | source installation.sh 4 | source run_experiment.sh 5 | source graphs.sh 6 | -------------------------------------------------------------------------------- /run_experiment.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | cd ~ 3 | rm -r GridExperiment/results 4 | mkdir GridExperiment/results 5 | 6 | #SET UP SUBNET 7 | sudo docker-compose -f GridExperiment/docker-compose-experiment.yml up & 8 | sleep 10 9 | 10 | #DISTRIBUTE DATA 11 | while true; do sudo docker stats --no-stream | ts '[%H:%M:%S]' | tee --append GridExperiment/results/connect_stats.txt; sleep 0.5; done & 12 | STATS=$! 13 | sudo tcpdump -i lo > GridExperiment/results/connect.pcap & 14 | PCAP=$! 15 | python GridExperiment/python/connect_nodes.py | tee GridExperiment/results/connect_nodes_output.txt 16 | sudo kill -9 "$STATS" 17 | sudo kill -9 "$PCAP" 18 | 19 | #TEAR DOWN SUBNET 20 | sudo docker stop $(sudo docker ps -a -q) 21 | --------------------------------------------------------------------------------